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

5.6 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.01
params = {
'epochs': 3,
'embed_size': 100,
'device': 'cuda',
'vocab_size': 30000,
'batch_size': 3200,
'learning_rate': 0.0001,
'k': 15, #top k words
'wildcard_minweight': 0.01
}
params = yaml.load(open('config/params.yaml'))
#then, entire code should go about those params with params[epochs] etc
/tmp/ipykernel_37433/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': 100,
 'device': 'cuda',
 'vocab_size': 30000,
 'batch_size': 3200,
 'learning_rate': 0.0001,
 'k': 15,
 'wildcard_minweight': 0.01}
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'))
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 = 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 
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-40000.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-{step}.bin')
       loss.backward()
       optimizer.step()
#     torch.save(model.state_dict(), f'model-tri-2following-{i}.bin')    
# torch.save(model.state_dict(), f'model-tri-2following-final.bin')
epoch: = 0
0 tensor(5.3414, device='cuda:0', grad_fn=<NllLossBackward0>)
/tmp/ipykernel_37433/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)
1000
100 tensor(5.4870, device='cuda:0', grad_fn=<NllLossBackward0>)
200 tensor(5.3542, device='cuda:0', grad_fn=<NllLossBackward0>)
2000
300 tensor(5.3792, device='cuda:0', grad_fn=<NllLossBackward0>)
3000
400 tensor(5.5982, device='cuda:0', grad_fn=<NllLossBackward0>)
4000
500 tensor(5.4045, device='cuda:0', grad_fn=<NllLossBackward0>)
5000
600 tensor(5.5620, device='cuda:0', grad_fn=<NllLossBackward0>)
6000
700 tensor(5.5428, device='cuda:0', grad_fn=<NllLossBackward0>)
7000
800 tensor(5.3684, device='cuda:0', grad_fn=<NllLossBackward0>)
8000
900 tensor(5.4198, device='cuda:0', grad_fn=<NllLossBackward0>)
9000
1000 tensor(5.4100, device='cuda:0', grad_fn=<NllLossBackward0>)
10000
1100 tensor(5.4554, device='cuda:0', grad_fn=<NllLossBackward0>)
11000
1200 tensor(5.5284, device='cuda:0', grad_fn=<NllLossBackward0>)
12000
1300 tensor(5.5495, 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_37433/1707264841.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[26], line 19
     16        step += 1
     17 #        if step % 10000 == 0:
     18 #            torch.save(model.state_dict(), f'model-tri-2following-{step}.bin')
---> 19        loss.backward()
     20        optimizer.step()
     21 #     torch.save(model.state_dict(), f'model-tri-2following-{i}.bin')    
     22 # torch.save(model.state_dict(), f'model-tri-2following-final.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(), f'model-tri-2following-final.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 or '<unk>' not in dic.keys():  
        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-wildcard_minweight) ###leave some space for wildcard
        tab = [(key, val) for key, val in dic.items()]
        tab.append(('<unk>', wildcard_minweight))
    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, 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
###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

ixs = torch.tensor([vocab.forward(['twenty']), vocab.forward(['dollars'])]).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_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)
[('and', 3, 0.16225862503051758),
 ('<unk>', 0, 0.09216757118701935),
 ('than', 57, 0.07570096850395203),
 ('about', 81, 0.05731402337551117),
 ('of', 2, 0.05304272100329399),
 ('or', 19, 0.05177469179034233),
 ('for', 8, 0.04992656409740448),
 ('to', 4, 0.03527023643255234),
 ('number', 212, 0.013216206803917885),
 ('least', 433, 0.012247467413544655)]
model.load_state_dict(torch.load(f'model-tri-2following-final.bin'))
<All keys matched successfully>
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]
        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)     
        
#     with open(out_file, 'w') as outfile:
#         for elem in results:  
#             outfile.write(gonito_format(elem, const_wildcard=False))
/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)
with open(out_file, 'w') as outfile:
    for elem in results:  
        outfile.write(gonito_format(elem, const_wildcard=False))
a = results[1065]
print(a)
{'to': 0.2240549474954605, 'will': 0.1578778624534607, 'should': 0.06777101010084152, 'may': 0.059202395379543304, 'would': 0.0574687235057354, 'can': 0.05198880657553673, 'could': 0.04070327803492546, 'must': 0.03686462715268135, 'shall': 0.03472733497619629, 'not': 0.032116860151290894}
results_summ = summarize_probs_unk(a, const_wildcard = False)
results_summ = [summarize_probs_unk(result, const_wildcard = False) for result in results]
results_summ
[('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),
 ('<unk>', 0.18393706233058182)]
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 :  0.9999999999999999
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 :  0.9999999999999999
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 :  0.9999999999999999
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.0000000000000002
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 :  0.9999999999999999
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
7414 :  1.0
7415 :  1.0
7416 :  1.0
7417 :  1.0
7418 :  1.0
7419 :  1.0
7420 :  1.0
7421 :  1.0
7422 :  1.0
7423 :  1.0
7424 :  1.0
7425 :  1.0
7426 :  1.0
7427 :  1.0
7428 :  1.0
7429 :  1.0
7430 :  1.0
7431 :  1.0
7432 :  1.0
7433 :  1.0
7434 :  1.0
7435 :  1.0
7436 :  1.0
7437 :  1.0
7438 :  1.0
7439 :  1.0
7440 :  1.0
7441 :  1.0
7442 :  1.0
7443 :  1.0
7444 :  1.0
7445 :  1.0
7446 :  1.0
7447 :  1.0
7448 :  1.0
7449 :  1.0
7450 :  1.0
7451 :  1.0
7452 :  1.0
7453 :  1.0
7454 :  1.0
7455 :  1.0
7456 :  1.0
7457 :  1.0
7458 :  1.0
7459 :  1.0
7460 :  1.0
7461 :  1.0
7462 :  1.0
7463 :  1.0
7464 :  1.0
7465 :  1.0
7466 :  1.0
7467 :  1.0
7468 :  1.0
7469 :  1.0
7470 :  1.0
7471 :  1.0
7472 :  1.0
7473 :  1.0
7474 :  1.0
7475 :  1.0
7476 :  1.0
7477 :  1.0
7478 :  1.0
7479 :  1.0
7480 :  1.0
7481 :  1.0
7482 :  1.0
7483 :  1.0
7484 :  1.0
7485 :  1.0
7486 :  1.0
7487 :  1.0
7488 :  1.0
7489 :  1.0
7490 :  1.0
7491 :  1.0
7492 :  1.0
7493 :  1.0
7494 :  1.0
7495 :  1.0
7496 :  1.0
7497 :  1.0
7498 :  1.0
7499 :  1.0
7500 :  1.0
7501 :  1.0
7502 :  1.0
7503 :  1.0
7504 :  1.0
7505 :  1.0
7506 :  1.0
7507 :  1.0
7508 :  1.0
7509 :  1.0
7510 :  1.0
7511 :  1.0
7512 :  1.0
7513 :  1.0
7514 :  1.0
7515 :  1.0
7516 :  1.0
7517 :  1.0
7518 :  1.0
7519 :  1.0
7520 :  1.0
7521 :  1.0
7522 :  1.0
7523 :  1.0
7524 :  1.0
7525 :  1.0
7526 :  1.0
7527 :  1.0
7528 :  1.0
7529 :  1.0
7530 :  1.0
7531 :  1.0
7532 :  1.0
7533 :  1.0
7534 :  1.0
7535 :  1.0
7536 :  1.0
7537 :  1.0
7538 :  1.0
7539 :  1.0
7540 :  1.0
7541 :  1.0
7542 :  1.0
7543 :  1.0
7544 :  1.0
7545 :  1.0
7546 :  1.0
7547 :  1.0
7548 :  1.0
7549 :  1.0
7550 :  1.0
7551 :  1.0
7552 :  1.0
7553 :  1.0
7554 :  1.0
7555 :  1.0
7556 :  1.0
7557 :  1.0
7558 :  1.0
7559 :  1.0
7560 :  1.0
7561 :  1.0
7562 :  1.0
7563 :  1.0
7564 :  1.0
7565 :  1.0
7566 :  1.0
7567 :  1.0
7568 :  1.0
7569 :  1.0
7570 :  1.0
7571 :  1.0
7572 :  1.0
7573 :  1.0
7574 :  1.0
7575 :  1.0
7576 :  1.0
7577 :  1.0
7578 :  1.0
7579 :  1.0
7580 :  1.0
7581 :  1.0
7582 :  1.0
7583 :  1.0
7584 :  1.0
7585 :  1.0
7586 :  1.0
7587 :  1.0
7588 :  1.0
7589 :  1.0
7590 :  1.0
7591 :  1.0
7592 :  1.0
7593 :  1.0
7594 :  1.0
7595 :  1.0
7596 :  1.0
7597 :  1.0
7598 :  1.0
7599 :  1.0
7600 :  1.0
7601 :  1.0
7602 :  1.0
7603 :  1.0
7604 :  1.0
7605 :  1.0
7606 :  1.0
7607 :  1.0
7608 :  1.0
7609 :  1.0
7610 :  1.0
7611 :  1.0
7612 :  1.0
7613 :  1.0
7614 :  1.0
7615 :  1.0
7616 :  1.0
7617 :  1.0
7618 :  1.0
7619 :  1.0
7620 :  1.0
7621 :  1.0
7622 :  1.0
7623 :  1.0
7624 :  1.0
7625 :  1.0
7626 :  1.0
7627 :  1.0
7628 :  1.0
7629 :  1.0
7630 :  1.0
7631 :  1.0
7632 :  1.0
7633 :  1.0
7634 :  1.0
7635 :  1.0
7636 :  1.0
7637 :  1.0
7638 :  1.0
7639 :  1.0
7640 :  1.0
7641 :  1.0
7642 :  1.0
7643 :  1.0
7644 :  1.0
7645 :  1.0
7646 :  1.0
7647 :  1.0
7648 :  1.0
7649 :  1.0
7650 :  1.0
7651 :  1.0
7652 :  1.0
7653 :  1.0
7654 :  1.0
7655 :  1.0
7656 :  1.0
7657 :  1.0
7658 :  1.0
7659 :  1.0
7660 :  1.0
7661 :  1.0
7662 :  1.0
7663 :  1.0
7664 :  1.0
7665 :  1.0
7666 :  1.0
7667 :  1.0
7668 :  1.0
7669 :  1.0
7670 :  1.0
7671 :  1.0
7672 :  1.0
7673 :  1.0
7674 :  1.0
7675 :  1.0
7676 :  1.0
7677 :  1.0
7678 :  1.0
7679 :  1.0
7680 :  1.0
7681 :  1.0
7682 :  1.0
7683 :  1.0
7684 :  1.0
7685 :  1.0
7686 :  1.0
7687 :  1.0
7688 :  1.0
7689 :  1.0
7690 :  1.0
7691 :  1.0
7692 :  1.0
7693 :  1.0
7694 :  1.0
7695 :  1.0
7696 :  1.0
7697 :  1.0
7698 :  1.0
7699 :  1.0
7700 :  1.0
7701 :  1.0
7702 :  1.0
7703 :  1.0
7704 :  1.0
7705 :  1.0
7706 :  1.0
7707 :  1.0
7708 :  1.0
7709 :  1.0
7710 :  1.0
7711 :  1.0
7712 :  1.0
7713 :  1.0
7714 :  1.0
7715 :  1.0
7716 :  1.0
7717 :  1.0
7718 :  1.0
7719 :  1.0
7720 :  1.0
7721 :  1.0
7722 :  1.0
7723 :  1.0
7724 :  1.0
7725 :  1.0
7726 :  1.0
7727 :  1.0
7728 :  1.0
7729 :  1.0
7730 :  1.0
7731 :  1.0
7732 :  1.0
7733 :  1.0
7734 :  1.0
7735 :  1.0
7736 :  1.0
7737 :  1.0
7738 :  1.0
7739 :  1.0
7740 :  1.0
7741 :  1.0
7742 :  1.0
7743 :  1.0
7744 :  1.0
7745 :  1.0
7746 :  1.0
7747 :  1.0
7748 :  1.0
7749 :  1.0
7750 :  1.0
7751 :  1.0
7752 :  1.0
7753 :  1.0
7754 :  1.0
7755 :  1.0
7756 :  1.0
7757 :  1.0
7758 :  1.0
7759 :  1.0
7760 :  1.0
7761 :  1.0
7762 :  1.0
7763 :  1.0
7764 :  1.0
7765 :  1.0
7766 :  1.0
7767 :  1.0
7768 :  1.0
7769 :  1.0
7770 :  1.0
7771 :  1.0
7772 :  1.0
7773 :  1.0
7774 :  1.0
7775 :  1.0
7776 :  1.0
7777 :  1.0
7778 :  1.0
7779 :  1.0
7780 :  1.0
7781 :  1.0
7782 :  1.0
7783 :  1.0
7784 :  1.0
7785 :  1.0
7786 :  1.0
7787 :  1.0
7788 :  1.0
7789 :  1.0
7790 :  1.0
7791 :  1.0
7792 :  1.0
7793 :  1.0
7794 :  1.0
7795 :  1.0
7796 :  1.0
7797 :  1.0
7798 :  1.0
7799 :  1.0
7800 :  1.0
7801 :  1.0
7802 :  1.0
7803 :  1.0
7804 :  1.0
7805 :  1.0
7806 :  1.0
7807 :  1.0
7808 :  1.0
7809 :  1.0
7810 :  1.0
7811 :  1.0
7812 :  1.0
7813 :  1.0
7814 :  1.0
7815 :  1.0
7816 :  1.0
7817 :  1.0
7818 :  1.0
7819 :  1.0
7820 :  1.0
7821 :  1.0
7822 :  1.0
7823 :  1.0
7824 :  1.0
7825 :  1.0
7826 :  1.0
7827 :  1.0
7828 :  1.0
7829 :  1.0
7830 :  1.0
7831 :  1.0
7832 :  1.0
7833 :  1.0
7834 :  1.0
7835 :  1.0
7836 :  1.0
7837 :  1.0
7838 :  1.0
7839 :  1.0
7840 :  1.0
7841 :  1.0
7842 :  1.0
7843 :  1.0
7844 :  1.0
7845 :  1.0
7846 :  1.0
7847 :  1.0
7848 :  1.0
7849 :  1.0
7850 :  1.0
7851 :  1.0
7852 :  1.0
7853 :  1.0
7854 :  1.0
7855 :  1.0
7856 :  1.0
7857 :  1.0
7858 :  1.0
7859 :  1.0
7860 :  1.0
7861 :  1.0
7862 :  1.0
7863 :  1.0
7864 :  1.0
7865 :  1.0
7866 :  1.0
7867 :  1.0
7868 :  1.0
7869 :  1.0
7870 :  1.0
7871 :  1.0
7872 :  1.0
7873 :  1.0
7874 :  1.0
7875 :  1.0
7876 :  1.0
7877 :  1.0
7878 :  1.0
7879 :  1.0
7880 :  1.0
7881 :  1.0
7882 :  1.0
7883 :  1.0
7884 :  1.0
7885 :  1.0
7886 :  1.0
7887 :  1.0
7888 :  1.0
7889 :  1.0
7890 :  1.0
7891 :  1.0
7892 :  1.0
7893 :  1.0
7894 :  1.0
7895 :  1.0
7896 :  1.0
7897 :  1.0
7898 :  1.0
7899 :  1.0
7900 :  1.0
7901 :  1.0
7902 :  1.0
7903 :  1.0
7904 :  1.0
7905 :  1.0
7906 :  1.0
7907 :  1.0
7908 :  1.0
7909 :  1.0
7910 :  1.0
7911 :  1.0
7912 :  1.0
7913 :  1.0
7914 :  1.0
7915 :  1.0
7916 :  1.0
7917 :  1.0
7918 :  1.0
7919 :  1.0
7920 :  1.0
7921 :  1.0
7922 :  1.0
7923 :  1.0
7924 :  1.0
7925 :  1.0
7926 :  1.0
7927 :  1.0
7928 :  1.0
7929 :  1.0
7930 :  1.0
7931 :  1.0
7932 :  1.0
7933 :  1.0
7934 :  1.0
7935 :  1.0
7936 :  1.0
7937 :  1.0
7938 :  1.0
7939 :  1.0
7940 :  1.0
7941 :  1.0
7942 :  1.0
7943 :  1.0
7944 :  1.0
7945 :  1.0
7946 :  1.0
7947 :  1.0
7948 :  1.0
7949 :  1.0
7950 :  1.0
7951 :  1.0
7952 :  1.0
7953 :  1.0
7954 :  1.0
7955 :  1.0
7956 :  1.0
7957 :  1.0
7958 :  1.0
7959 :  1.0
7960 :  1.0
7961 :  1.0
7962 :  1.0
7963 :  1.0
7964 :  1.0
7965 :  1.0
7966 :  1.0
7967 :  1.0
7968 :  1.0
7969 :  1.0
7970 :  1.0
7971 :  1.0
7972 :  1.0
7973 :  1.0
7974 :  1.0
7975 :  1.0
7976 :  1.0
7977 :  1.0
7978 :  1.0
7979 :  1.0
7980 :  1.0
7981 :  1.0
7982 :  1.0
7983 :  1.0
7984 :  1.0
7985 :  1.0
7986 :  1.0
7987 :  1.0
7988 :  1.0
7989 :  1.0
7990 :  1.0
7991 :  1.0
7992 :  1.0
7993 :  1.0
7994 :  1.0
7995 :  1.0
7996 :  1.0
7997 :  1.0
7998 :  1.0
7999 :  1.0
8000 :  1.0
8001 :  1.0
8002 :  1.0
8003 :  1.0
8004 :  1.0
8005 :  1.0
8006 :  1.0
8007 :  1.0
8008 :  1.0
8009 :  1.0
8010 :  1.0
8011 :  1.0
8012 :  1.0
8013 :  1.0
8014 :  1.0
8015 :  1.0
8016 :  1.0
8017 :  1.0
8018 :  1.0
8019 :  1.0
8020 :  1.0
8021 :  1.0
8022 :  1.0
8023 :  1.0
8024 :  1.0
8025 :  1.0
8026 :  1.0
8027 :  1.0
8028 :  1.0
8029 :  1.0
8030 :  1.0
8031 :  1.0
8032 :  1.0
8033 :  1.0
8034 :  1.0
8035 :  1.0
8036 :  1.0
8037 :  1.0
8038 :  1.0
8039 :  1.0
8040 :  1.0
8041 :  1.0
8042 :  1.0
8043 :  1.0
8044 :  1.0
8045 :  1.0
8046 :  1.0
8047 :  1.0
8048 :  1.0
8049 :  1.0
8050 :  1.0
8051 :  1.0
8052 :  1.0
8053 :  1.0
8054 :  1.0
8055 :  1.0
8056 :  1.0
8057 :  1.0
8058 :  1.0
8059 :  1.0
8060 :  1.0
8061 :  1.0
8062 :  1.0
8063 :  1.0
8064 :  1.0
8065 :  1.0
8066 :  1.0
8067 :  1.0
8068 :  1.0
8069 :  1.0
8070 :  1.0
8071 :  1.0
8072 :  1.0
8073 :  1.0
8074 :  1.0
8075 :  1.0
8076 :  1.0
8077 :  1.0
8078 :  1.0
8079 :  1.0
8080 :  1.0
8081 :  1.0
8082 :  1.0
8083 :  1.0
8084 :  1.0
8085 :  1.0
8086 :  1.0
8087 :  1.0
8088 :  1.0
8089 :  1.0
8090 :  1.0
8091 :  1.0
8092 :  1.0
8093 :  1.0
8094 :  1.0
8095 :  1.0
8096 :  1.0
8097 :  1.0
8098 :  1.0
8099 :  1.0
8100 :  1.0
8101 :  1.0
8102 :  1.0
8103 :  1.0
8104 :  1.0
8105 :  1.0
8106 :  1.0
8107 :  1.0
8108 :  1.0
8109 :  1.0
8110 :  1.0
8111 :  1.0
8112 :  1.0
8113 :  1.0
8114 :  1.0
8115 :  1.0
8116 :  1.0
8117 :  1.0
8118 :  1.0
8119 :  1.0
8120 :  1.0
8121 :  1.0
8122 :  1.0
8123 :  1.0
8124 :  1.0
8125 :  1.0
8126 :  1.0
8127 :  1.0
8128 :  1.0
8129 :  1.0
8130 :  1.0
8131 :  1.0
8132 :  1.0
8133 :  1.0
8134 :  1.0
8135 :  1.0
8136 :  1.0
8137 :  1.0
8138 :  1.0
8139 :  1.0
8140 :  1.0
8141 :  1.0
8142 :  1.0
8143 :  1.0
8144 :  1.0
8145 :  1.0
8146 :  1.0
8147 :  1.0
8148 :  1.0
8149 :  1.0
8150 :  1.0
8151 :  1.0
8152 :  1.0
8153 :  1.0
8154 :  1.0
8155 :  1.0
8156 :  1.0
8157 :  1.0
8158 :  1.0
8159 :  1.0
8160 :  1.0
8161 :  1.0
8162 :  1.0
8163 :  1.0
8164 :  1.0
8165 :  1.0
8166 :  1.0
8167 :  1.0
8168 :  1.0
8169 :  1.0
8170 :  1.0
8171 :  1.0
8172 :  1.0
8173 :  1.0
8174 :  1.0
8175 :  1.0
8176 :  1.0
8177 :  1.0
8178 :  1.0
8179 :  1.0
8180 :  1.0
8181 :  1.0
8182 :  1.0
8183 :  1.0
8184 :  1.0
8185 :  1.0
8186 :  1.0
8187 :  1.0
8188 :  1.0
8189 :  1.0
8190 :  1.0
8191 :  1.0
8192 :  1.0
8193 :  1.0
8194 :  1.0
8195 :  1.0
8196 :  1.0
8197 :  1.0
8198 :  1.0
8199 :  1.0
8200 :  1.0
8201 :  1.0
8202 :  1.0
8203 :  1.0
8204 :  1.0
8205 :  1.0
8206 :  1.0
8207 :  1.0
8208 :  1.0
8209 :  1.0
8210 :  1.0
8211 :  1.0
8212 :  1.0
8213 :  1.0
8214 :  1.0
8215 :  1.0
8216 :  1.0
8217 :  1.0
8218 :  1.0
8219 :  1.0
8220 :  1.0
8221 :  1.0
8222 :  1.0
8223 :  1.0
8224 :  1.0
8225 :  1.0
8226 :  1.0
8227 :  1.0
8228 :  1.0
8229 :  1.0
8230 :  1.0
8231 :  1.0
8232 :  1.0
8233 :  1.0
8234 :  1.0
8235 :  1.0
8236 :  1.0
8237 :  1.0
8238 :  1.0
8239 :  1.0
8240 :  1.0
8241 :  1.0
8242 :  1.0
8243 :  1.0
8244 :  1.0
8245 :  1.0
8246 :  1.0
8247 :  1.0
8248 :  1.0
8249 :  1.0
8250 :  1.0
8251 :  1.0
8252 :  1.0
8253 :  1.0
8254 :  1.0
8255 :  1.0
8256 :  1.0
8257 :  1.0
8258 :  1.0
8259 :  1.0
8260 :  1.0
8261 :  1.0
8262 :  1.0
8263 :  1.0
8264 :  1.0
8265 :  1.0
8266 :  1.0
8267 :  1.0
8268 :  1.0
8269 :  1.0
8270 :  1.0
8271 :  1.0
8272 :  1.0
8273 :  1.0
8274 :  1.0
8275 :  1.0
8276 :  1.0
8277 :  1.0
8278 :  1.0
8279 :  1.0
8280 :  1.0
8281 :  1.0
8282 :  1.0
8283 :  1.0
8284 :  1.0
8285 :  1.0
8286 :  1.0
8287 :  1.0
8288 :  1.0
8289 :  1.0
8290 :  1.0
8291 :  1.0
8292 :  1.0
8293 :  1.0
8294 :  1.0
8295 :  1.0
8296 :  1.0
8297 :  1.0
8298 :  1.0
8299 :  1.0
8300 :  1.0
8301 :  1.0
8302 :  1.0
8303 :  1.0
8304 :  1.0
8305 :  1.0
8306 :  1.0
8307 :  1.0
8308 :  1.0
8309 :  1.0
8310 :  1.0
8311 :  1.0
8312 :  1.0
8313 :  1.0
8314 :  1.0
8315 :  1.0
8316 :  1.0
8317 :  1.0
8318 :  1.0
8319 :  1.0
8320 :  1.0
8321 :  1.0
8322 :  1.0
8323 :  1.0
8324 :  1.0
8325 :  1.0
8326 :  1.0
8327 :  1.0
8328 :  1.0
8329 :  1.0
8330 :  1.0
8331 :  1.0
8332 :  1.0
8333 :  1.0
8334 :  1.0
8335 :  1.0
8336 :  1.0
8337 :  1.0
8338 :  1.0
8339 :  1.0
8340 :  1.0
8341 :  1.0
8342 :  1.0
8343 :  1.0
8344 :  1.0
8345 :  1.0
8346 :  1.0
8347 :  1.0
8348 :  1.0
8349 :  1.0
8350 :  1.0
8351 :  1.0
8352 :  1.0
8353 :  1.0
8354 :  1.0
8355 :  1.0
8356 :  1.0
8357 :  1.0
8358 :  1.0
8359 :  1.0
8360 :  1.0
8361 :  1.0
8362 :  1.0
8363 :  1.0
8364 :  1.0
8365 :  1.0
8366 :  1.0
8367 :  1.0
8368 :  1.0
8369 :  1.0
8370 :  1.0
8371 :  1.0
8372 :  1.0
8373 :  1.0
8374 :  1.0
8375 :  1.0
8376 :  1.0
8377 :  1.0
8378 :  1.0
8379 :  1.0
8380 :  1.0
8381 :  1.0
8382 :  1.0
8383 :  1.0
8384 :  1.0
8385 :  1.0
8386 :  1.0
8387 :  1.0
8388 :  1.0
8389 :  1.0
8390 :  1.0
8391 :  1.0
8392 :  1.0
8393 :  1.0
8394 :  1.0
8395 :  1.0
8396 :  1.0
8397 :  1.0
8398 :  1.0
8399 :  1.0
8400 :  1.0
8401 :  1.0
8402 :  1.0
8403 :  1.0
8404 :  1.0
8405 :  1.0
8406 :  1.0
8407 :  1.0
8408 :  1.0
8409 :  1.0
8410 :  1.0
8411 :  1.0
8412 :  1.0
8413 :  1.0
8414 :  1.0
8415 :  1.0
8416 :  1.0
8417 :  1.0
8418 :  1.0
8419 :  1.0
8420 :  1.0
8421 :  1.0
8422 :  1.0
8423 :  1.0
8424 :  1.0
8425 :  1.0
8426 :  1.0
8427 :  1.0
8428 :  1.0
8429 :  1.0
8430 :  1.0
8431 :  1.0
8432 :  1.0
8433 :  1.0
8434 :  1.0
8435 :  1.0
8436 :  1.0
8437 :  1.0
8438 :  1.0
8439 :  1.0
8440 :  1.0
8441 :  1.0
8442 :  1.0
8443 :  1.0
8444 :  1.0
8445 :  1.0
8446 :  1.0
8447 :  1.0
8448 :  1.0
8449 :  1.0
8450 :  1.0
8451 :  1.0
8452 :  1.0
8453 :  1.0
8454 :  1.0
8455 :  1.0
8456 :  1.0
8457 :  1.0
8458 :  1.0
8459 :  1.0
8460 :  1.0
8461 :  1.0
8462 :  1.0
8463 :  1.0
8464 :  1.0
8465 :  1.0
8466 :  1.0
8467 :  1.0
8468 :  1.0
8469 :  1.0
8470 :  1.0
8471 :  1.0
8472 :  1.0
8473 :  1.0
8474 :  1.0
8475 :  1.0
8476 :  1.0
8477 :  1.0
8478 :  1.0
8479 :  1.0
8480 :  1.0
8481 :  1.0
8482 :  1.0
8483 :  1.0
8484 :  1.0
8485 :  1.0
8486 :  1.0
8487 :  1.0
8488 :  1.0
8489 :  1.0
8490 :  1.0
8491 :  1.0
8492 :  1.0
8493 :  1.0
8494 :  1.0
8495 :  1.0
8496 :  1.0
8497 :  1.0
8498 :  1.0
8499 :  1.0
8500 :  1.0
8501 :  1.0
8502 :  1.0
8503 :  1.0
8504 :  1.0
8505 :  1.0
8506 :  1.0
8507 :  1.0
8508 :  1.0
8509 :  1.0
8510 :  1.0
8511 :  1.0
8512 :  1.0
8513 :  1.0
8514 :  1.0
8515 :  1.0
8516 :  1.0
8517 :  1.0
8518 :  1.0
8519 :  1.0
8520 :  1.0
8521 :  1.0
8522 :  1.0
8523 :  1.0
8524 :  1.0
8525 :  1.0
8526 :  1.0
8527 :  1.0
8528 :  1.0
8529 :  1.0
8530 :  1.0
8531 :  1.0
8532 :  1.0
8533 :  1.0
8534 :  1.0
8535 :  1.0
8536 :  1.0
8537 :  1.0
8538 :  1.0
8539 :  1.0
8540 :  1.0
8541 :  1.0
8542 :  1.0
8543 :  1.0
8544 :  1.0
8545 :  1.0
8546 :  1.0
8547 :  1.0
8548 :  1.0
8549 :  1.0
8550 :  1.0
8551 :  1.0
8552 :  1.0
8553 :  1.0
8554 :  1.0
8555 :  1.0
8556 :  1.0
8557 :  1.0
8558 :  1.0
8559 :  1.0
8560 :  1.0
8561 :  1.0
8562 :  1.0
8563 :  1.0
8564 :  1.0
8565 :  1.0
8566 :  1.0
8567 :  1.0
8568 :  1.0
8569 :  1.0
8570 :  1.0
8571 :  1.0
8572 :  1.0
8573 :  1.0
8574 :  1.0
8575 :  1.0
8576 :  1.0
8577 :  1.0
8578 :  1.0
8579 :  1.0
8580 :  1.0
8581 :  1.0
8582 :  1.0
8583 :  1.0
8584 :  1.0
8585 :  1.0
8586 :  1.0
8587 :  1.0
8588 :  1.0
8589 :  1.0
8590 :  1.0
8591 :  1.0
8592 :  1.0
8593 :  1.0
8594 :  1.0
8595 :  1.0
8596 :  1.0
8597 :  1.0
8598 :  1.0
8599 :  1.0
8600 :  1.0
8601 :  1.0
8602 :  1.0
8603 :  1.0
8604 :  1.0
8605 :  1.0
8606 :  1.0
8607 :  1.0
8608 :  1.0
8609 :  1.0
8610 :  1.0
8611 :  1.0
8612 :  1.0
8613 :  1.0
8614 :  1.0
8615 :  1.0
8616 :  1.0
8617 :  1.0
8618 :  1.0
8619 :  1.0
8620 :  1.0
8621 :  1.0
8622 :  1.0
8623 :  1.0
8624 :  1.0
8625 :  1.0
8626 :  1.0
8627 :  1.0
8628 :  1.0
8629 :  1.0
8630 :  1.0
8631 :  1.0
8632 :  1.0
8633 :  1.0
8634 :  1.0
8635 :  1.0
8636 :  1.0
8637 :  1.0
8638 :  1.0
8639 :  1.0
8640 :  1.0
8641 :  1.0
8642 :  1.0
8643 :  1.0
8644 :  1.0
8645 :  1.0
8646 :  1.0
8647 :  1.0
8648 :  1.0
8649 :  1.0
8650 :  1.0
8651 :  1.0
8652 :  1.0
8653 :  1.0
8654 :  1.0
8655 :  1.0
8656 :  1.0
8657 :  1.0
8658 :  1.0
8659 :  1.0
8660 :  1.0
8661 :  1.0
8662 :  1.0
8663 :  1.0
8664 :  1.0
8665 :  1.0
8666 :  1.0
8667 :  1.0
8668 :  1.0
8669 :  1.0
8670 :  1.0
8671 :  1.0
8672 :  1.0
8673 :  1.0
8674 :  1.0
8675 :  1.0
8676 :  1.0
8677 :  1.0
8678 :  1.0
8679 :  1.0
8680 :  1.0
8681 :  1.0
8682 :  1.0
8683 :  1.0
8684 :  1.0
8685 :  1.0
8686 :  1.0
8687 :  1.0
8688 :  1.0
8689 :  1.0
8690 :  1.0
8691 :  1.0
8692 :  1.0
8693 :  1.0
8694 :  1.0
8695 :  1.0
8696 :  1.0
8697 :  1.0
8698 :  1.0
8699 :  1.0
8700 :  1.0
8701 :  1.0
8702 :  1.0
8703 :  1.0
8704 :  1.0
8705 :  1.0
8706 :  1.0
8707 :  1.0
8708 :  1.0
8709 :  1.0
8710 :  1.0
8711 :  1.0
8712 :  1.0
8713 :  1.0
8714 :  1.0
8715 :  1.0
8716 :  1.0
8717 :  1.0
8718 :  1.0
8719 :  1.0
8720 :  1.0
8721 :  1.0
8722 :  1.0
8723 :  1.0
8724 :  1.0
8725 :  1.0
8726 :  1.0
8727 :  1.0
8728 :  1.0
8729 :  1.0
8730 :  1.0
8731 :  1.0
8732 :  1.0
8733 :  1.0
8734 :  1.0
8735 :  1.0
8736 :  1.0
8737 :  1.0
8738 :  1.0
8739 :  1.0
8740 :  1.0
8741 :  1.0
8742 :  1.0
8743 :  1.0
8744 :  1.0
8745 :  1.0
8746 :  1.0
8747 :  1.0
8748 :  1.0
8749 :  1.0
8750 :  1.0
8751 :  1.0
8752 :  1.0
8753 :  1.0
8754 :  1.0
8755 :  1.0
8756 :  1.0
8757 :  1.0
8758 :  1.0
8759 :  1.0
8760 :  1.0
8761 :  1.0
8762 :  1.0
8763 :  1.0
8764 :  1.0
8765 :  1.0
8766 :  1.0
8767 :  1.0
8768 :  1.0
8769 :  1.0
8770 :  1.0
8771 :  1.0
8772 :  1.0
8773 :  1.0
8774 :  1.0
8775 :  1.0
8776 :  1.0
8777 :  1.0
8778 :  1.0
8779 :  1.0
8780 :  1.0
8781 :  1.0
8782 :  1.0
8783 :  1.0
8784 :  1.0
8785 :  1.0
8786 :  1.0
8787 :  1.0
8788 :  1.0
8789 :  1.0
8790 :  1.0
8791 :  1.0
8792 :  1.0
8793 :  1.0
8794 :  1.0
8795 :  1.0
8796 :  1.0
8797 :  1.0
8798 :  1.0
8799 :  1.0
8800 :  1.0
8801 :  1.0
8802 :  1.0
8803 :  1.0
8804 :  1.0
8805 :  1.0
8806 :  1.0
8807 :  1.0
8808 :  1.0
8809 :  1.0
8810 :  1.0
8811 :  1.0
8812 :  1.0
8813 :  1.0
8814 :  1.0
8815 :  1.0
8816 :  1.0
8817 :  1.0
8818 :  1.0
8819 :  1.0
8820 :  1.0
8821 :  1.0
8822 :  1.0
8823 :  1.0
8824 :  1.0
8825 :  1.0
8826 :  1.0
8827 :  1.0
8828 :  1.0
8829 :  1.0
8830 :  1.0
8831 :  1.0
8832 :  1.0
8833 :  1.0
8834 :  1.0
8835 :  1.0
8836 :  1.0
8837 :  1.0
8838 :  1.0
8839 :  1.0
8840 :  1.0
8841 :  1.0
8842 :  1.0
8843 :  1.0
8844 :  1.0
8845 :  1.0
8846 :  1.0
8847 :  1.0
8848 :  1.0
8849 :  1.0
8850 :  1.0
8851 :  1.0
8852 :  1.0
8853 :  1.0
8854 :  1.0
8855 :  1.0
8856 :  1.0
8857 :  1.0
8858 :  1.0
8859 :  1.0
8860 :  1.0
8861 :  1.0
8862 :  1.0
8863 :  1.0
8864 :  1.0
8865 :  1.0
8866 :  1.0
8867 :  1.0
8868 :  1.0
8869 :  1.0
8870 :  1.0
8871 :  1.0
8872 :  1.0
8873 :  1.0
8874 :  1.0
8875 :  1.0
8876 :  1.0
8877 :  1.0
8878 :  1.0
8879 :  1.0
8880 :  1.0
8881 :  1.0
8882 :  1.0
8883 :  1.0
8884 :  1.0
8885 :  1.0
8886 :  1.0
8887 :  1.0
8888 :  1.0
8889 :  1.0
8890 :  1.0
8891 :  1.0
8892 :  1.0
8893 :  1.0
8894 :  1.0
8895 :  1.0
8896 :  1.0
8897 :  1.0
8898 :  1.0
8899 :  1.0
8900 :  1.0
8901 :  1.0
8902 :  1.0
8903 :  1.0
8904 :  1.0
8905 :  1.0
8906 :  1.0
8907 :  1.0
8908 :  1.0
8909 :  1.0
8910 :  1.0
8911 :  1.0
8912 :  1.0
8913 :  1.0
8914 :  1.0
8915 :  1.0
8916 :  1.0
8917 :  1.0
8918 :  1.0
8919 :  1.0
8920 :  1.0
8921 :  1.0
8922 :  1.0
8923 :  1.0
8924 :  1.0
8925 :  1.0
8926 :  1.0
8927 :  1.0
8928 :  1.0
8929 :  1.0
8930 :  1.0
8931 :  1.0
8932 :  1.0
8933 :  1.0
8934 :  1.0
8935 :  1.0
8936 :  1.0
8937 :  1.0
8938 :  1.0
8939 :  1.0
8940 :  1.0
8941 :  1.0
8942 :  1.0
8943 :  1.0
8944 :  1.0
8945 :  1.0
8946 :  1.0
8947 :  1.0
8948 :  1.0
8949 :  1.0
8950 :  1.0
8951 :  1.0
8952 :  1.0
8953 :  1.0
8954 :  1.0
8955 :  1.0
8956 :  1.0
8957 :  1.0
8958 :  1.0
8959 :  1.0
8960 :  1.0
8961 :  1.0
8962 :  1.0
8963 :  1.0
8964 :  1.0
8965 :  1.0
8966 :  1.0
8967 :  1.0
8968 :  1.0
8969 :  1.0
8970 :  1.0
8971 :  1.0
8972 :  1.0
8973 :  1.0
8974 :  1.0
8975 :  1.0
8976 :  1.0
8977 :  1.0
8978 :  1.0
8979 :  1.0
8980 :  1.0
8981 :  1.0
8982 :  1.0
8983 :  1.0
8984 :  1.0
8985 :  1.0
8986 :  1.0
8987 :  1.0
8988 :  1.0
8989 :  1.0
8990 :  1.0
8991 :  1.0
8992 :  1.0
8993 :  1.0
8994 :  1.0
8995 :  1.0
8996 :  1.0
8997 :  1.0
8998 :  1.0
8999 :  1.0
9000 :  1.0
9001 :  1.0
9002 :  1.0
9003 :  1.0
9004 :  1.0
9005 :  1.0
9006 :  1.0
9007 :  1.0
9008 :  1.0
9009 :  1.0
9010 :  1.0
9011 :  1.0
9012 :  1.0
9013 :  1.0
9014 :  1.0
9015 :  1.0
9016 :  1.0
9017 :  1.0
9018 :  1.0
9019 :  1.0
9020 :  1.0
9021 :  1.0
9022 :  1.0
9023 :  1.0
9024 :  1.0
9025 :  1.0
9026 :  1.0
9027 :  1.0
9028 :  1.0
9029 :  1.0
9030 :  1.0
9031 :  1.0
9032 :  1.0
9033 :  1.0
9034 :  1.0
9035 :  1.0
9036 :  1.0
9037 :  1.0
9038 :  1.0
9039 :  1.0
9040 :  1.0
9041 :  1.0
9042 :  1.0
9043 :  1.0
9044 :  1.0
9045 :  1.0
9046 :  1.0
9047 :  1.0
9048 :  1.0
9049 :  1.0
9050 :  1.0
9051 :  1.0
9052 :  1.0
9053 :  1.0
9054 :  1.0
9055 :  1.0
9056 :  1.0
9057 :  1.0
9058 :  1.0
9059 :  1.0
9060 :  1.0
9061 :  1.0
9062 :  1.0
9063 :  1.0
9064 :  1.0
9065 :  1.0
9066 :  1.0
9067 :  1.0
9068 :  1.0
9069 :  1.0
9070 :  1.0
9071 :  1.0
9072 :  1.0
9073 :  1.0
9074 :  1.0
9075 :  1.0
9076 :  1.0
9077 :  1.0
9078 :  1.0
9079 :  1.0
9080 :  1.0
9081 :  1.0
9082 :  1.0
9083 :  1.0
9084 :  1.0
9085 :  1.0
9086 :  1.0
9087 :  1.0
9088 :  1.0
9089 :  1.0
9090 :  1.0
9091 :  1.0
9092 :  1.0
9093 :  1.0
9094 :  1.0
9095 :  1.0
9096 :  1.0
9097 :  1.0
9098 :  1.0
9099 :  1.0
9100 :  1.0
9101 :  1.0
9102 :  1.0
9103 :  1.0
9104 :  1.0
9105 :  1.0
9106 :  1.0
9107 :  1.0
9108 :  1.0
9109 :  1.0
9110 :  1.0
9111 :  1.0
9112 :  1.0
9113 :  1.0
9114 :  1.0
9115 :  1.0
9116 :  1.0
9117 :  1.0
9118 :  1.0
9119 :  1.0
9120 :  1.0
9121 :  1.0
9122 :  1.0
9123 :  1.0
9124 :  1.0
9125 :  1.0
9126 :  1.0
9127 :  1.0
9128 :  1.0
9129 :  1.0
9130 :  1.0
9131 :  1.0
9132 :  1.0
9133 :  1.0
9134 :  1.0
9135 :  1.0
9136 :  1.0
9137 :  1.0
9138 :  1.0
9139 :  1.0
9140 :  1.0
9141 :  1.0
9142 :  1.0
9143 :  1.0
9144 :  1.0
9145 :  1.0
9146 :  1.0
9147 :  1.0
9148 :  1.0
9149 :  1.0
9150 :  1.0
9151 :  1.0
9152 :  1.0
9153 :  1.0
9154 :  1.0
9155 :  1.0
9156 :  1.0
9157 :  1.0
9158 :  1.0
9159 :  1.0
9160 :  1.0
9161 :  1.0
9162 :  1.0
9163 :  1.0
9164 :  1.0
9165 :  1.0
9166 :  1.0
9167 :  1.0
9168 :  1.0
9169 :  1.0
9170 :  1.0
9171 :  1.0
9172 :  1.0
9173 :  1.0
9174 :  1.0
9175 :  1.0
9176 :  1.0
9177 :  1.0
9178 :  1.0
9179 :  1.0
9180 :  1.0
9181 :  1.0
9182 :  1.0
9183 :  1.0
9184 :  1.0
9185 :  1.0
9186 :  1.0
9187 :  1.0
9188 :  1.0
9189 :  1.0
9190 :  1.0
9191 :  1.0
9192 :  1.0
9193 :  1.0
9194 :  1.0
9195 :  1.0
9196 :  1.0
9197 :  1.0
9198 :  1.0
9199 :  1.0
9200 :  1.0
9201 :  1.0
9202 :  1.0
9203 :  1.0
9204 :  1.0
9205 :  1.0
9206 :  1.0
9207 :  1.0
9208 :  1.0
9209 :  1.0
9210 :  1.0
9211 :  1.0
9212 :  1.0
9213 :  1.0
9214 :  1.0
9215 :  1.0
9216 :  1.0
9217 :  1.0
9218 :  1.0
9219 :  1.0
9220 :  1.0
9221 :  1.0
9222 :  1.0
9223 :  1.0
9224 :  1.0
9225 :  1.0
9226 :  1.0
9227 :  1.0
9228 :  1.0
9229 :  1.0
9230 :  1.0
9231 :  1.0
9232 :  1.0
9233 :  1.0
9234 :  1.0
9235 :  1.0
9236 :  1.0
9237 :  1.0
9238 :  1.0
9239 :  1.0
9240 :  1.0
9241 :  1.0
9242 :  1.0
9243 :  1.0
9244 :  1.0
9245 :  1.0
9246 :  1.0
9247 :  1.0
9248 :  1.0
9249 :  1.0
9250 :  1.0
9251 :  1.0
9252 :  1.0
9253 :  1.0
9254 :  1.0
9255 :  1.0
9256 :  1.0
9257 :  1.0
9258 :  1.0
9259 :  1.0
9260 :  1.0
9261 :  1.0
9262 :  1.0
9263 :  1.0
9264 :  1.0
9265 :  1.0
9266 :  1.0
9267 :  1.0
9268 :  1.0
9269 :  1.0
9270 :  1.0
9271 :  1.0
9272 :  1.0
9273 :  1.0
9274 :  1.0
9275 :  1.0
9276 :  1.0
9277 :  1.0
9278 :  1.0
9279 :  1.0
9280 :  1.0
9281 :  1.0
9282 :  1.0
9283 :  1.0
9284 :  1.0
9285 :  1.0
9286 :  1.0
9287 :  1.0
9288 :  1.0
9289 :  1.0
9290 :  1.0
9291 :  1.0
9292 :  1.0
9293 :  1.0
9294 :  1.0
9295 :  1.0
9296 :  1.0
9297 :  1.0
9298 :  1.0
9299 :  1.0
9300 :  1.0
9301 :  1.0
9302 :  1.0
9303 :  1.0
9304 :  1.0
9305 :  1.0
9306 :  1.0
9307 :  1.0
9308 :  1.0
9309 :  1.0
9310 :  1.0
9311 :  1.0
9312 :  1.0
9313 :  1.0
9314 :  1.0
9315 :  1.0
9316 :  1.0
9317 :  1.0
9318 :  1.0
9319 :  1.0
9320 :  1.0
9321 :  1.0
9322 :  1.0
9323 :  1.0
9324 :  1.0
9325 :  1.0
9326 :  1.0
9327 :  1.0
9328 :  1.0
9329 :  1.0
9330 :  1.0
9331 :  1.0
9332 :  1.0
9333 :  1.0
9334 :  1.0
9335 :  1.0
9336 :  1.0
9337 :  1.0
9338 :  1.0
9339 :  1.0
9340 :  0.9999999999999999
9341 :  1.0
9342 :  1.0
9343 :  1.0
9344 :  1.0
9345 :  1.0
9346 :  1.0
9347 :  1.0
9348 :  1.0
9349 :  1.0
9350 :  1.0
9351 :  1.0
9352 :  1.0
9353 :  1.0
9354 :  1.0
9355 :  1.0
9356 :  1.0
9357 :  1.0
9358 :  1.0
9359 :  1.0
9360 :  1.0
9361 :  1.0
9362 :  1.0
9363 :  1.0
9364 :  1.0
9365 :  1.0
9366 :  1.0
9367 :  1.0
9368 :  1.0
9369 :  1.0
9370 :  1.0
9371 :  1.0
9372 :  1.0
9373 :  1.0
9374 :  1.0
9375 :  1.0
9376 :  1.0
9377 :  1.0
9378 :  1.0
9379 :  1.0
9380 :  1.0
9381 :  1.0
9382 :  1.0
9383 :  1.0
9384 :  1.0
9385 :  1.0
9386 :  1.0
9387 :  1.0
9388 :  1.0
9389 :  1.0
9390 :  1.0
9391 :  1.0
9392 :  1.0
9393 :  1.0
9394 :  1.0
9395 :  1.0
9396 :  1.0
9397 :  1.0
9398 :  1.0
9399 :  1.0
9400 :  1.0
9401 :  1.0
9402 :  1.0
9403 :  1.0
9404 :  1.0
9405 :  1.0
9406 :  1.0
9407 :  1.0
9408 :  1.0
9409 :  1.0
9410 :  1.0
9411 :  1.0
9412 :  1.0
9413 :  1.0
9414 :  1.0
9415 :  1.0
9416 :  1.0
9417 :  1.0
9418 :  1.0
9419 :  1.0
9420 :  1.0
9421 :  1.0
9422 :  1.0
9423 :  1.0
9424 :  1.0
9425 :  1.0
9426 :  1.0
9427 :  1.0
9428 :  1.0
9429 :  1.0
9430 :  1.0
9431 :  1.0
9432 :  1.0
9433 :  1.0
9434 :  1.0
9435 :  1.0
9436 :  1.0
9437 :  1.0
9438 :  1.0
9439 :  1.0
9440 :  1.0
9441 :  1.0
9442 :  1.0
9443 :  1.0
9444 :  1.0
9445 :  1.0
9446 :  1.0
9447 :  1.0
9448 :  1.0
9449 :  1.0
9450 :  1.0
9451 :  1.0
9452 :  1.0
9453 :  1.0
9454 :  1.0
9455 :  1.0
9456 :  1.0
9457 :  1.0
9458 :  1.0
9459 :  1.0
9460 :  1.0
9461 :  1.0
9462 :  1.0
9463 :  1.0
9464 :  1.0
9465 :  1.0
9466 :  1.0
9467 :  1.0
9468 :  1.0
9469 :  1.0
9470 :  1.0
9471 :  1.0
9472 :  1.0
9473 :  1.0
9474 :  1.0
9475 :  1.0
9476 :  1.0
9477 :  1.0
9478 :  1.0
9479 :  1.0
9480 :  1.0
9481 :  1.0
9482 :  1.0
9483 :  1.0
9484 :  1.0
9485 :  1.0
9486 :  1.0
9487 :  1.0
9488 :  1.0
9489 :  1.0
9490 :  1.0
9491 :  1.0
9492 :  1.0
9493 :  1.0
9494 :  1.0
9495 :  1.0
9496 :  1.0
9497 :  1.0
9498 :  1.0
9499 :  1.0
9500 :  1.0
9501 :  1.0
9502 :  1.0
9503 :  1.0
9504 :  1.0
9505 :  1.0
9506 :  1.0
9507 :  1.0
9508 :  1.0
9509 :  1.0
9510 :  1.0
9511 :  1.0
9512 :  1.0
9513 :  1.0
9514 :  1.0
9515 :  1.0
9516 :  1.0
9517 :  1.0
9518 :  1.0
9519 :  1.0
9520 :  1.0
9521 :  1.0
9522 :  1.0
9523 :  1.0
9524 :  1.0
9525 :  1.0
9526 :  1.0
9527 :  1.0
9528 :  1.0
9529 :  1.0
9530 :  1.0
9531 :  1.0
9532 :  1.0
9533 :  1.0
9534 :  1.0
9535 :  1.0
9536 :  1.0
9537 :  1.0
9538 :  1.0
9539 :  1.0
9540 :  1.0
9541 :  1.0
9542 :  1.0
9543 :  1.0
9544 :  1.0
9545 :  1.0
9546 :  1.0
9547 :  1.0
9548 :  1.0
9549 :  1.0
9550 :  1.0
9551 :  1.0
9552 :  1.0
9553 :  1.0
9554 :  1.0
9555 :  1.0
9556 :  1.0
9557 :  1.0
9558 :  1.0
9559 :  1.0
9560 :  1.0
9561 :  1.0
9562 :  1.0
9563 :  1.0
9564 :  1.0
9565 :  1.0
9566 :  1.0
9567 :  1.0
9568 :  1.0
9569 :  1.0
9570 :  1.0
9571 :  1.0
9572 :  1.0
9573 :  1.0
9574 :  1.0
9575 :  1.0
9576 :  1.0
9577 :  1.0
9578 :  1.0
9579 :  1.0
9580 :  1.0
9581 :  1.0
9582 :  1.0
9583 :  1.0
9584 :  1.0
9585 :  1.0
9586 :  1.0
9587 :  1.0
9588 :  1.0
9589 :  1.0
9590 :  1.0
9591 :  1.0
9592 :  1.0
9593 :  1.0
9594 :  1.0
9595 :  1.0
9596 :  1.0
9597 :  1.0
9598 :  1.0
9599 :  1.0
9600 :  1.0
9601 :  1.0
9602 :  1.0
9603 :  1.0
9604 :  1.0
9605 :  1.0
9606 :  1.0
9607 :  1.0
9608 :  1.0
9609 :  1.0
9610 :  1.0
9611 :  1.0
9612 :  1.0
9613 :  1.0
9614 :  1.0
9615 :  1.0
9616 :  1.0
9617 :  1.0
9618 :  1.0
9619 :  1.0
9620 :  1.0
9621 :  1.0
9622 :  1.0
9623 :  1.0
9624 :  1.0
9625 :  1.0
9626 :  1.0
9627 :  1.0
9628 :  1.0
9629 :  1.0
9630 :  1.0
9631 :  1.0
9632 :  1.0
9633 :  1.0
9634 :  1.0
9635 :  1.0
9636 :  1.0
9637 :  1.0
9638 :  1.0
9639 :  1.0
9640 :  1.0
9641 :  1.0
9642 :  1.0
9643 :  1.0
9644 :  1.0
9645 :  1.0
9646 :  1.0
9647 :  1.0
9648 :  1.0
9649 :  1.0
9650 :  1.0
9651 :  1.0
9652 :  1.0
9653 :  1.0
9654 :  1.0
9655 :  1.0
9656 :  1.0
9657 :  1.0
9658 :  1.0
9659 :  1.0
9660 :  1.0
9661 :  1.0
9662 :  1.0
9663 :  1.0
9664 :  1.0
9665 :  1.0
9666 :  1.0
9667 :  1.0
9668 :  1.0
9669 :  1.0
9670 :  1.0
9671 :  1.0
9672 :  1.0
9673 :  1.0
9674 :  1.0
9675 :  1.0
9676 :  1.0
9677 :  1.0
9678 :  1.0
9679 :  1.0
9680 :  1.0
9681 :  1.0
9682 :  1.0
9683 :  1.0
9684 :  1.0
9685 :  1.0
9686 :  1.0
9687 :  1.0
9688 :  1.0
9689 :  1.0
9690 :  1.0
9691 :  1.0
9692 :  1.0
9693 :  1.0
9694 :  1.0
9695 :  1.0
9696 :  1.0
9697 :  1.0
9698 :  1.0
9699 :  1.0
9700 :  1.0
9701 :  1.0
9702 :  1.0
9703 :  1.0
9704 :  1.0
9705 :  1.0
9706 :  1.0
9707 :  1.0
9708 :  1.0
9709 :  1.0
9710 :  1.0
9711 :  1.0
9712 :  1.0
9713 :  1.0
9714 :  1.0
9715 :  1.0
9716 :  1.0
9717 :  1.0
9718 :  1.0
9719 :  1.0
9720 :  1.0
9721 :  1.0
9722 :  1.0
9723 :  1.0
9724 :  1.0
9725 :  1.0
9726 :  1.0
9727 :  1.0
9728 :  1.0
9729 :  1.0
9730 :  1.0
9731 :  1.0
9732 :  1.0
9733 :  1.0
9734 :  1.0
9735 :  1.0
9736 :  1.0
9737 :  1.0
9738 :  1.0
9739 :  1.0
9740 :  1.0
9741 :  1.0
9742 :  1.0
9743 :  1.0
9744 :  1.0
9745 :  1.0
9746 :  1.0
9747 :  1.0
9748 :  1.0
9749 :  1.0
9750 :  1.0
9751 :  1.0
9752 :  1.0
9753 :  1.0
9754 :  1.0
9755 :  1.0
9756 :  1.0
9757 :  1.0
9758 :  1.0
9759 :  1.0
9760 :  1.0
9761 :  1.0
9762 :  1.0
9763 :  1.0
9764 :  1.0
9765 :  1.0
9766 :  1.0
9767 :  1.0
9768 :  1.0
9769 :  1.0
9770 :  1.0
9771 :  1.0
9772 :  1.0
9773 :  1.0
9774 :  1.0
9775 :  1.0
9776 :  1.0
9777 :  1.0
9778 :  1.0
9779 :  1.0
9780 :  1.0
9781 :  1.0
9782 :  1.0
9783 :  1.0
9784 :  1.0
9785 :  1.0
9786 :  1.0
9787 :  1.0
9788 :  1.0
9789 :  1.0
9790 :  1.0
9791 :  1.0
9792 :  1.0
9793 :  1.0
9794 :  1.0
9795 :  1.0
9796 :  1.0
9797 :  1.0
9798 :  1.0
9799 :  1.0
9800 :  1.0
9801 :  1.0
9802 :  1.0
9803 :  1.0
9804 :  1.0
9805 :  1.0
9806 :  1.0
9807 :  1.0
9808 :  1.0
9809 :  1.0
9810 :  1.0
9811 :  1.0
9812 :  1.0
9813 :  1.0
9814 :  1.0
9815 :  1.0
9816 :  1.0
9817 :  1.0
9818 :  1.0
9819 :  1.0
9820 :  1.0
9821 :  1.0
9822 :  1.0
9823 :  1.0
9824 :  1.0
9825 :  1.0
9826 :  1.0
9827 :  1.0
9828 :  1.0
9829 :  1.0
9830 :  1.0
9831 :  1.0
9832 :  1.0
9833 :  1.0
9834 :  1.0
9835 :  1.0
9836 :  1.0
9837 :  1.0
9838 :  1.0
9839 :  1.0
9840 :  1.0
9841 :  1.0
9842 :  1.0
9843 :  1.0
9844 :  1.0
9845 :  1.0
9846 :  1.0
9847 :  1.0
9848 :  1.0
9849 :  1.0
9850 :  1.0
9851 :  1.0
9852 :  1.0
9853 :  1.0
9854 :  1.0
9855 :  1.0
9856 :  1.0
9857 :  1.0
9858 :  1.0
9859 :  1.0
9860 :  1.0
9861 :  1.0
9862 :  1.0
9863 :  1.0
9864 :  1.0
9865 :  1.0
9866 :  1.0
9867 :  1.0
9868 :  1.0
9869 :  1.0
9870 :  1.0
9871 :  1.0
9872 :  1.0
9873 :  1.0
9874 :  1.0
9875 :  1.0
9876 :  1.0
9877 :  1.0
9878 :  1.0
9879 :  1.0
9880 :  1.0
9881 :  1.0
9882 :  1.0
9883 :  1.0
9884 :  1.0
9885 :  1.0
9886 :  1.0
9887 :  1.0
9888 :  1.0
9889 :  1.0
9890 :  1.0
9891 :  1.0
9892 :  1.0
9893 :  1.0
9894 :  1.0
9895 :  1.0
9896 :  1.0
9897 :  1.0
9898 :  1.0
9899 :  1.0
9900 :  1.0
9901 :  1.0
9902 :  1.0
9903 :  1.0
9904 :  1.0
9905 :  1.0
9906 :  1.0
9907 :  1.0
9908 :  1.0
9909 :  1.0
9910 :  1.0
9911 :  1.0
9912 :  1.0
9913 :  1.0
9914 :  1.0
9915 :  1.0
9916 :  1.0
9917 :  1.0
9918 :  1.0
9919 :  1.0
9920 :  1.0
9921 :  1.0
9922 :  1.0
9923 :  1.0
9924 :  1.0
9925 :  1.0
9926 :  1.0
9927 :  1.0
9928 :  1.0
9929 :  1.0
9930 :  1.0
9931 :  1.0
9932 :  1.0
9933 :  1.0
9934 :  1.0
9935 :  1.0
9936 :  1.0
9937 :  1.0
9938 :  1.0
9939 :  1.0
9940 :  1.0
9941 :  1.0
9942 :  1.0
9943 :  1.0
9944 :  1.0
9945 :  1.0
9946 :  1.0
9947 :  1.0
9948 :  1.0
9949 :  1.0
9950 :  1.0
9951 :  1.0
9952 :  1.0
9953 :  1.0
9954 :  1.0
9955 :  1.0
9956 :  1.0
9957 :  1.0
9958 :  1.0
9959 :  1.0
9960 :  1.0
9961 :  1.0
9962 :  1.0
9963 :  1.0
9964 :  1.0
9965 :  1.0
9966 :  1.0
9967 :  1.0
9968 :  0.9999999999999999
9969 :  1.0
9970 :  1.0
9971 :  1.0
9972 :  1.0
9973 :  1.0
9974 :  1.0
9975 :  1.0
9976 :  1.0
9977 :  1.0
9978 :  1.0
9979 :  1.0
9980 :  1.0
9981 :  1.0
9982 :  1.0
9983 :  1.0
9984 :  1.0
9985 :  1.0
9986 :  1.0
9987 :  1.0
9988 :  1.0
9989 :  1.0
9990 :  1.0
9991 :  1.0
9992 :  1.0
9993 :  1.0
9994 :  1.0
9995 :  1.0
9996 :  1.0
9997 :  1.0
9998 :  1.0
9999 :  1.0
10000 :  1.0
10001 :  1.0
10002 :  1.0
10003 :  1.0
10004 :  1.0
10005 :  1.0
10006 :  1.0
10007 :  1.0
10008 :  1.0
10009 :  1.0
10010 :  1.0
10011 :  1.0
10012 :  1.0
10013 :  1.0
10014 :  1.0
10015 :  1.0
10016 :  1.0
10017 :  1.0
10018 :  1.0
10019 :  1.0
10020 :  1.0
10021 :  1.0
10022 :  1.0
10023 :  1.0
10024 :  1.0
10025 :  1.0
10026 :  1.0
10027 :  1.0
10028 :  1.0
10029 :  1.0
10030 :  1.0
10031 :  1.0
10032 :  1.0
10033 :  1.0
10034 :  1.0
10035 :  1.0
10036 :  1.0
10037 :  1.0
10038 :  1.0
10039 :  1.0
10040 :  1.0
10041 :  1.0
10042 :  1.0
10043 :  1.0
10044 :  1.0
10045 :  1.0
10046 :  1.0
10047 :  1.0
10048 :  1.0
10049 :  1.0
10050 :  1.0
10051 :  1.0
10052 :  1.0
10053 :  1.0
10054 :  1.0
10055 :  1.0
10056 :  1.0
10057 :  1.0
10058 :  1.0
10059 :  1.0
10060 :  1.0
10061 :  1.0
10062 :  1.0
10063 :  1.0
10064 :  1.0
10065 :  1.0
10066 :  1.0
10067 :  1.0
10068 :  1.0
10069 :  1.0
10070 :  1.0
10071 :  1.0
10072 :  1.0
10073 :  1.0
10074 :  1.0
10075 :  1.0
10076 :  1.0
10077 :  1.0
10078 :  1.0
10079 :  1.0
10080 :  1.0
10081 :  1.0
10082 :  1.0
10083 :  1.0
10084 :  1.0
10085 :  1.0
10086 :  1.0
10087 :  1.0
10088 :  1.0
10089 :  1.0
10090 :  1.0
10091 :  1.0
10092 :  1.0
10093 :  1.0
10094 :  1.0
10095 :  1.0
10096 :  1.0
10097 :  1.0
10098 :  1.0
10099 :  1.0
10100 :  1.0
10101 :  1.0
10102 :  1.0
10103 :  1.0
10104 :  1.0
10105 :  1.0
10106 :  1.0
10107 :  1.0
10108 :  1.0
10109 :  1.0
10110 :  1.0
10111 :  1.0
10112 :  1.0
10113 :  1.0
10114 :  1.0
10115 :  1.0
10116 :  1.0
10117 :  1.0
10118 :  1.0
10119 :  1.0
10120 :  1.0
10121 :  1.0
10122 :  1.0
10123 :  1.0
10124 :  1.0
10125 :  1.0
10126 :  1.0
10127 :  1.0
10128 :  1.0
10129 :  1.0
10130 :  1.0
10131 :  1.0
10132 :  1.0
10133 :  1.0
10134 :  1.0
10135 :  1.0
10136 :  1.0
10137 :  1.0
10138 :  1.0
10139 :  1.0
10140 :  1.0
10141 :  1.0
10142 :  1.0
10143 :  1.0
10144 :  1.0
10145 :  1.0
10146 :  1.0
10147 :  1.0
10148 :  1.0
10149 :  1.0
10150 :  1.0
10151 :  1.0
10152 :  1.0
10153 :  1.0
10154 :  1.0
10155 :  1.0
10156 :  1.0
10157 :  1.0
10158 :  1.0
10159 :  1.0
10160 :  1.0
10161 :  1.0
10162 :  1.0
10163 :  1.0
10164 :  1.0
10165 :  1.0
10166 :  1.0
10167 :  1.0
10168 :  1.0
10169 :  1.0
10170 :  1.0
10171 :  1.0
10172 :  1.0
10173 :  1.0
10174 :  1.0
10175 :  1.0
10176 :  1.0
10177 :  1.0
10178 :  1.0
10179 :  1.0
10180 :  1.0
10181 :  1.0
10182 :  1.0
10183 :  1.0
10184 :  1.0
10185 :  1.0
10186 :  1.0
10187 :  1.0
10188 :  1.0
10189 :  1.0
10190 :  1.0
10191 :  1.0
10192 :  1.0
10193 :  1.0
10194 :  1.0
10195 :  1.0
10196 :  1.0
10197 :  1.0
10198 :  1.0
10199 :  1.0
10200 :  1.0
10201 :  1.0
10202 :  1.0
10203 :  1.0
10204 :  1.0
10205 :  1.0
10206 :  1.0
10207 :  1.0
10208 :  1.0
10209 :  1.0
10210 :  1.0
10211 :  1.0
10212 :  1.0
10213 :  1.0
10214 :  1.0
10215 :  1.0
10216 :  1.0
10217 :  1.0
10218 :  1.0
10219 :  1.0
10220 :  1.0
10221 :  1.0
10222 :  1.0
10223 :  1.0
10224 :  1.0
10225 :  1.0
10226 :  1.0
10227 :  1.0
10228 :  1.0
10229 :  1.0
10230 :  1.0
10231 :  1.0
10232 :  1.0
10233 :  1.0
10234 :  1.0
10235 :  1.0
10236 :  1.0
10237 :  1.0
10238 :  1.0
10239 :  1.0
10240 :  1.0
10241 :  1.0
10242 :  1.0
10243 :  1.0
10244 :  1.0
10245 :  1.0
10246 :  1.0
10247 :  1.0
10248 :  1.0
10249 :  1.0
10250 :  1.0
10251 :  1.0
10252 :  1.0
10253 :  1.0
10254 :  1.0
10255 :  1.0
10256 :  1.0
10257 :  1.0
10258 :  1.0
10259 :  1.0
10260 :  1.0
10261 :  1.0
10262 :  1.0
10263 :  1.0
10264 :  1.0
10265 :  1.0
10266 :  1.0
10267 :  1.0
10268 :  1.0
10269 :  1.0
10270 :  1.0
10271 :  1.0
10272 :  1.0
10273 :  1.0
10274 :  1.0
10275 :  1.0
10276 :  1.0
10277 :  1.0
10278 :  1.0
10279 :  1.0
10280 :  1.0
10281 :  1.0
10282 :  1.0
10283 :  1.0
10284 :  1.0
10285 :  1.0
10286 :  1.0
10287 :  1.0
10288 :  1.0
10289 :  1.0
10290 :  1.0
10291 :  1.0
10292 :  1.0
10293 :  1.0
10294 :  1.0
10295 :  1.0
10296 :  1.0
10297 :  1.0
10298 :  1.0
10299 :  1.0
10300 :  1.0
10301 :  1.0
10302 :  1.0
10303 :  1.0
10304 :  1.0
10305 :  1.0
10306 :  1.0
10307 :  1.0
10308 :  1.0
10309 :  1.0
10310 :  1.0
10311 :  1.0
10312 :  1.0
10313 :  1.0
10314 :  1.0
10315 :  1.0
10316 :  1.0
10317 :  1.0
10318 :  1.0
10319 :  1.0
10320 :  1.0
10321 :  1.0
10322 :  1.0
10323 :  1.0
10324 :  1.0
10325 :  1.0
10326 :  1.0
10327 :  1.0
10328 :  1.0
10329 :  1.0
10330 :  1.0
10331 :  1.0
10332 :  1.0
10333 :  1.0
10334 :  1.0
10335 :  1.0
10336 :  1.0
10337 :  1.0
10338 :  1.0
10339 :  1.0
10340 :  1.0
10341 :  1.0
10342 :  1.0
10343 :  1.0
10344 :  1.0
10345 :  1.0
10346 :  1.0
10347 :  1.0
10348 :  1.0
10349 :  1.0
10350 :  1.0
10351 :  1.0
10352 :  1.0
10353 :  1.0
10354 :  1.0
10355 :  1.0
10356 :  1.0
10357 :  1.0
10358 :  1.0
10359 :  1.0
10360 :  1.0
10361 :  1.0
10362 :  1.0
10363 :  1.0
10364 :  1.0
10365 :  1.0
10366 :  1.0
10367 :  1.0
10368 :  1.0
10369 :  1.0
10370 :  1.0
10371 :  1.0
10372 :  1.0
10373 :  1.0
10374 :  1.0
10375 :  1.0
10376 :  1.0
10377 :  1.0
10378 :  1.0
10379 :  1.0
10380 :  1.0
10381 :  1.0
10382 :  1.0
10383 :  1.0
10384 :  1.0
10385 :  1.0
10386 :  1.0
10387 :  1.0
10388 :  1.0
10389 :  1.0
10390 :  1.0
10391 :  1.0
10392 :  1.0
10393 :  1.0
10394 :  1.0
10395 :  1.0
10396 :  1.0
10397 :  1.0
10398 :  1.0
10399 :  1.0
10400 :  1.0
10401 :  1.0
10402 :  1.0
10403 :  1.0
10404 :  1.0
10405 :  1.0
10406 :  1.0
10407 :  1.0
10408 :  1.0
10409 :  1.0
10410 :  1.0
10411 :  1.0
10412 :  1.0
10413 :  1.0
10414 :  1.0
10415 :  1.0
10416 :  1.0
10417 :  1.0
10418 :  1.0
10419 :  1.0
10420 :  1.0
10421 :  1.0
10422 :  1.0
10423 :  1.0
10424 :  1.0
10425 :  1.0
10426 :  1.0
10427 :  1.0
10428 :  1.0
10429 :  1.0
10430 :  1.0
10431 :  1.0
10432 :  1.0
10433 :  1.0
10434 :  1.0
10435 :  1.0
10436 :  1.0
10437 :  1.0
10438 :  1.0
10439 :  1.0
10440 :  1.0
10441 :  1.0
10442 :  1.0
10443 :  1.0
10444 :  1.0
10445 :  1.0
10446 :  1.0
10447 :  1.0
10448 :  1.0
10449 :  1.0
10450 :  1.0
10451 :  1.0
10452 :  1.0
10453 :  1.0
10454 :  1.0
10455 :  1.0
10456 :  1.0
10457 :  1.0
10458 :  1.0
10459 :  1.0
10460 :  1.0
10461 :  1.0
10462 :  1.0
10463 :  1.0
10464 :  1.0
10465 :  1.0
10466 :  1.0
10467 :  1.0
10468 :  1.0
10469 :  1.0
10470 :  1.0
10471 :  1.0
10472 :  1.0
10473 :  1.0
10474 :  1.0
10475 :  1.0
10476 :  1.0
10477 :  1.0
10478 :  1.0
10479 :  1.0
10480 :  1.0
10481 :  1.0
10482 :  1.0
10483 :  1.0
10484 :  1.0
10485 :  1.0
10486 :  1.0
10487 :  1.0
10488 :  1.0
10489 :  1.0
10490 :  1.0
10491 :  1.0
10492 :  1.0
10493 :  1.0
10494 :  1.0
10495 :  1.0
10496 :  1.0
10497 :  1.0
10498 :  1.0
10499 :  1.0
10500 :  1.0
10501 :  1.0
10502 :  1.0
10503 :  1.0
10504 :  1.0
10505 :  1.0
10506 :  1.0
10507 :  1.0
10508 :  1.0
10509 :  1.0
10510 :  1.0
10511 :  1.0
10512 :  1.0
10513 :  1.0
10514 :  1.0
10515 :  1.0
10516 :  1.0
10517 :  1.0
10518 :  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'
print(predict_words)
[['Northeasterly', 'hv'], ['and', 'design,'], ['Democrat', 'enlisting'], ['will', 'preserve'], ['to', 'run'], ['sufficient', 'to'], ['at', 'the'], ['being', 'all'], ['all', 'kinds'], ['if', 'I'], ['opera*', 'pretiinn'], ['cause', 'of'], ['', 'low,'], ['In', 'the'], ['look', 'forward'], ['!', 'His'], ['God', 'lo'], ['on', 'their'], ['which', 'are'], ['lillliiuited', 'frolu'], ['tbat', 'is'], ['produce', 'strong'], ['out', 'they'], ['to', 'hesileul'], ['le', 'to'], ['the', 'townships,'], ['telephone', 'and'], ['?', 'Just'], ['health', ':'], ['at', 'by'], ['', 'once'], ['shall', 'have'], ['Everv', 'moment'], ['', 'It'], ['and', 'other'], ['eight', 'psnds'], ['', 'better'], ['thence', 'N'], ['16', 'of'], ['making', 'the'], ['rte', '-'], ['city,', '(who'], ['stock', 'standing'], ['confer', 'similar'], ['Haidee', 'finally'], ['elec-', 'ted'], ['Roard', 'was'], ['the', 'farmers.'], ['to', 'manage'], ['temptation.', 'The'], ['seems', 'now'], ['whether', 'contagious'], ['ot', 'the'], ['fifth', 'district,'], ['the', 'birth'], ['flames', 'east'], ['light', 'to'], ['treasures,', 'your'], ['^fcc—this', 'was'], ['of', 'the'], ['to', 'call'], ['would,', 'perhaps,'], ['house', ';'], ['shot.', 'They'], ['son,', 'and'], ['when', 'it'], ['', 'look'], ['condition', 'that'], ['cottage', 'in'], ['to', 'other'], ['and', 'headed'], ['so', 'slight'], ['in', 'tbe'], ['yet', 'been'], ['Mortgage,', 'and'], ['wi', 'far'], ['of', 'a'], ['citizens', 'to'], ['or', 'the'], ['', 'ground'], ['of', 'property'], ['same', 'condition.'], ['mines', 'and'], ['l', 'city,'], ['The', 'most'], ['become', 'a'], ['thinker,', 'and'], ['hia', 'face.'], ['', 'and'], ['its', 'object'], ['know', 'whether'], ['Julv,', '1896,'], ['without', 'the'], ['are', 'now'], ['§IBO,OOO.', 'I'], ['most', 'innocent'], ['the', 'receipts,'], ['national', 'debt'], ['make', 'any'], ['with', 'the'], ['', 'Ih-turbthe'], ['', 'holding'], ['it', 'all'], ['referred', "'«"], ['the', 'machinery'], ['sequels', 'to'], ['treasury', 'all'], ['The', 'licence'], ['blot', 'these'], ['with', 'teams'], ['to', 'tho'], ['of', 'benefit'], ['natal', 'air'], ['men', 'pre'], ['come', 'the'], ['to', 'ex-'], ['Court', 'intermediate'], ['of', 'filters'], ['are', 'satisfied,'], ['the', 'labor'], ["a'jout", 'five'], ['', 'vices'], ['in', 'Know-'], ['to', 'revive'], ['also', 'in'], ['a', 'raw'], ['every', 'kind'], ['the', 'dis'], ['love', 'and'], ['Is', 'it'], ['feet,', 'twenty'], ['or', 'taint'], ['strength', 'of'], ['melodious', 'voire,'], ['may', 'lead'], ['in', 'time,is'], ['are', 'you'], ['re-', 'bellion'], ['lake', 'the'], ['at', 'Malvern.'], ['', 'the'], ['as', 'if'], ['', 'he'], ['this', 'State'], ['thrown', 'uponit,'], ['', 'Therefore'], ['lower', 'temperatures'], ['Baker,', 'the'], ['roof', 'were'], ['ail', 'unite'], ['of', 'keys,'], ['person', 'desirous'], ['', 'a'], ['', 'There'], ['justly', 'he'], ['fall.', 'Our'], ['and', 'the'], ['', 'them'], ['to', 'prevent'], ['fellow', 'citizens,'], ['of', 'Ins'], ['Angeles.', 'On'], ['', 'the'], ['Merinoes,', 'White,'], ['D', '.'], ['will', 'agree'], ['be', 'had'], ['side', 'of'], ['of', 'this'], ['school', 'is'], ['(I', 'r.Lnnidaiitly'], ['of', 'the'], ['Htate', 'shall'], ['thought', 'of'], ['is', 'not'], ['', 'certain'], ['section', '1'], ['thence', 'S.'], ['every', 'ship,'], ['we', 'receive'], ['lines', 'and'], ['of', 'it'], ['Convention', 'has'], ['corner', 'of'], ['years', 'covering'], ['fleet', 'would'], ['and', 'sent'], ['Keen,', 'J.'], ['hours,', 'pepper'], ['had', 'read'], ['aside', 'localities.'], ['', 'could'], ['', 'with'], ['he', 'believed'], ['their', 'case'], ['of', 'its'], ['lawfulfoundations', 'of'], ['of', 'tho'], ['and', 'have'], ['the', 'rioters,'], ['Bhowlng', 'a'], ['Legislature.', 'By'], ['seeking', 'posi\xad'], ['.', 'Finney'], ['courts', 'supply'], ['three', 'hundred'], ['at', 'a'], ['are', 'both'], ['throufh', 'tbe'], ['cleared', 'of'], ['the', 'obituary'], ['does', 'the'], ['sullen', 'and'], ['have', 'boen'], ['out', 'of'], ['ol', 'its'], ['are', 'placed'], ['his', 'knowledge'], ['at-', 'tend'], ['', 'also'], ['con', 'do'], ['at', 'certain'], ['dav', 'refuses'], ['Interest', 'now'], ['the', 'street.'], ['is', 'another'], ['the', 'next'], ['Mortgage', 'on'], ['authorisinglthe', 'building'], ['present', 'duties,'], ['been', 'on'], ['terms', '01'], ['to', 'prepare'], ['upon', 'a'], ['and', 'that'], ['a', 'Coun'], ['', 'occurs'], ['vested', 'in'], ['', 'fashion.'], ['distinct', 'organization,'], ['will', 'in'], ['', 'sion,'], ['at', 'night.'], ['', 'Dress'], ['pushed', 'her'], ['Richmond.', 'Mr.'], ['of', 'his'], ['will', 'limru'], ['wouneed.', 'Through'], ['was', '195'], ['Columbia,', 'the'], ['always', 'make'], ['gentry,', 'were'], ['heretofore', 'quiet'], [',948,199', '40,'], ['I', 'have'], ['', 'sary'], ['of', 'Fifth'], ['I', 'have'], ['4th', 'Thursday'], ['to', 'her.'], ['', 'original'], ['', 'for'], ['cut', 'off'], ['in', 'incipient'], ['term,', 'whereas,'], ['inducements;—land', 'is'], ['Dr.', 'R'], ['medicine', 'to'], ['lie', 'retired,'], ['the', 'history'], ['bis', 'is'], ['has', 'no'], ['11.027', 'plates'], ['have', 'tho'], ['had', 'come'], ['labor', 'higher,'], ['troops', 'wero'], ['this', 'very'], ['decided', 'by'], ['great', 'American'], ['care', 'of'], ['up', 'the'], ['power', 're-'], ['will', 'he'], ['give', 'of'], ['vety', 'trilling'], ['in', 'the'], ['first', 'day'], ['ihe', 'cause'], ['Prior', 'to'], ['the', 'ancient'], ['this', 'can'], ['of', 'beginning,'], ['room', 'frontson'], ['on', 'it.'], ['go', 'on'], ['', 'put'], ['', 'now'], ['first,', 'that'], ['before', 'the'], ['', 'the'], ['our', 'political'], ['use', 'of'], ['<•«', 'is'], ['instrument;', 'and'], ['needy', 'contractors'], ['the', 'lau-'], ['', 'one'], ['think', '1'], ['raised', 'it'], ['and', 'perform'], ['', 'day'], ['', 'rights'], ['ami', 'firmly'], ['', 'and'], ['', 'Loma'], ['and', 'often'], ['this', 'Court,'], ['that', 'party,'], ['with', 'the'], ['Buttermilk', 'falls,'], ['vital', 'c'], ['eye.', 'shall'], ['he', 'knew'], ['the', 'haul.'], ['of', 'the'], ['the', 'Castle'], ['the', 'injunction'], ['rheumatism,', 'and'], ['objective', 'of'], ['my', 'ambition'], [';', 'those'], ['long', 'searching'], ['respectability', 'and'], ['<>l', 'hi,'], ['reported', 'as'], ['at', 'various'], ['By', 'Mr.'], ['different', 'language.'], ['25', 'to'], ['crops.', 'Shriveled'], ['"f', 'gloom'], ['To', 'this'], ['disappointing', 'and'], ['', 'of'], ['of', 'James'], ['deemed', 'advisable'], ['', 'committee,'], ['and', 'the'], ['emotions.', 'Allegiance'], ['', 'in'], ['of', 'dollars'], ['by', 'wise'], ['be', 'borne'], ['into', 'the'], ['less', 'engaged'], ['maiden,', 'though'], ['and', 'beneficence'], ['she', 'had'], ['.', 'Allwlucb'], ['of', 'his'], ['that', 'bis'], ['Special', 'Commissioner'], ['with', 'a'], ['whilst', '('], ['amendment', 'to'], ['opposite,', 'in'], ['Union?', 'and'], ['to', 'wsesuch'], ['of', 'a'], ['In', 'this'], ['proves', 'to'], ['', 'ii":'], ['ol', 'Louisiana,'], ['greatest', 'ambition'], ['upon', 'us,'], ['just', 'at'], ['I', 'iru'], ['us,', 'that'], ['the', 'best'], ['for', '25'], ['any', 'effort'], ['and', 'with'], ['', 'cording'], ['-el', 'a'], ['"', 'The'], ['a', 'Democratic'], ['McKoewn,', 'Clyde'], ['under', 'the'], ['lire', 'men'], ['the', 'plain'], ['some', 'one'], ['$5;', 'Mrs.'], ['ponds', 'until'], ['the', 'rush'], ['it', 'were,with'], ['', 'wealth'], ['', 'from'], ['E', '.,'], ['of', 'the'], ['', 'Panama,'], ['in', 'all'], ['scene', 'in'], ['13cents,', 'keg."'], ['stated', 'that'], ['the', 'Council'], ['immediately', 'entered'], ['all', 'American'], ['thence', 'N.'], ['West', 'by'], ['little', 'track,'], ['draft', 'ed.'], ['the', 'Elks,'], ['Janies', 'riv'], ['removed.', 'This'], ['', 'could'], ['', 'as'], ['be', 'more'], ['', 'other'], ['prosperous', 'indus-'], ['have', 'to'], ['6n', 'the'], ['', 'And'], ['', 'that'], ['be', 'lieve'], ['Ills', 'term'], ['casket', 'I'], ['as', 'may'], ['of', 'electing'], ['high', 'as'], ['Cabinet', 'making,'], ['not', 'the'], ['along', 'up'], ['', 'Island'], ['visiting', 'the'], ['Brazo', 'de'], ['instructor', 'of'], ['tin', 'many'], ['majority', 'ol'], ['', '"Do'], ['the', 'Clerk,'], ['upon', 'every'], ['', 'be'], ['or', 'acceptable'], ['the', 'Gallatin,'], ['of', 'a'], ['a', 'contract'], ['is', 'a'], ['of', 'the'], ['a', 'singlo'], ['work,', 'and'], ['we', 'might'], ['on', 'range'], ['county', 'called'], ['in', 'review'], ['off', 'crusts'], ['of', 'plain'], ['in', 'my'], ['', 'wear'], ['and', 'created,'], ['of', 'the'], ['3d.', 'That'], ['and', 'the'], ['gold.', 'Indeed,'], ['and', 'has'], ['awe', 'the'], ['that', 'high'], ['the', 'beauties'], ['has', 'turned'], ['tne', 'press,'], ['happily', 'ever'], ['is', 'nearly'], ['the', 'Pearce,'], ['', 'its'], ['the', 'full'], [':.t', 'the'], ['the', 'Hriiish'], ['stump', 'of'], ['into', 'the'], ['on', 'with'], ['coasts', 'of'], ['kinds', 'be'], ['No.', '259'], ['official', 'position'], ['working', 'classes'], ['this', 'second'], ['', 'January'], ['for', 'upwards'], ['and', 'sauntered'], ['Temple', 'of'], ['', 'soldier,'], ['conveyance', 'which'], ['and', 'the'], ['military', 'loan,'], ['for', '<7,000,'], ['but,', 'on'], ['', 'ily'], ['Board', 'to'], ['to', 'realize'], ['good', 'will'], ['present', 'at'], ['difficult', 'for'], ['ti', 'e'], ['barriers', 'against'], ['are', 'Maggie'], ['source', 'proceeds'], ['troublesome', 'to'], ['', 'from'], ['', 'F.'], ['after', 'the'], ['', 'them'], ['are', 'accused'], ['cooking', 'stove,'], ['eye', 'caught'], ['dollars,', 'and'], ['Mexican', 'campaign.'], ['two', 'looked'], ['lobby', 'or'], ['duties,', 'and'], ['considered', 'by'], ['their', 'extraordl-'], ['by', 'what'], ['hoped', 'to'], ['con-', 'tended'], ['the', 'hell'], ['in', 'some'], ['great', 'necessity.'], ['an', 'undivided'], ['a', 'brief'], ['is', 'to'], ['strait,', 'and'], ['the', 'new'], ['', 'Ferry,'], ['he', 'was'], ['went', 'to'], ['the', 'said'], ['the', 'president'], ['has', 'been'], ['', 'guard'], ['and', 'mas-'], ['only', 'way'], ['as', 'they'], ['was', 'not'], ['tho', 'side'], ['Greene,', 'Mr'], ['especially', 'in'], ['V.', 'was'], ['of', 'the'], ['', 'the'], ['we', 'know'], ['on', 'the'], ['to', 'allow'], ['land.', 'Tip-piala-natzit-kan'], ['', 'this'], ['for', 'miles'], ['would', 'offer'], ['not', 'think'], ['crop', 'developed'], ['on', 'the'], ['county', 'took'], ['great', 'worth'], ['', 'grafted'], ['', 'erally'], ['a', 'lover'], ['which', 'are'], ['tract', 'in'], ['will', 'be'], ['their', 'ze'], ['Republican', 'caucus'], ['is', 'a'], ['good', 'joke'], ['of', 'evidences'], ['but,', 'finding'], ['add', 'an'], ['the', 'Superior'], ['Gould,', 'Mrs.'], ['', 'acres;'], ['mature,', 'and'], ['tabtn', 'a'], ['stockholders', 'who'], ['would', 'be'], ['do', 'not'], ['food', 'is'], ['', 'tleman'], ['what', 'was'], ['', 'quired'], ['have', 'just'], ['lastseasou.is', 'now'], ['in', 'geography.'], ['', 'night.'], ['then', 'they'], ['the', "pauper's"], ['disguised.', 'He'], ['and', 'it'], ['floating', 'vessels'], ['od', 'a'], ['', 'questions'], ['less', 'than'], ['But', 'it'], ['could', 'dispose'], ['was', 'in'], ['measures', 'urged'], ['thinking', 'lie'], ['I', 'did'], ['time', 'of'], ['Lincoln', 'that'], ['were', 'no'], ['man', 'is'], ['', 'thorities,'], ['com\xad', 'pany.'], ['when', 'I'], ['respect', 'the'], ['the', 'depth'], ['country', 'which'], ['increased', 'rigor'], ['made,', 'viz:'], ['accuracy', 'of'], ['weight', 'of'], ['the', 'sweet'], ['out', 'of'], ['him,', 'lie'], ['to', 'allow'], ['and', 'consoli'], ['in', 'our'], ['to', 'the'], ['on', 'hand.'], ['good', 'to'], ['letter', 'was'], ['only', 'for'], ['American', 'decisions'], ['to', 'a'], ['shines', 'with'], ['competent', 'in'], ['than', 'made'], ['inadvisable', 'to'], ['', 'had'], ['public', 'restaurant,'], ['spot', 'leas'], ['the', 'joint'], ['raided', 'in'], ['', 'city'], ['and', 'a'], ['what', 'he'], ['and', 'there'], ['which', 'was'], ['feet', 'and'], ['of', 'follower?'], ['which,', 'on'], ['time', 'she'], ['charge', 'of'], ['actually', 'opeiate,'], ['exercise', 'of'], ['wo', 'catiiiotsluy'], ['account', 'for'], ['Pennsylvania', 'has'], ['"', 'English'], ['business', 'as'], ['at', 'London;'], ['I', 'ever'], ['plaiu-', 'i.if'], ['submitted,', 'and'], ['river.', 'As'], ['up', 'to'], ['Congress,', 'has'], ['to', 'hear'], ['schemes', 'to'], ['resided,', 'and'], ['uch', 'per**n#'], ['found', 'there'], ['that,', 'iu'], ['', 'grievous'], ['my', 'room,'], ['ot', 'the'], ['people', 'who'], ['morality', 'is'], ['riii>n«,', 'anJ'], ['swine."', 'As'], ['1,-', '878,738'], ['secured', 'hy'], ['at', 'Republican'], ['belore', 'the'], ['to', 'all'], ['there', 'was'], ['for', 'tne'], ['him', 'a'], ['', 'breeze,'], ['C.', '|'], ['this', 'question'], ['22,330', 'tons,'], ['inquiry', 'is.'], ['that,', 'in'], ['', 'verify'], ['', 'constitutional'], ['not', 'been'], ['Circle.', 'Miss'], ['expense', 'beyond'], ['51,5U0', 'worth'], ['Ho', 'is'], ['con-', 'fluence'], ["Martha's", 'shouts'], ['would', 'fee!'], ['', 'gained'], ['cause', 'shall'], ['type-and', 'a'], ['fells', 'us'], ['u', 'hill'], ['who', 'labor'], ['were', 'brutally'], ['turn', ':»«■'], ['bis', 'faith'], ['', 'of'], ['prodigally.', 'But'], ['President,"', 'Ac.'], ['', "aiiath'i"], ['Arkansas', 'City'], ['are', 'just'], ['war,', 'to'], ['Panville,', 'Northumberland,'], ['then', 'supposed'], ['.30', 'p'], ['and', 'a'], ['.welcome', 'companion'], ['Hum', 'phreys'], ['been', 'ever'], ['unto', 'himself'], ['(lark', 'himself'], ['or', 'corn,'], ['poor,', 'puny'], ['the', 'license'], ['a', 'new'], ['', 'same'], ['lead.', 'But'], ['upon', 'the'], ['a', 'height'], ['he', '(Gardner)'], ['and', 'shown'], ['knows', 'that'], ['the', 'St.ts*'], ['', "'•mdidaies"], ['Democratic,', 'every'], ['in', 'cir-'], ['in', 'some'], ['of', 'earth.'], ['the', 'constitutional'], ['cent', 'from'], ['mourn', 'over'], ['could', 'be'], ['began', 'his'], ['In', 'the'], ['to', 'make'], ['until', 'the'], ['the', 'providing'], ['warrant', 'No.'], ['', 'dashing'], ['of', 'pntni'], ['believes', 'himself'], ['be', 're'], ['instead', 'of'], ['tluij', 'of'], ['contrivance', 'the'], ['', 'tive'], ['such', 'numbers'], ['his', 'bent'], ['one—made', 'her'], ['', 'mar'], ['had', 'been'], ['for', 'a'], ['both', 'general'], ['rejoic-', 'ing,'], ['parents.', 'Mr.'], ['pavment', 'd'], ['found', 'on'], ['bank', 'bills'], ['and', 'tho'], ['from', 'the'], ["Hanny's", 'best,"'], ['', 'la,'], ['', 'some'], ['creation,', 'but'], ['good', 'crops'], ['H', 'Cook,'], ['The', 'compact'], ['all', 'the'], ['hair,', 'grey'], ['they', 'have'], ['', 'name,'], ['', 'sjieedy'], ['for', 'some'], ['regard', 'to'], ['be', 'infinitely'], ['thatgive', 'bloom'], ['decline', 'as'], ['fancy', 'pictured'], ['given', '9450,000;'], ['respec\xad', 'tive'], ['au-', 'thorized'], ['that', 'his'], ["father's", 'property'], ['also', 'one'], ['and', 'wood'], ['with', 'respect'], ['!', 'geflicr,'], ['public', 'sentiment'], ['de-', 'velopment'], ['fire', 'and'], ['Mr.', 'Frederick'], ['the', 'suspension'], ['contingencies', 'and'], ['and', 'alien'], ['a', 'position,'], ['and', 't'], ['receives', 'with'], ['up', 'ta'], ['received', 'there;'], ['That', 'the'], ['', 'disability,'], ['Ibis', 'sort'], ['city,', 'and,'], ['regiments', 'in'], ['adopted', 'by'], ['a', 'million'], ['Brooklyn', 'and'], ['of', 'pores'], ['either', 'b;.nks'], ['sub-', 'mitted'], ['and', 'was'], ['and', 'my'], ['the', 'criminal.'], ['have', 'before'], ['discloed', 'these'], ['fountain?"', 'and'], ['that', 'organiuation'], ['New', 'York'], ['observance', 'of'], ['and', 'Pifth'], ['will', 'soon'], ['in', 'his'], ['Equal', 'and'], ['cel-', 'lar,'], ['in', 'its'], ['', 'in'], ['and', 'a'], ['', 'not'], ['have', 'the'], ['heart', 'was'], ['increase', 'in'], ['it', 'did.'], ['limits', 'of'], ['of', 'Totten-'], ['iniprdo', 'the'], ['when', '1'], ['and', 'reckless'], ['the', 'citizens'], ['mate', 'or'], ['tlio', 'theater'], ['Lieut.', 'Bmith,'], ['', 'grange'], ['"finding', 'grace'], ['riy', 'r.l'], ['a', 'dead,'], ['of', 'the'], ['a', 'false'], ['Sulphuric', 'Kilierf'], ['till', 'this'], ['proceedings', 'rf'], ['four', 'years'], ['31', 'chains:'], ['wild', 'theorists'], ['the', 'men'], ['in', 'in'], ['which', 'was'], ['be', 'filed'], ['', '"\'In'], ['their', 'answer.'], ['Life', 'Insurance'], ['says,', 'were'], ['go', 'through'], ['the', 'agility'], ['the', 'future.'], ['C', '.'], ['how', 'ma-'], ['from', 'Pres-'], ['the', 'least'], ['', 'quarter'], ['other,', 'but'], ['lo', 'get'], ['Is', 'most'], ['have', 'been.'], ['of', 'the'], ['with', 'one'], ['for', 'Family'], ['The', 'people'], ['is', 'that'], ['late', 'ill'], ['Loudon,', 'would'], ['impurities', 'through'], ['called,', 'issued'], ['of', 'the'], ['mighty', 'race'], ['the', 'time'], ['$10', 'to'], ['', 'hind'], ['', 'by'], ['sutured', 'with'], ['snch', 'wild'], ['cluster', 'larger'], ['interest', 'of'], ['', 'in'], ['yotn', 'Lordship'], ['they', 'are'], ['He', 'says'], ['Ins', 'son,'], ['to', 'fix'], ['hundred', 'dollrs,'], ['name', 'of'], ['dollars', 'with'], ['', 'ing'], ['with', 'a'], ['home', 'long'], ['called', 'attention'], ['but', 'Potent'], ['', 'catarrh'], ['no', 'one'], ['', 'passed'], ['', 'as'], ['as', 'seed'], ['', 'if'], ['colors', 'are'], ['Lime', 'water'], ['', 'kernels'], ['of', 'the'], ['', 'the'], ['nights.', 'Pay'], ['been', 'eairer'], ['id', 'clu'], ['holds', 'sway'], ['a', 'clean'], ['bad', 'this'], ['$5,281', '75'], ['their', 'agree-'], ['Ct', 'degrees,'], ['', 'very'], ['Company,', 'met'], ['stood', 'up'], ["of'", 'said'], ['Nichols', 're-'], ['reftnlon', 'to'], ['blacks', 'run'], ['', 'expenses'], ['', 'were'], ['', 'C.'], ['ablo', 'to'], ['of', 'the'], ['stake', 'last'], ['it', ';'], ['now', 'believed'], ['', 'so'], ['the', 'persons'], ['', 'condemn'], ['have', 'witnessed'], ['ia', 'one'], ['a', 'pension'], ['The', 'nigger'], ['The', 'armies'], ['allowed', 'to'], ['limy', 'in'], ['lor', 'the'], ['produced', 'than'], ['modes', 'of'], ['tract', 'is'], ['', 'public'], ['in', 'a'], ['', 'more'], ['secretary', 'of'], ['', 'swrr,'], ['around', 'her,'], ['absolutely', 'certain.'], ['win', 'this'], ['closed', 'the'], ['no', 'gain'], ['husbandman,', 'to'], ['referred', 'to'], ['were', 'invited'], ['compensate', 'the'], ['Tebbs,', 'decd'], ['defeat', ';'], ["Men's", 'Christian'], ['', 'that'], ['purely', 'vegetable'], ['upon', 'the'], ['', 'on,'], ['absolutely', 'vested'], ['imitat-', 'ed,'], ['trea-', 'sury,'], ['ot', 'the'], ['unmanufactured,', 'rhubarb,'], ['any', "re;,»ons'"], ['A.', 'R.;'], ['lacked', 'the'], ['to', '(be'], ['stood', 'at'], ['Waterbury', 'and'], ['0/', 'converting'], ['we', '.'], ['sweeps', 'all'], ['allow', 'the'], ['east', '30.2'], ['some', 'hours'], ['rolled', 'and'], ['huge', 'fires'], ['', 'very'], ['', 'my'], ["whole'extent!", 'of'], ['oentnry.', 'The'], ['and', 'also'], ['The', 'heaviest'], ['I', 'gave'], ['', 'only'], ['', 'incur'], ['lip,', 'extending'], ['electoral', 'blockade'], ['D*c', 'follow'], ['', 'crop'], ['*.f', 'Of**'], ['very', 'bad'], ['largest,', 'and'], ['not', 'suspecting'], ['inducement', 'to'], ['House.', 'He'], ['percentage', 'of'], ['barn,', 'and'], ['a', 'can-'], ['of', 'the'], ['than', 'harm'], ['a', 'round'], ['aside.', 'The'], ['River', 'proper,'], ['has', 'known'], ['', 'feet'], ['', 'tain'], ['Intro-', 'duction'], ['the', 'coal'], ['Ingersoll,', 'from'], ['which', 'saw'], ['the', 'adaptability'], ['', 'well'], ['', 'For,'], ['and', 'Mr'], ['on', 'one'], ['the', 'lad-'], ['It', 'is'], ['prevent', 'his'], ['the', 'ridge'], ['Scott,', 'Smyth,'], ['a', 'program'], ['member', 'will'], ['', 'man'], ['against', 'the'], ['thei', 'altial'], ['it,', 'if'], ['to', 'ocean,'], ['', '"old'], ['appeal', 'to'], ['tents', 'of'], ['be', 'put'], ['brake,', 'operat-'], ['the', 'men'], ['nr', 'done,'], ['holder', 'of'], ['they', 'will'], ['talents', 'would'], ['possible', 'in'], ['such', 'sale,'], ['by', 'retaining'], ['', 'zens.'], ['I', 'cannot'], ['the', 'way.'], ['people,', 'that'], ['She', 'will'], ['patriots,', 'to'], ['which', 'are'], ['calculated', 'in'], ['ne-', 'glect'], ['ears', 'from'], ['rather', 'know'], ['on', 'party'], ['', 'designed'], ['the', 'preseat'], ['', 'his'], ['as', 'much'], ['favor.', 'Both'], ['charter', 'and'], ['a', 'number'], ['call', 'for'], ['standard', 'of'], ['', 'of'], ['But', 'whether'], ['time.', 'An'], ['journal', 'commenting'], ['are', 'vested'], ['the', 'Manxmau'], ['of', 'the'], ['Court,', 'direct\xad'], ['shall', 'be'], ['the', 'wild'], ['met', 'the'], ['which', 'it'], ['Vork', 'market,'], ['in', 'jail'], ['in', 'Philadelphia'], ['', 'in'], ['to', 'a'], ["J'seph", 'Morris,'], ['aa', 'feat'], ['day', 'w'], ['useless', 'again'], [';', 'that'], ['material', 'and'], ['hole', 'in'], ['any', 'principle,'], ['in', 'the'], ['shipment', 'of'], ['A.', 'Goteuberger;'], ['enforced.', 'Express'], ['over', 'some'], ['.', 'wiicox'], ['man', 'of'], ['You', 'must'], ['creditors', 'of'], ['ceht', 'of'], ['filed', 'for'], ['the', 'sweetness'], ['of', 'the'], ['where', 'they'], ['should', 'be'], ['to', 'put'], ['', 'to'], ['party', 'under'], ['Whig', 'by'], ['of', 'this'], ['was', 'the'], ['judicial', 'departments'], ['ott,', 'Capt.'], ['deposits', 'of'], ['imported', 'horse'], ['are', 'il'], ['been', 'forced,'], ['had', 'created'], ['i', 'Bg'], ['of', 'Stanford,'], ['', 'to'], ['some', 'kind,'], ['the', 'East,'], ['when', 'it'], ['section', 'of'], ['of', 'married'], ['are', 'Several'], ['t*d;iy', 'wlio'], ['attv', 'extent'], ['a', 'small'], ['expressed', 'to'], ['law', 'to'], ['Secretary', 'answerable'], ['investigation', 'would'], ["King's", 'Mill,'], ['at', 'present'], ['lovo', 'for'], ['was', 'made'], ['north-', 'east'], ['it.', 'It'], ['the', 'county'], ['should', 'not'], ['and', 'recorder'], ['course', 'being'], ['law*,', 'before'], ['out', 'decision'], ['Even', 'a'], ['degree', 'responslb'], ['has', 'proved'], ['the', 'essential'], ['', 'and'], ['same', 'age,'], ['citizens,', 'they'], ['m.', 'I'], ['instance,', 'give'], ['this', 'state'], ['with-', 'in'], ['', 'time'], ['escape.', 'The'], ['"Confed-', 'erate'], ['and', 'sufficient'], ['and', 'others.'], ['the', 'curio'], ['the', 'said'], ['of', 'the'], ['$202,000', 'of'], ['dark', 'hour'], ['but', 'it'], ['old', 'man'], ['tried', 'to'], ['do', 'fear'], ['spirits', '-o'], ['', 'bidding'], ['novel', 'slides'], ['invidious', 'of-j'], ['was', '.'], ['snuff-colored', 'suit'], ['an', 'Indian'], ['military', 'operations'], ['of', 'yflmm'], ['', 'Mr.Crittenden'], ['again', 'this'], ['that', 'apana'], ['no', 'such'], ['cut', 'fingees'], ['us', 'poetry'], ['supply', 'on'], ['deem', 'it'], ['having', 'the'], ['me', 'ihat'], ['pressed', 'brick'], ['had', 'tore'], ['returned', 'men'], ['I', 'do'], ['', 'Tho'], ['be', 'published'], ['of', 'all'], ['hunter.', 'All'], ['game', 'j'], ['ad-', 'vised'], ['investigation', 'disi'], ['', 'more'], ['sort', 'of'], ['and', 'these'], ['aside', 'from'], ['', 'plaoc'], ['scheme', 'of'], ['said:', '"I'], ['timber', 'for'], ['into', 'a'], ['live,', 'for'], ['found', 'that'], ['one', 'member'], ['front', 'door'], ['hands', 'of'], ['front', 'rnH\\\\\\\\'], ['and', 'the'], ['The', 'States'], ['the', 'people'], ['be', 'lawful'], ['that', 'the'], ['<>f', 'u'], ['solemn', 'duty,'], ['by', 'a'], ['than', 'the'], ['the', 'Bank'], ['many', 'made'], ['', 'assigned,'], ['', 'Hustled'], ['of', 'making'], ['expected.', 'J'], ['Nature', 'havesot'], ['body,', 'for'], ['throughout', 'Latin'], ['', 'Nobody'], ['has', 'been'], ['Virginia', 'deriving'], ['and', 'put'], ['odious', 'fame'], ['has', 'pressed'], ['Cook', 'of'], ['', 'the'], ['reinforced,', 'and'], ['nominated', 'Frederick'], ['The', 'lecturer'], ['the', 'oil'], ['Kxpe-', 'rience,'], ['detected.', '“We'], ['ranks', 'and'], ['forms', 'of'], ['it', 'in'], ['Mr', 'Wilson'], ['en', 'down'], ['in', 'tny'], ['part', 'of'], ['the', 'class'], ['', 'more'], ['In', 'order'], ['have', 'had'], ['', 'The'], ['lined', 'on'], ['the', 'white'], ['report', 'of'], ['anxious', 'about'], ['and', 'the'], ['', 'DI'], ['government', 'saw'], ['the', 'acre'], ['were', 'torn'], ['within', 'the'], ['show', 'greater'], ['of', 'the'], ['once', 'or'], ['the', "Landlord's"], ['every', 'one'], ['only', 'scrofula,'], ['aeiively', 'engaged'], ['as', 'consequent'], ['whole', 'country'], ['was', 'the'], ['The', 'letter'], ['tho', 'slaughter,'], ['second', 'feet'], ['further', 'un-'], ['', 'lot'], ['mid-', 'way'], ['colls)', 'and'], ['time', 'they'], ['are', 'at'], ['as', 'is'], ['beon', 'forced'], ['ow', 'u'], ['their', 'last'], ['out', 'the'], ['the', 'American'], ['of', 'an'], ['front', 'eut'], ['was', 'read'], ['a', 'capitalist'], ['contraction', 'of'], ['to', 'tell'], ['The', 'spirit'], ['took', 'place'], ['and', 'papers'], ['', 'tion'], ['than', 'when'], ['assured', 'them'], ['rock,', 'supposed'], ['heavy', 'm,'], ['number', 'of'], ['the', 'new'], ['!', 'They'], ['District', '.but'], ['calmly', 'Lecause'], ['violent', 'part'], ['paper,', 'ami'], ['', 'w'], ['continued', 'to'], ['but', 'she'], ['the', 'people'], ['', 'and'], ['was', 'monstrous'], ['some', 'of'], ['In', 'his'], ['ix.', '43,'], ['his', 'tracks..'], ['', 'above'], ['', 'You'], ['In', 'It'], ['buildings,', 'with'], ['and', 'McKin-'], ['by', 'the'], ['', 'the'], ['upon', 'to'], ['scars,', 'got'], ['columns', 'and'], ['parties,', 'their'], ['which', 'appeared'], ['electoral', 'Collegeol'], ['', 'elapsed'], ['into', 'pig'], ['must', 'return'], ['any', 'bond,'], ['counteracting', 'it.'], ['a', 'cars'], ['a', 'mare.'], ['that', 'State.'], ['declared', 'good'], ['struggling', 'on'], ['will', 'make'], ['$500,', 'which'], ['City.', 'What'], ['existing,', 'or'], ['gets', 'higher,'], ['Nevertheless', 'many'], ['desired.', 'The'], ['corner', 'number'], ['nnd', 'thai'], ['effect.', 'It'], ['on', 'this'], ['1922,', 'at'], ['be', 'm*<*e'], ['one', 'line'], ['opinions,andof', 'withholding'], ['h', 'id'], ['October,', 'leaving'], ['lengthen', 'chietly'], ['left', 'for'], ['smart', 'sprinkle'], ['we', 'find'], ['Mr.', 'Dawson:'], ['to', 'the'], ['held', 'to'], ['of', 'omission'], ['strange', 'part'], ['fascination', 'was'], ['firo', 'was'], ['couple', 'of'], ['be', 'so'], ['and', 'nil'], ['of', 'Scotts'], ['', 'laxv'], ['found', 'to'], ['', 'For'], ['East;', 'thence'], ['estate,', 'of'], ['evidence', 'proved'], ['claims', 'to'], ['the', 'line'], ['', 'used'], ['capital', 'slocks'], ['are,', 'an'], ['that', 'their'], ['would', 'be'], ['not', 'only'], ['knew', 'of'], ['out', 'of'], ['last', 'century,'], ['or', 'may'], ['', 'will'], ['', 'try'], ['communicated', 'tliem'], ['those', 'subjects'], ['to', 'the'], ['os', 'll.e'], ['purposes,', 'to'], ['printers,', 'White,'], ['And', 'so'], ['of', 'stork'], ['is', 'tardy'], ['made', 'to'], ['power', 'to'], ["stop'", 'If'], ['of', 'Missouri,'], ['ot', 'the'], ['that—but', 'it'], ['', 'ble'], ['have', 'adjourned,'], ['moved', 'about'], ['', 'any'], ['April,', 'lKtM,'], ['time', 'that'], ['chief', 'foundation'], ['average', 'over'], ['', '"Why,'], ['was', 'only'], ['them', 'of'], ['ours', 'f'], ['', 'now'], ['Mr.', 'King'], ['taken', 'bonds'], ['tlie', 'railroad,'], ['its', 'testing'], ['to', 'take'], ['great', 'eapitals'], ['', 'Gen.'], ['in', 'ihe'], ["elected'to", 'the'], ['however,', 'that'], ['have', 'been'], ['her,', 'they'], ['afford', 'to'], ['spoils', 'are'], ['right', 'and'], ['a', 'quiet'], ['', 'quire'], ['at', 'least,'], ['sampled', 'each'], ['strike', 'out'], ['and', 'this,'], ['', 'there,'], ['so', 'anxious'], ['a', 'strange'], ['territory,', 'of'], ['are', 'called'], ['thoroughly', 'Administration'], ['respective', 'ports.'], ['looking', 'around'], ['open', 'as'], ['of', 'them'], ['well', 'known,'], ['not', 'to'], ['enemy', 'attacked'], ['', 'an'], ['and', 'eight'], ['', 'are'], ['than', 'can'], ['horse', 'if'], ['', 'whisky—"It'], ['is', 'the'], ['philosophy', 'and'], ['He', 'gave'], ['to', 'pay'], ['', 'dev'], ['will', 'be'], ['disregarded', 'by'], ['bis', 'f»io'], ['', 'partisan'], ['of', 'the'], ['at', 'sea'], ['think', 'there'], ['voted', 'lor'], ['the', 'exclusive'], ['strands', 'almost'], ['the', 'arrows'], ['diminished', 'during'], ['next', 'spring'], ['lio,', 'knowing'], ['while', 'population,'], ['', 'Indianapolis.'], ['in', 'fruit'], ['', 'by'], ['manifesto', 'defining'], ['by', 'its'], ['good', 'plight'], ['gono', 'the'], ['he', 'fol-'], ['out', 'houses,'], ['convention', 'at'], ['to', 'which,'], ['on', 'the'], ['', 'to'], ['100,000', 'as'], ['Sacramento', 'street,'], ['at', 'the'], ['action.', 'Though'], ['levied', 'an-'], ['generally', 'some'], ['6tylc.', 'The'], ['laws,', 'against'], ['does', 'not'], ['at', 'tho'], ['George', 'Merrill,'], ['pettish', 'language'], ['of', 'lashionable'], ['', 'ing'], ['of', 'tbe'], ['value', 'of'], ['', 'huiiicieiit'], ['state', 'rely'], ['the', 'youth'], ['in', 'a'], ['the', 'report'], ['the', 'Pacific,'], ['only', 'to'], ['', 'uctober;'], ['should', 'say'], ['shown', 'I'], ['a', 'trial:'], ['small', 'anacondas'], ['Jolladay', 'of'], ['relates', 'a'], ['way', 'he'], ['demarkations', 'may'], ['visit', 'to'], ['tin', 'a'], ['ear', 'in'], ['any', 'money,'], ['consideration.', 'Her'], ['in', 't'], ['and', 'despicable'], ['the', 'period'], ['glorying', 'in'], ['of', 'his'], ['i', 'tfect'], ['in', 'a'], ['delegate', 'to'], ['', 'palace'], ['and', 'was'], ['pretentions', 'f"'], ['a', 'mile'], ['his', 'pretty'], ['unappropriated', 'wa\xad'], ['on', 'the'], ['Secretary', 'of'], ['or', 'indulged)'], ['', 'sell,'], ['arrested', 'by'], ['the', "company's"], ['-', 'and,'], ['', 'millions'], ['this', 'brief'], ['believed', 'by'], ['', 'gard'], ['fogs', 'of'], ['parsley', 'Four'], ['', 'mittee'], ['tfinn,', 'and'], ['', 'the'], ['as', 'a'], ['and', 'my'], ['is', 'the'], ['', 'luminated'], ['fields,', 'which'], ['', 'would'], ['government.', 'It'], ['', 'imperfect'], ['the', 'water'], ['if', 'Ihuy'], ['tno', 'votes.'], ['Neither', 'had'], ['to', 'serve'], ['', 'see'], ['are', 'sent'], ['advancement,', 'but'], ['conception', 'ot'], ['flames.', 'Miss'], ['so', 'constructed'], ['', 'able'], ['same;', 'and'], ['investigation,', 'after'], ['thmr', 'fiiends'], ['exactly', 'the'], ['nutrition', 'and'], ['relieved', 'by'], ['disgorge', ';'], ['a*', 'the'], ['expenditure', 'of'], ['that', 'peace,'], ['shall', 'be;'], ['money', 'lor'], ['day', 'or'], ['conjciencc,', 'aod'], ['Mrs.', 'Henry'], ['diarrhea,', 'dysentery,'], ['support', 'families'], ['', 'banks'], ['place,', 'and'], ['Case', 'of'], ['river', 'by'], ['Induce', 'those'], ['long', 'proces¬'], ['this', 'sort'], ['it', 'own'], ['cr', 'idle'], ['among', 'the'], ['', 'way'], ['that', 'the'], ['he', 'was.'], ['the', 'services'], ['e', 'h'], ['that', 'there'], ['have', 'retired'], ['candidates', 'it'], ['', 'turned'], ['Eti', 'rope.'], ['of', '(at'], ['the', 'impression'], ['United', 'States,'], ['', 'compassionate,'], ['be', 'a'], ['Virginia', 'Convention,'], ['sending', 'men'], ['quantity', 'of'], ['he', 'B'], ['of', 'impure'], ['month,', 'and'], ['', 'having'], ['', 'with'], ['ihe', "S'-u:h"], ['whether', 'Lite'], ['', '60'], ['per', 'acre'], ['any', 'State'], ['pay', 'no'], ['right', 'arm'], ['linn', 'of'], ['will', 'be'], ['of', 'coffee;'], ['shah', 'have'], ['raised', 'in'], ['Gov.', 'Black'], ['whispered', 'to'], ['ruin*', 'the'], ['a', 'few'], ['and', 'recorded'], ['insecure;', 'they'], ['Clark,', 'who'], ['if', 'it'], ['a', '13'], ['', 'the'], ['', 'and'], ['tariff', 'takes'], ['are', 'fearful.'], ['his', 'fiight'], ['in', 'drawing'], ['hand', 'all'], ['of', 'the'], ['of', 'newspaper'], ['county,', 'which'], ['', 'says'], ['stated', 'that'], ['about', 'my'], ['the', 'force'], ['this', 'plan'], ['death', 'or'], ['Cha*.', 'Lane,'], ['the', 'road'], ['declared', 'themselves'], ['Is', 'abundantly'], ['', 'part'], ['taken', 'to'], ['lined', 'with'], ['', 'Potatoes—Condition'], ['axle.', 'The'], ['action', 'of'], ['', 'csh'], ['bis', 'estate'], ['', 'Hardin'], ['', 'about.'], ['ndLanada', 'were'], ['that', 'they'], ['disadvantages', 'under'], ['io', 'the'], ['growth', 'to'], ['within', 'the'], ['passage', 'of'], ['oent.', 'Mr.'], ['provinces', 'after'], ['a', 'young'], ['it', 'from'], ['postponement', 'of'], ['lead', 'uniformly'], ['bank.', "9li'-"], ['weights', 'may'], ['some', 'time'], ['shall', 'be'], ['live', 'wireI'], ['Reports', 'from'], ['dispensed', 'with?'], ['of', 'politi-'], ['who', 'fought'], ['IN', 'EX'], ['evil', 'than'], ['England,', 'with'], ['', 'Increase'], ['or', 'improvement'], ['appeal.', 'Title'], ['heartbreaking', 'whirl'], ['', 'we'], ['such', 'ample'], ['will', 'be'], ['abscond', 'from'], ['Mr.', 'Boyer'], ['than', 'at'], ['weeks,', 'there'], ['after', 'a'], ['1', 'be'], ['to', 'produce'], ['after', 'mature'], ['was', 'Issued'], ['of', 'their'], ['responsibility', 'of'], ['t', 'liiends'], ['5(»5', 'and'], ['a', 'tall'], ['possible', 'rate,'], ['', 'his'], ['told', 'that'], ['guillo\xad', 'tine'], ['it.', 'After'], ['', 'a'], ['new', 'si-cial'], ['', 'annum,'], ['or', 'corporation'], ['wet', 'cannot'], ['it', 'will'], ['to', 'this'], ['tho', 'older'], ['after', 'death'], ['', 'posed'], ['craft', 'Brookville.'], ['look', 'to'], ['to-', 'v'], ['the', 'eternal'], ['severe!', 'of'], ['of', 'which'], ['is', 'acquired'], ['Farmers', 'who'], ['dollrs,', 'for'], ['per', 'acre'], ['.', 'Winston'], ['to', 'the'], ['', 'as'], ['all', 'are'], ['wealth', 'have'], ['opening', 'let.'], ['supercede', 'nil'], ['were', 'gentle'], ['to', 'ave'], ['Sherman', 'law,'], ['have', 'n'], ['South', 'whicl'], ['Tho', 'crowds'], ['sirs,', 'tlmt'], ['most', 'respectable'], ['to', 'your'], ['11', '1i7'], ['on', 'purely'], ['he', 'thought'], ['such', 'as'], ['they', 'are'], ['followed', 'by'], ['that', 'wo'], ['scored', 'one'], ['Key', 'West,'], ['theirs', 'have'], ['grist', 'to'], ['', 'lands,'], ['circumstance', 'that'], ['Wisdom', 'in'], ['one', 'that'], ['hopeless', 'affection.'], ['Mr.', "(twin's"], ['case.', 'The'], ['the', 'body,'], ['few', 'months'], ['reject', 'and'], ['latter', 'join'], ['wile,', 'Elizabeth'], ['re-.', 'rve'], ['', 'we'], ['with', 'the'], ['of', 'this'], ['than', 'by'], ['exclusive', 'jurisdiction'], ['', 'a'], ['escape', 'for'], ['', 'even'], ['the', 'order'], ['in-', 'cur'], ['', 'bosom'], ['by', 'an'], ['the', 'chain'], ['protracted', 'period,'], ['dollars,', 'for'], ['plan', 'has'], ['mill', 'slid'], ['walls', 'and'], ['', 'of'], ['month,', 'and'], ['poor', 'Agullo,'], ['4.', 'That'], ['has,', 'however,'], ['of', 'Coaliuil'], ['', 'taxes'], ['her', 'counsel,'], ['Assessment', '$62.22,'], ['ham!—give', 'him'], ['to', 'Anacoltlda,'], ['entryman,', 'and'], ['would', 'be'], ['manly', 'sentiment'], ['of', 'the'], ['', 'are'], ['', 'Is'], ['to', 'meet'], ['be', 'about'], ['unable', 'to'], ['dropped', 'from'], ['of', 'the'], ['led', 'the'], ['end', 'or'], ['Ihe', 'present'], ['he', 'a'], ['in', 'this'], ['Is', 'a'], ['quarter,', 'that'], ['have', 'become'], ['of', 'Territoriul'], ['', 'burnt'], ['from', 'the'], ['every', 'man,'], ['a', 'part'], ['ga', 'to'], ['whea', 'he'], ['that', 'no'], ['', 'against'], ["r.d'ance", 'gua:d>'], ['effect.', 'As'], ['enunciated', 'by'], ['This', 'alone'], ['several', 'years,'], ['a', 'sys'], ['B', '.Pasley,'], ['incidents', 'following'], ['in', 'tho'], ['of', 'life,'], ['street.', 'After'], ['to', 'come'], ['here', 'by'], ['and', 'Democratic,"'], ['', 'count'], ['woman,', 'gloves'], ['correction', 'lines'], [';;Gme', 'newspaper'], ['would', 'admit'], ['the', 'claim.'], ['', 'one'], ['a', 'blank'], ['and', 'gold'], ['be', 'subversive'], ['like', 'brethren'], ['so', 'as'], ['', 'which'], ['ourroai,', 'or'], ['instruction,', 'the'], ['', 'that'], ['come', 'to'], ['thirty', 'days'], ['regained', 'conscious-'], ['at', 'the'], ['hulls,', 'i'], ['it', 'is'], ['750', 'patrons'], ['satisfactory', 'to'], ['than', 'lie'], ['J.', 'A.'], ['a', 'cry,'], ['the', 'emergency'], ['or', 'pre-emption'], ['be', 'able'], ['the', 'burning'], ['the', 'rising'], ['a', 'situation'], ['1320,', '-s'], ['only', 'prove'], ['', 'to'], ['the', 'rectors'], ['The', 'final'], ['a', 'start'], ['of', 'each'], ['gave', 'time'], ['having', 'determined'], ['end', 'freedom'], ['be', 'drslnedof'], ['', 'has'], ['one', 'element'], ['attempts', 'made'], ['a«', 'is'], ['all', 'of'], ['by', 'a'], ['walking', 'on'], ['settled', 'on'], ['m', 'a'], ['', 'Board'], ['his', 'father'], ['possible,', 'his'], ['of', 'the'], ['may', 'not'], ['the', 'building'], ['the', 'pleasure'], ['had', 'appeared'], ['been', 'vacci-'], ['Cumminsville', 'Orphan'], ['', 'Red'], ['not', 'then'], ['vote', 'for'], ['No', 'need'], [',»*liOv>', 'mil,'], ['which', 'but'], ['', 'was'], ['exercise', 'a'], ['sour', 'bread'], ['In', 'Miss'], ['command-', 'er*'], ['', 'Where'], ['may', 'le'], ['HIe', 'followed'], ['receive', 'the'], ['', 'cent'], ['the', 'king,'], ['whirh', 'he'], ['against', 'the'], ['by', 'Civil'], ['made', 'some'], ['to', 'pass'], ['can', 'learn,'], ['there', 'stale'], ['find', 'one'], ['At', 'such'], ['tiro', 'miles'], ['will', 'in'], ['becbming', 'elongated'], ['week', 'General'], ['with', 'all'], ['Constitution,', 'lie'], ['and', 'it'], ['had', 'the'], ['parcel', 'of'], ['I', 'do'], ['Kishinef.', 'Mr.'], ['of', '.'], ['i;,e', 'road,'], ['suspend', 'rules'], ['«(', 'with'], ['some', 'very'], ['of', 'Arizona'], ['Knopf', 'bearing'], ['action', 'is'], ['a', 'military'], ['But', 'if'], ['of', 'these'], ['', 'Washington,'], ['merely', 'to'], ['under', 'the'], ['', '"What'], ['been', 'somebody'], ['thorough', 'course'], ['this', 'authority.'], ['', 'gladness'], ['the', '('], ['contained', 'two'], ['will', 'shortly'], ['w', 'ho'], ['', 'lisli,'], ['host*plan', 'wbuld'], ['', 'that'], ['Jupiter', 'inlet'], ['seals;', 'none'], ['the', 'valedictory'], ['', 'alleged'], ['had', 'crossed'], ['tried', 'We'], ['the', 'service'], ['disseminated', 'lit;'], ['us,', 'tliM'], ['sewer', 'far'], ['bus', 'ness'], ['wish', 'to'], ['500', 'miles'], ['flowing', 'into'], ['uoi', 'and'], ['wondered', 'who'], ['upon', 'the'], ['in', 'the'], ['for', 'American-'], ['vociferous', 'braros,'], ['a', 'fair'], ['to', 'me'], ['', 'tant'], ['pie,', 'from'], ['thence', 'south'], ['Gamble,', 'daughter'], ['all', 'that'], ['well', 'might'], ['said', 'pro-'], ['or', 'house'], ['in', 'such'], ['when', 'a'], ['Folding', 'Case'], ['object', 'of'], ['', 'mercantile'], ['inlawed', 'by'], ['events', 'that'], ['tile', 'greatest'], ['door?', 'It'], ['should', 'not'], ['the', 'wall.'], ['is,,*', 'bril-'], ['worsted', 'falirics.'], ['do-', 'mestic'], ['y»«H', 'the'], ['effec-', 'tive'], ['certainly', 'justified'], ['by', 'those'], ['a', 'huge'], ['the', 'boiling'], ['Old', "Farmer,'"], ['the', 'f'], ['is', 'u'], ['w', 'h:c!t'], ['in', 'the'], ['was', 'sub\xad'], ['soft,', 'gloss'], ['competent', 'nurses'], ['approve', 'in'], ['it', 'on'], ['that', 'the'], ['', 'dashed'], ['long', 'and'], ['that', 'Virginia'], ['nothing', 'in'], ['thin', 'sec'], ['making', 'legal'], ['have', 'been'], ['', 'dollars'], ['of', 'new'], ['capuce', 'ol'], ['', 'None'], ['great', 'fortune'], ['who', 'might'], ['', 'tience'], ['lives.', 'Their'], ['', 'ttitther'], ['made', 'at'], ['a', 'runniog'], ['present', 'undergoing'], ['100', 'acres,'], ['the', 'Ter-'], ['', 'should'], ['carry', 'it'], ['much', 'discouraged,'], ['(o', 'supplant'], ['beginning', 'to'], ['dark', 'peeled'], ['t', 'md'], ['the', 'contypted'], ['L', '.'], ['are', 'evolved'], ['as', 'well'], ['laud', 'have'], ['established', 'by'], ['a', 'young'], ['by', 'its'], ['fact,', 'and'], ['during', 'their'], ['all', 'the'], ['supply,', 'formed'], ['talking', 'to'], ['', 'pression'], ['greatest', 'indignity,'], ['Ion', 'they'], ['a', 'fact,'], ['surplus', 'of'], ['stop', 'and'], ['cents', 'per'], ['towards', 'Ike'], ['in', 'the'], ['cr', 'his'], ['men', 'cf'], ['Shingles', 'has'], ['is', "'not"], ['Florida,', 'California'], ['of', 'his'], ['without', 'previous'], ['sermon', 'from'], ['', 'Mexico'], ['', 'to'], ['all', 'the'], ['of', 'scaling'], ['Mr.', 'and'], ['', 'an'], ['distaste.', 'And'], ['if', 'not'], ['will', 'have'], ['she', 'took'], ['Clay', 'trill'], ['the', 'coun-'], ['September,', 'the'], ['the', 'head'], ['them', 'to'], ['which', 'they'], ['', 'the'], ['men', 'nearby,'], ['tic', 'much'], ['of', 'our'], ['w', 'as'], ['order', 'of'], ['which,', 'planted'], ['all', 'means.'], ['Belgium,', 'Bavaria,'], ['', 'slaughter.'], ['', 'tant'], ['room', 'which'], ['', 'today'], ['to', 'the'], ['we', "wiJ',"], ['a', 'revisal'], ['or', 'before'], [';', 'which'], ['price', 'of'], ['hit', 'by'], ['is', 'hereby'], ['back', 'rivet'], ['While', 'I'], ['might', 'and'], ['majority', 'of'], ['', 'denlinrg,'], ['greatly', 'desire'], ['', 'the'], ['is', 'some'], ['stand', 'together'], ['activity', 'at'], ['For', 'the'], ['it.', 'All'], ['Since', 'the'], ['was', 'made.;'], ['penalties', 'and'], ['it.', 'This'], ['with', 'the'], ['That', 'is'], ['', 'acts'], [';', 'on'], ['sketch', 'of'], ['and', 'on'], ['is', 'better'], ['they', 'were'], ['ol', 'them'], ['Slate', 'of'], ['', 'the'], ['never', 'saw'], ['If', 'they'], ['follows,', '"Each'], ['canals,', 'the'], ['they,', 'too,'], ['so', 'contemptible'], ['natural', 'lustre,'], ['good', 'will'], ['produced', 'any'], ['of', 'the'], ['be', 'if'], ['sev-', 'eral'], ['tletiird,)', 'the'], ['for', 'sanction'], ['kettles,', 'diltoglue'], ['toi', 'sation'], ['a', 'direct'], ['rub.', 'I'], ['land', 'is'], ['in', 'such'], ['what', 'in-'], ['the', 'Repub'], ['inflammable.', 'Sweden'], ['"En-', 'tertaining'], ['is', 'however'], ['numbers', 'to'], ['', 'soners.carried'], ['', '"ivites'], ['enforce', 'the'], ['individu', 'd'], ['was', 'still'], ['Forks', 'of'], ['very', 'rich'], ['of', 'one'], ['guided', 'my'], ['in', 'her'], ['lain', 'for'], ['aversion', 'to'], ['of', 'India,'], ['to', 'Demrtri'], ['wagons', 'aud'], ['before', 'alluded,'], ['queeu', 'of'], ['pris', 'dieu,'], ['his', 'keep'], ['to', 'prove,'], ['one', 'is'], ['when', 'we'], ['permission', 'given'], ['princq.ai', 'teacher'], ['riser,', 'and'], ['steals', 'uj-on'], ['process', 'of'], ['disposed', 'to'], ['t;>', 'prohibit'], ['the', 'spot'], ['of', 'the'], ['England', 'to'], ['', 'Major'], ['It', 'is'], ['the', '"Army'], ['from', 'ihe'], ['miles', 'of'], ['correctness', 'of'], ['Govern-', 'ment'], ['their', 'opponents,'], ['truns', 'confided'], ['began', 'to'], ['', 'wn*'], ['and', 'ltiules,'], ['wife,', 'who'], ['in', 'the'], ['shall', 'certainly'], ['prints—', 'a'], ['forty^four', '(144),'], ['effective.', '"We'], ['nation', '?'], ['that', 'lie'], ['bulk', 'of'], ['addrcssj', 'cil'], ['the', 'Texans'], ["Harper's", 'Kerry,'], ['due', 'north-'], ["iil'l-", 'I'], ['', 'measure'], ['further', 'i/rit,rin.-d'], ['the', 'militia'], ['and', 'reap'], ['of', 'Arizona'], ['saw', 'my'], ['mules', 'to'], ['and', 'a'], ['Ke', 'snelooked'], ['down', 'in'], ['or', 'in'], ['for', 'the'], ['is', 'the'], ['of', 'smallpox,'], ['equality', 'which'], ['and', 'Katie,'], ['', 'veyed'], ['v', 'we'], ['Walker.Clyde', 'William'], ['is', 'prop-'], ['', 'Sec'], ['as', 'aforesaid,'], ['the', 'same'], ['to', 'his'], ['two', 'pa-'], ['forbear', 'to'], ['brass,', 'lion'], ['immediately', 'after'], ['preserved', ';'], ['for', 'the'], ['by', 'fire.'], ['of', 'this'], ['and', 'said'], ['Monday', 'a'], ['and', 'season,'], ['Johnaonville', 'some'], ['sixth', 'and'], ['would', 'be'], ['and', 'a'], ['the', 'aid'], ['for', 'the'], ['to', 'whose'], ['cannot', 'always'], ['that', 'passengers'], ['denied', 'the'], ['to', 'the'], ['and', 'the'], ['step-', 'ping'], ['break', 'up'], ['secure', 'the'], ['would', 'charge'], ['the', 'Executive'], ['last', 'ten'], ['judgment', 'will'], ['', 'board.'], ['un-', 'der'], ['il,e', 'Legist.ture'], ['Ail', 'persona'], ['of', '/.and,'], ['is', 'no'], ['her', 'enemies.'], ['the', 'trip.'], ['frighten-', 'ed'], ['that', 'is'], ['and', 'at'], ['of', 'Congress,'], ['these', 'made'], ['mer-', 'chants'], ['ihe', 'law'], ['boundary', 'in'], ['', 'when'], ['ol', 'the'], ['and', '"\''], ['assertion*', 'with'], ['not', 'resist'], ['On', 'the'], ['idea', 'of'], ['aiproeemeut', 'of'], ['are', 'kept'], ['', 'chs,'], ['mercy,', 'Master'], ['was', 'to'], ['', 'ed,'], ['learned', 'by'], ['classification', 'of'], ['with', 'a'], ['he', 'left'], ['twentieth', 'of'], ['next', 'the'], ['thai', 'the'], ['mn,', 'whether'], ['is', 'generally'], ['and', 'took'], ['nominate,', 'and'], ['so,', 'you'], ['d', 'd'], ['', 'were'], ['', 'ty,'], ['rebellion', 'at'], ['', 'Marshal'], ['', 'Lynchburg,'], ['whose', 'advice'], ['', 'other'], ['rs,', 'and'], ['', 'ty.'], ['on', 'Spring'], ['more', 'money'], ['vears', 'ago,'], ['a', 'feeling'], ['extravagant', 'bravado,'], ['father', 'and'], ['without', 'appeal,'], ['the', 'taxes'], ['', 'tlie'], ['1819,', 'announcing'], ['write', 'him'], ['', 'of'], ['farmiug', 'utensils,'], ['a', 'pitasure.'], ['minds', 'of'], ['out', 'gloriously,'], ['interchanging', 'the'], ['reason', 'for'], ['left,', 'there\xad'], ['was', 'almost'], ['earth', 'in'], ['by', 'a'], ['', 'stitute'], ['persons,', 'or'], ['retain', 'power'], ['engaged', 'In'], ['', 'curdled'], ['', 'the'], ['2', 'cents.'], ['first', 'year'], ['financial', 'matters,'], ['', 'if'], ['', 'ad'], ['town,', 'irrigated,'], ['in', 'time'], ['that', 'much'], ['Mr.', 'Clays'], ['Yankee', 'carpet'], ['to', 'my'], ['circumstance', 'that'], ['and', 'his'], ['the', 'Boise.'], ["on'you", 'the'], ['this', 'while'], ['t)', 'Z'], ['and', 'wholly'], ['stipulated', 'for'], ['the', 'picture'], ['the', 'same'], ['inland', 'route,'], ['is', 'ncr(>*.»'], ['Greenbrier.', 'On'], ['paid.', 'Hero,'], ['the', 'disposition'], ['baitlcx,', "'"], ['arc', 'not'], ['nnion', 'six'], ['percent', 'from'], ['', 'question'], ['driven', 'full'], ['hay,', '500'], ['throlbbing', 'life'], ['even', 'penetrated'], ['the', 'Kuropean'], ['and', 'to'], ['snap', 'of'], ['numerous', 'fatalities'], ['the', 'ditch'], ['tiekets', 'are'], ['Ana', 'to'], ['like', 'an'], ['', 'a:i:l'], ['head', 'was'], ['Escovedo.', 'Some'], ['', 'be'], ['of', '£2'], ['out', 'the'], ['a', 'rich'], ['t', 'possihilitvBnli'], ['I', 'm..r'], ['the', 'perilous'], ['', 'in'], ['springs', 'of'], ['force', 'in'], ['period', 'of'], ['clergyman.', 'nf'], ['content', 'with'], ['humble', 'with'], ['of', 'all'], ['of', 'our'], ['year', 'Mr.'], ['stock', 'of'], ['and', 'to'], ['ni', 'nnent'], ['desciiption', 'of'], ['Jarrett', 'changed'], ['les*,', 'bounded'], ['', 'well'], ['of', 'ight'], ['imitative', 'rather'], ['', 'Kobe,'], ['took', 'me'], ['part', 'of'], ['approaching', 'the'], ['further', 'cause'], ['if', 'his'], ['virtues', 'r»Tr.'], ['the', 'trade'], ['is', 'only'], ['', 'j'], ['ir', 'tne'], ['the', 'belief'], ['Its', 'wards'], ['between', 'them.'], ['is,', 'according'], ['in', 'oll.er'], ['would', 'bo'], ['general', 'under'], ['the', 'people'], ['his', 'funds'], ['of', 'ojieu'], ['ago', 'I'], ['that', 'the'], ['means', 'the'], ['great', 'theatregoers'], ['the', 'Kxecutive'], ['extended', 'as'], ['the', 'accomplished'], ['for', 'return,'], ['a', 'few'], ['great', 'many'], ['to', 'the'], ['', 'Sees.1.2.3.11.12and36;inT.'], ['mainprise.', 'This'], ['', 'is'], ['formation', 'of'], ['be', 'northwest'], ['known', 'as'], ['Grove', 'next'], ['Orleans.—How', 'complete-'], ['and', 'shoulders,'], ['f', 'c—'], ['I*.', 'Noonan.'], ['not', 'afraid'], ['', 'the'], ['to', 'discuss'], ['pifrpose.', 'I'], ['ihnt,', 'umler'], ['no', 'provision'], ['the', 'end'], ['an', 'attack'], ['greenish,', 'more'], ['tiiis', 'description,'], ['more', 'ostentatiously'], ['a', 'good'], ['embassies', 'to'], ['was', 'not'], ['in', 'tfcc'], ['does', 'not'], ['be', 'one'], ['not', 'believe'], ['it', 'is'], ['', 'ined'], ['', 'quarter,'], ['the', 'gun'], ['Ltin,', 'that'], ['skin', 'grows'], ['an', '1'], ['for', 'the'], ['uiuler', 'Col.'], ['some', 'strangers'], ['of', 'the'], ['the', 'attic,'], ['of', 'one'], ['Spraying', 'has'], ['it', 'was'], ['confirmed', 'by'], ['o;iuii«a«ed.even', 'if'], ['knocked', 'back'], ['cen;s', 'per'], ['whole', 'round'], ['The', 'other'], ['to', 'enlist'], ['and', 'Daniel'], ['riaht', 'to'], ['improved,', 'with'], ['higher', 'level'], ['was', 'intruded'], ['the', 'public'], ['for', 'them.'], ['covered,', 'and'], ['', 'lv.'], ['compound.', 'It'], ['posses-', 'sion'], ['and', 'put'], ['not', 'differ'], ['see', 'their'], ['the', 'eceastoB'], ['perpet-', 'ual'], ['', 'that'], ['of', 'that'], ['But', 'here'], ['major', 'fraction'], ['the', 'rights'], ['y', 'showing'], ['are', 'the'], ['in-', 'sertions'], ['tneeye', 'could'], ['of', 'its'], ['and', 'suffocation'], ['of', 'enthusiastic'], ['Convention', 'and'], ['with', 'Chapter'], ['Cen-', 'tral,'], ['obliged', 'to'], ['', 'crowd'], ['months.', 'From'], ['everything', 'went'], ['', 'of'], ['Johnson,', '1'], ['', 'tana,'], ['scarcely', 'heard'], ['beurlit', 'ol'], ['', ';'], ['he', 'has'], ['follow,', '(ail'], ['and', 'under'], ['to', 'do,'], ['special', 'policeman,'], ['(Speaker,)', 'Gilmer,'], ['of', 'Public'], ['affirmation', 'had'], ['our', 'friends,'], ['to', 'disehatge'], ['tract', 'ot'], ['appurtr-', 'nances'], ['sixty', 'dollars'], ["railway's", 'right'], ['contained', 'in'], ['against', 'excessive'], ['name', '011'], ['in', 'shrubs,'], ['speaking,', 'officials'], ['James', 'River'], ['rest', 'penal'], ['melt', 'in'], ['thousands', 'with'], ['United', 'Slates,'], ['ot', 'conduct,'], ['limits', 'of'], ['it', 'was'], ['new', 'paths'], ['they', 'became'], ['work', 'for'], ['to', 'attempt'], ['sin,', 'you'], ['un-', 'der'], ['Lovering', 'asked'], ['the', 'Hon.'], ['such', 'odious'], ['follow', 'a'], ['world,', 'by'], ['Congress', 'im.'], ['admission', 'of'], ['physician', '$18.70,'], ['junction', 'of'], ['people,', 'but'], ['', 'some'], ['manner;', ';h-'], [';', 'but'], ['of', 'him'], ['intention', 'was'], ['go', 'to'], ['hold', 'upon'], ['', 'that'], ['the', 'discovery:'], ['of', 'residents'], ['and', 'forty-five'], ['the', '"sunny'], ['', 'to'], ['activity,', 'and'], ['enable', 'one'], ['sons', 'that'], ['', 'my'], ['Wine,', 'old'], ['Commissioners', 'of'], ['in', 'the'], ['exponents', 'of'], ['pxepaied', 'the'], ['-', 'tion'], ['', 'I'], ['to', 'time'], ['and', 'to'], ['to', 'this'], ['of', 'filtecu'], ['there', 'be'], ['the', 'belt'], ['Lewis', 'Zitkle,'], ['or', 'five'], ['making', 'of'], ['view', 'the'], ['the', 'Mayor'], ['from', 'the'], ['fitty', 'or'], ['traction', ';'], ['ruined', 'North'], ['Scott,', 'report'], ['to', 'any'], ['the', 'sunshine,'], ['the', 'minority'], ['we', 'found'], ['that', 'the'], ['to', 'reproduce'], ['', 'town'], ['insurance,', 'and'], ['tariff;', 'one'], ['for', 'the'], ['on', 'the'], ['this', 'subject'], ['w', 'Inch'], ['acara', 'may'], ['Miles', 'delivered'], ['a', 'mile'], ['county', 'of'], ['he', 'believed'], ['land.whilst', 'the'], ['.growled', 'with'], ['vile', 'names.'], ['of', 'a'], ['vibrate', 'through'], ['fountains', 'or'], ['-', 'l'], ['is', 'hereby'], ['Mr.', 'Cu.'], ['peace.', 'Miss'], ['with', 'the'], ['', 'viow'], ['well,', 'for'], ['United', 'States,'], ['"wanted"', 'in'], ['took', 'up'], ['not', 'less'], ['Govern-', 'ment,'], ['', 'was'], ['reve-', 'nue;'], ['enrolled,', 'are'], ['threo', 'overseers'], ['the', 'B'], ['never', 'been'], ['in', 'township'], ['basis.', 'I'], ['', 'soundest'], ['it', 'may'], ['me', 'with'], ['since', 'a'], ['the', 'House'], ['ten', 'years'], ['goddess.', 'How'], ['got', 'nt'], ['myself', '1'], ['increase', 'of'], ['like', 'an'], ['it', 'for'], ['be', 'used'], ['fly', 'trout'], ['interest', 'in'], ['fair', 'grounds'], ['', 'act'], ['of', 'serious'], ['senseless', 'are'], ['oulsiile".', 'So'], ['immediately', 'and'], ['to', 'a'], ['no', 'way'], ['and', 'supporting'], ['Avenue', 'to'], ['one', 'of'], ['bed', 'of'], ['relationship', 'to'], ['(wbicl', 'will'], ['is', 'due'], ['republican', 'institutions.'], ['the', 'vultures'], ['not', 'or'], ['produce', 'grasses,'], ['', 'old'], ['has', 'carefully'], ['Lord,', 'you'], ['the', 'direction'], ['', 'people,'], ['', 'Private'], ['1826.', 'rhapL'], ['', 'About'], ['discharged', 'in'], ['larger', 'than'], ['May', 'the'], ['all', 'were'], ['battles', 'fought'], ['be', 'the'], ['', 'nor'], ['instances,', 'amount'], ['the', 'ben-'], ['as', 'the'], ['late', 'flood;'], ['of', 'ba-'], ['expressed', 'and'], ['should', 'be'], ['awoke', 'be\xad'], ['miles', 'to'], ['con-', 'gress,'], ['We', 'believe,'], ['the', 'Family'], ['and', 'eating'], ['when', 'he'], ['the', 'country—standing'], ['of', 'the'], ['excepted', 'articles'], ['where', 'we'], ['frame', 'of'], ['that', '11c'], ['by', 'the'], ['by', 'wood'], ['Botis', 'platform,'], ['tho', 'revolutionary'], ['', 'repeatedly'], ['and', 'also'], ['army', 'corps,'], ['', 'very'], ['', '274,'], ['', 'to'], ['he', 'and'], ['', 'should'], ['not', 'only'], ['<1', 'n'], ['Taxes', 'Its'], ['', 'score'], ['', 'mended'], ['', 'rhe'], ['ode,', 'tv'], ['and', 'the'], ['subject', 'of'], ['defent', 'of'], ['tanner:)', 'I.'], ['', 'adjourn'], ['', 'the'], ['committee', 'tmthi-r'], ['to', 'the*course'], ['proposed', 'to'], ['got', 'a'], ['of', 'Affairs'], ['', 'its'], ['to', 'the'], ['ngrici', 'llme'], ['as', 'I'], ['agents', 'and'], ['would', 'be'], ['The', 'Span-'], ['with', 'a'], ['and', 'the'], ['the', 'I'], ['have', 'been'], ['During', 'the'], ['lire', 'honorable'], ['of', 'Virgin-a'], ['he', 'should'], ['with', 'the'], ['glories', 'poured'], ['desirous', 'of'], ['Mr.', 'P.'], ['did', 'not'], ['nise', 'as'], ['of', 'expressing'], ['but', 'Republicanism'], ['people.', 'And'], ['of', 'Seventh'], ['and', 'the'], ['we', 'liked'], ['who', 'is'], ['will', 'it'], ['unfurl', 'Ibis'], ['to', 'respect'], ['to', 'lx*'], ['experience', 'of'], ['', 'the'], ['of', 'the'], ['the', 'exquisite'], ['bound', 'to'], ['disposition', 'to'], ['reflection', 'should'], ['five', 'miles'], ['.', "'"], ['famished', 'during'], ['their', 'long,'], ['worse', 'and'], ['the', 'disputed'], ['to', 'the'], ['almost', 'an'], ['rond', 'surfneo'], ['the', 'county'], ['times', 'which'], ['Because', 'the'], ['lots', 'JX'], ['hare', 'adhered'], ['one', 'was'], ['hope', 'of'], ['tho', 'aaino'], ['York', 'and'], ['in-', 'their'], ['over', '1,000.'], ['and', 'concludes'], ['of', 'the'], ['', 'see'], ['it', 'shall'], ['sometimes', 'a'], ['their', 'animals'], ['property.', 'I'], ['own', 'citizens'], ['tlx', 'expedition'], ['Hppe', 'and'], ['the', 'matter'], ['or', 'Waterbury'], ['fcj', 'aggression?'], ['with', 'His'], ['in', 'go»d'], ['commenced', 'to'], ['it', 'very'], ['lu', 'sustain'], ['me', 'to'], ["'hem", 'a'], ['to', 'destroy'], ['flock', 'numbering-3,000;'], ['Parliament', 'of'], ['eighty', 'perfect'], ['framed', 'building,'], ['', 'there'], ['that', 'part'], ['would', 'have'], ['miserable,', 'because'], ['William', 'McNler,'], ['to', 'a'], ['served', 'on'], ['miliums', 'uf'], ['smash.', 'He'], ['ago,', 'and'], ['that', 'the'], ['are', 'entitled'], ['from', 'their'], ['', 'must'], ['lie', 'was'], ['clearing', 'spots'], ['to', 'requir*.'], ['', 'Heeds'], ['pages', '235,'], ['Courts', '01'], ['?', 'it'], ['say', 'you'], ['.tiglanrt', 'have,'], ['giving', 'hiin'], ['pro-', 'hibition'], ['he', 'had'], ['and', 'tracing'], ['squadron.', 'Marshal'], ['', 'robbed'], ['against', 'a'], ['', 'or'], ['the', 'chamber-'], ['do', 'not'], ['tha', 'action'], ['to', 'elect'], ['to', 'retain'], ['500', 'and'], ['express', 'its'], ['', 'the'], ['it', 'was'], ['thus', 'seeared'], ['truth', 'sustained'], ['William', 'U.'], ['the', 'other'], ['then,', 'no'], ['popular', 'mind'], ['contain-', 'ing'], ['being', 'said'], ['an', 'inflamed'], ['favor', 'off'], ['state', 'department'], ['unless', 'authorised'], ['felt', 'somewhat'], ['not', 'with'], ['of', 'a'], ['', 'is'], ['', 'It'], ['and', 'night'], ['European', 'nations,'], ['', 'Tilden'], ['a', 'dull'], ['to', 'live'], ['tempter', '?will'], ['States', 'for'], ['was', 'adopt-'], ['our', 'first'], ['', 'in'], ['health', ':'], ['India', 'with'], ['open', 'violation'], ['pursued', 'with'], ['the', '"Teaiperance'], ['in', 'tins'], ['shortly', 'before'], ['or', 'if'], ['lay', 'the'], ['all', 'ihe'], ['6Ugar', 'factories'], ['tile', 'Register'], ['before', 'Christinas'], ['the', 'State'], ['', 'leave'], ['time', 'was'], ['was', 'a'], [';', 'here,'], ['is', 'supposed'], ['', 'ples'], ['compelled', 'to'], ['', 'perhaps'], ['28', '.'], ['and', 'more'], ['by', 'this'], ['“George,', 'ring'], ['has', 'been'], ['brilliant', 'technique'], ['to', 'a'], ['hat', 'are'], ['shovelling', 'in,'], ['business', 'interests'], ['', 'three'], ['contestants', 'be-'], ['', 'cious'], ['southern', 'Dakota,'], ['to', 'the'], ['Fall', 'as'], ['we', 'will'], ['Presi-', 'dent'], ['dingle', 'trial,'], ['', 'locators'], ['street.', 'They'], ['weae', 'raking,'], ['club', '01'], ['o', 'clock'], ['or', 'baking'], ['from', 'exposure'], ['', 'ry'], ['per', '100'], ['and', 'together'], ['disapprobation', 'of'], ['Pipes', 'at'], ['out', 'who'], ['to', 'Fredericksburg,'], ['all', 'the'], ['recalls,', 'ao'], ['sea,', 'and'], ['hy', 'a'], ['wart', "chang'd"], ['delivery', 'to'], ['chandaliers.', 'The'], ['to', 'be'], ['good', 'words'], ['disparaged', 'our'], ['', 'the'], ['Conceiving', 'myself'], ['says,', 'toendorse'], ['the', 'avowed'], ['be', 'rent'], ['any', 'part'], ['', 'times'], ['commit\xad', 'tee'], ['fan', 'it'], ['was', 'darkened'], ['nton-', 'sttrs,'], ['to', 'four'], ['so', 'much'], ['Second', 'Avenue'], ['were', 'eight'], ['Judiciary,', 'it'], ['Suspicion', 'immediately'], ['pur-', 'ity'], ['', 'tion'], ['it', 'is'], ['', 'The'], ['the', 'greatness'], ['in', 'Ireland'], ['', 'first'], ['au-', 'thorized'], ['candidates,', 'to'], ['rushed', "t'>"], ['enemy', 'tin*'], ['Doorkeeper,', 'couch-'], ['commerce', 'shall'], ['of', 'a'], ['the', 'cultivation'], ['wretch', 'before'], ['if', 'they'], ['of', 'any'], ['', 'where'], ['', 'lice'], ['', 'A'], ['on', 'all'], ['Harry', 'Gundaker,'], ['tbe', 'hat'], ['pass', 'an'], ['infamous', 'letter'], ['it', 'at'], ['pressure.', 'Tho'], ['a', 'decree'], ['', ':ro?sot'], ['reprobate', 'tho'], ['Council', 'and'], ['although', 'nearly'], ['the', 'plant'], ['box', 'in'], ['his', 'r.'], ['wear', 'a'], ['thinker', 'and'], ['them', 'to'], ['experience', 'and'], ['ehiefpnrt', "o'"], ['from', 'Powhatan'], ['to', 'him'], ['the', 'west,'], ['for', 'which'], ['have', 'given'], ['easy', 'matter'], ['is', '|'], ['', 'c»t'], ['and', 'forty'], ['said', 'contract'], ['laud,', 'in'], ['', 'tention'], ['circumstances', 'existed'], ['intrigued', 'with'], ['cause.', 'He'], ['defiant', 'repudiation'], ['', 'the'], ['a', 'mystery.'], ['remained', 'at'], ['the', 'character'], ['which', 'James'], ['at', 'home'], ['with', 'the'], ['the', 'arrival'], ['for', 'the'], ['female,', 'gel'], ['with', 'other'], ['of', 'Mr.'], ['e.nger', 'the'], ['savory', 'as'], ['Brandreth', 'being'], ['fallibility', 'of'], ['and,', 'by'], ['ink,', 'and'], ["59'", 'W.'], ['', 'rljjht'], ['of', 'October.'], ['sub-', 'ject'], ['may,', 'without'], ['that', 'the'], ['in', 'Exchange'], ['', 'the'], ['he', 'could'], ['', 'three'], ['built', 'by'], ['lie', 'funn-'], ['therefore', 'Unsolved,'], ['General', 'Land'], ['sints', 'an'], ['', 'id'], ['couriers', 'were'], ['scissors', 'and'], ['of', 'Dublin'], ['without', 'delay'], ['cover', 'six'], ['the', 'left'], ['the', 'seizure'], ['', 'tea'], ['', 'mittee,'], ['him,', 'to'], ['the', 'steamer'], ['article', 'proposed'], ['', 'ter,'], ['the', 'war'], ['the', 'South,'], ['suffered', 'much'], ['in', 'spite'], ['of', 'words'], ['world,', 'whom'], ['the', 'General'], ['and', 'worst,'], ['at', 'all'], ['.', 'I'], ['.uch', 'other'], ['upon', 'the'], ['', 'Every'], ['marked', 'enough'], ['were', 'void'], ['personal', 'labor'], ['services', 'as'], ['be', 'devised.'], ['the', 'mother'], ['perform', 'the'], ['had', 'been'], ['was', 'known'], ['but', 'a'], ['track', 'at'], ['went', 'to'], ['Waltons', 'mine'], ['', 'c'], ['the', 'United'], ['to', 'Education,'], ['Robert', 'Craig,'], ['that', 'country'], ['perfectly', 'convinced'], ['', 'gist'], ['of', 'faction'], ['measure', 'to'], ['one', 'mile'], ['his', 'public'], ['ai.d', 'malignant'], ['of', 'Langdon,'], ['you', 'hear'], ['Pontiffs', 'directed'], ['shape', 'when'], ['inspiration', 'from'], ['on', 'the'], ['know', 'what'], ['Hancock', 'in'], ['sustain-', 'ed,'], ['commerce,', 'nor'], ['', 'Jove'], ['of', 'long'], ['will', 'he'], ['hundred', 'acres'], ['tho', 'Ohio'], ['produce', 'a'], ['in', 'the'], ['', 'sources'], ['', 'in'], ['striking.', 'Lands'], ['occasional', 'acts'], ['to', 'comnly'], ['in', 'his'], ['', '"The'], ['her', 'sight'], ['doing,', 'white'], ['very', 'best'], ['amount', 'to'], ['', 'modern,'], ['MM,', 'the'], ['And', 'if'], ['a', 'while'], ['submerged,', 'and'], ['', 'he'], ['the', 'state,'], ['all', 'the'], ['alid', 'oats:'], ['mountain', 'dew.'], ['so', 'that'], ['low', 'on'], ['many', 'gayly-caparisoned'], ['he', 'recalled'], ['judge', 'of'], ['hen', 'the'], ['the', 'hearty'], ['as', 'an'], ['all', 'the'], ['Coldwell', 'la'], ['hunting.', 'Of'], ['the', 'war'], ['danger,', 'became'], ['of', 'ibe'], ['behalf', 'of'], ['a', 'vast'], ['spoken', 'for'], ['shafts', 'of'], ['n', ';>r«'], ['vast', 'extent,'], ['practical', 'ren-arks'], ['', 'mutei'], ['scrub', 'land'], ['has', 'in'], ['This', 'policy'], ['of', 'which,'], ['Department', 'as'], ['', 'Miss'], ['them,', 'the'], ['and', 'a'], ['for.', 'Cape'], ['intelligent', 'natives'], ['abilities', 'ofthe'], ['This', 'surprised'], ['', 'more'], ['over', 'hys-'], ['oonflned', 'to'], ['essential', 'objes'], ['was', 'be-'], ['', 'pictures,'], [']', 'w):i.'], ['Cross.', 'The'], ['where', 'I'], ['promises', 'of'], ['active', 'lish'], ['', 'five'], ['been', 'called'], ['the', 'Treasury.'], ['this', 'JSth'], ['required', 'to'], ['to', 'the'], ['halo', 'encircles'], ['could', 'c<'], ['stand.', 'Members'], ['Denver', 'or'], ['from', 'other'], ['time', 'to'], ['they', 'show'], ['a', 'long'], ['it', 'was'], ['information', 'on'], ['body', 'together?'], ['the', 'pubuluin'], ['liini-', 'self'], ['both', 'Government*'], ['operation', 'alter'], ['parts', 'of'], ['by', 's'], ['are', 'used'], ['own', 'colts'], ['but', 'one'], ['ihe', 'new'], ['the', 'three'], ['the', 'mid-'], ['resolutions', 'were'], ['States', 'would'], ['alroo«t', 'hopeless'], ['mule', 'so'], ['country.out', 'oil'], ['and', 'down,'], ['its', 'general'], ['', 'to'], ['and', 'in'], ['Ohio', 'would'], ['', 'and'], ['great', 'fortune'], ['a', 'lock'], ['doubly', 'so'], ['Prices', 'rantimuwi'], ['by', 'Lewis'], ['Mr.', 'Speaker,'], ['for', 'his'], ['so', 'give'], ['April', 'and'], ['inform', 'Mr.'], ['Tabiuet', 'Rail.'], ['amateurs,', 'members'], ['little', 'copse'], ['way', 'back'], ['I', 'mean'], ['', 'the'], ['the', '•Ue.'], ['all', 'the'], ['reduced', 'iu'], ['under', 'the'], ['would', 'never'], ['all', 'efforts'], ['rat', '.'], ['', '!'], ['disturbing', 'it*'], ['length', 'to'], ['them', 'are'], ['appreciated', 'by'], ['brings', 'with'], ['ot', 'the'], ['from', 'it'], ['alive,', 'he'], ['I', 'hav-'], ['', 'the'], ['', 'Those'], ['entitled', 'to'], ['the', 'Hill'], ['by', 'a'], ['been', 'sleeping.'], ['ex-', 'tremely'], ['position', ';'], ['his', 'eyes'], ['tons', 'on'], ['If', 'it'], ['', 'sympathy'], ['distinguished', 'ollice.'], ['spoke', 'of'], ['S', '19'], ['10', 'a.'], ['Their', 'title'], ['conformity', 'to'], ['', 'proceed'], ['in', 'endeavoring'], ['in', 'which'], ['hits', 'been'], ['was', 'cer'], ['to', 'mine.'], ['', 'views'], ['favor', 'of'], ['of', 'Gen.'], ['we', 'have'], ['the', 'duty'], ['this', 'county'], ['into', 'which'], ['was', 'connected'], ['features', 'of'], ['of.', 'The'], ['con', 'Isting'], ['send', 'a'], ['of', 'prison-'], ['brought', 'lwek'], ['what', 'was'], ['under', 'lip,'], ['products.', 'For'], ['au-', 'thorizing'], ['judi.', 'ciously'], ['', 'tinny'], ['', 'ple'], ['find', 'yourself'], ['did', 'not,'], ['with', 'more'], ['States,', 'then'], ['', 'body'], ['the', 'belly'], ['value', 'ot'], ['his', 'drinking'], ['sympathy', 'of'], ['growth', 'Ute'], ['stern,', 'kept'], ['his', 'legs'], ['are', 'about'], ['by', 'Germany'], ['but', 'let'], ['the', 'otticn'], ['to', '6ntl'], ['gunpowder,', 'leaving'], ['of', 'the'], ['in', 'his'], ['the', 'govern-'], ['lucky', 'inning'], ['quota', 'of'], ['if', 'suffered'], ['No', 'trap'], ['peoj', '1'], ['necessary', 'to.'], ['piitilrgo', 'i«'], ['she', 'had'], ['to', 'give'], ['steam', 'heat'], ['pertaining', 'to'], ['that,', 'instead'], ['', 'President'], ['nec,', 'contrary'], ['interstices,', 'but'], ['during', 'the'], ['u', 'here'], ['woik', 'by'], ['when', 'I'], ['tars,', '(lie'], ['columifl', 'with'], ['welfare,', 'not'], ['payable', 'January'], ['.', 'F.'], ['a', 'desire'], ['down', 'and'], ['the', 'times,'], ['lettering', 'at'], ['were', 'disregarded.'], ['is', 'to'], ['New', 'York'], ['his', 'contract,'], ['criminal', 'in'], ['bp', 'said'], ['Panama', 'Congress,'], ['', 'Adams'], ['theme', 'worthy'], ['considered', 'as'], ['at', 'length'], ['earn', 'their'], ['', 'firmed'], ['some', 'newspaper'], ['', 'the'], ['supplied', 'about'], ['lluertistu', 'forces'], ['has', 'been'], ['keel', 'and'], ['', 'ide,'], ['that', 'one'], ['reaching', 'the'], ['grazing', 'purposes.'], ['a', 'large'], ['had', 'about'], ['than', 'its'], ['I', 'need'], ['sig-', 'nal'], ['her', 'opium.'], ['a', 'capital'], ['to', 'time'], ['street', '(whither'], ['he', 'had'], ['has', 'a'], ['approval', 'of'], ['all', 'religion,'], ['accounted', 'for.'], ['on', 'the'], ['charge', 'of'], ['re-', 'ciprocal?—If'], ['oppressors.', 'Where'], ['remarkable', 'fact'], ['have', 'long'], ['truly,', 'Torn'], ['its', 'brow,'], ['', 'important'], ['beloved', 'by'], ['been', 'won'], ['', 'pose'], ['who', 'will'], ['', 'and'], ['', 'degree.'], ['old', 'place'], ['', 'from'], ['physicians', 'of'], ['Porcelain;', 'pearl,'], ['', 'With'], ['Z4th', ';'], ['50,833', 'houses'], ['Shepard,', 'a'], ['She', 'agreed,'], ['the', 'policy'], ["An',", 'but'], ['out', 'more'], ['railroad', 'material.'], ['emaciating', 'the'], ['is', 'to'], ['of', 'bodies'], ['a', 'year'], ['', 'enough'], ['a', 'pretty'], ['a-', 'ganisl'], ['it', 'from'], ['nbout', 'them'], ['utilize', 'the'], ['to', 'sell'], ['<', 'i'], ["Re-'", 'verend'], ['as', 'helpless'], ['(the', 'Jiue'], ['the', 'lands'], ['best', 'bet'], ['neither', 'class.'], ['in', 'imagination,'], ['did', 'not'], ['forthwith', 'file'], ['{having', 'been'], ['citizens', 'take'], ['the', 'United'], ['Iherefoie,', 'be'], ['pigmies', 'be-'], ['for', 'he'], ['This', 'law'], ['to', 'British'], ['S', '25'], ['future', 'to'], ['that', 'the'], ['weight', 'about'], ['preference', 'to'], ['', 'uaTie.'], ['yeurly,', 'the'], ['seen,', 'but'], ['any', 'such'], ['and', 'changing'], ['of', 'pleasure,'], ['alarming', 'increase'], ['at', 'Talbots'], ['to', 'the'], ['be', 'lost'], ['tto', 'escape'], ['', 'will'], ['of', 'them'], ['court', 'by'], ['', 'By'], ['number', 'of'], ['them', 'long'], ['c0', 'and'], ['DarbvV', 'creek,'], ['', 'and'], ['in', 'the'], ['th-', 'ir'], ['quicklime', 'should'], ['all', 'the'], ['returned', 'a'], ['how', 'many'], ['boa', 'id'], ['of', 'the'], ['great', 'question'], ['branch', '—'], ['only', 'ba'], ['side', 'oi'], ['torn', 'from'], ['pans', 'are'], ['commencement,', 'so'], ['six', "o'clock"], ['evident', 'that'], ['', 'out.'], ['report', 'tfceit'], ['or', 'scalded.'], ['said', 'ditch'], ['the', 'sum'], ['plunder', 'of'], ['as', 'will'], ['be', 'darkened'], ['highways', 'of'], ['their', 'guard'], ['sucii', 'pmcl'], ['under', 'the'], ['upon', 'terms'], ['Skipwith', 'and'], ['after', 'its'], ['could', 'be'], ['"a', 'more'], ['not', 'be'], ['mem-', 'bers'], ['into', 'the'], ['this', 'trans-'], ['American', 'gold,'], ['per', 'cent'], ['will', 'add'], ['return,', 'as'], ['which', 'was'], ['of', 'Iiis'], ['upon', 'us;—see'], ['amount', 'belonging'], ['also', 'in'], ['to', 'first'], ['signals', 'will'], ['excitement', 'iu'], ['brick', 'kitch¬'], ['as', 'the'], ['ol', 'the'], ['', 'Wales'], ['to', 'residents'], ['well,', 'he'], ['the', 'la-'], ['apoligiz.', 'I'], ['There', 'he'], ['whole', 'party,'], ['choir.', 'Hu'], ['l""k', 'old,'], ['they', 'could,'], ['his', 'possession'], ['duty', 'ft'], ['d.', 'un-'], ['had', 'made,'], ['fleeced', 'by'], ['his', 'sijoum'], ['had', 'cost'], ['be', 'conserved'], ['of', 'Brabant,'], ['can', 'truly'], ['escape,', 'and'], ['and', 'sailors,'], ['', 'and'], ['from', 'a'], ['their', 'ow'], ['wli-un', 'is'], ['Robards.', 'Jackson'], ['to', 'uphold'], ['ground', 'below'], ['less', 'attention'], ['wrongs', 'supposed'], ['have', 'no'], ['all', 'hours.'], ['fairly', 'pitted'], ['kinds', 'of'], ['experi-', 'ment'], ['policy.', 'I'], ['it,', 'which'], ['very', 'smoothly'], ['will', 'be.'], ['artistically', 'frescoed.'], ['pursued', 'a'], ['month', 'from'], ['years,', 'to'], ['as', 'a'], ['tiic', 'house.'], ['to', 'sever'], ['of', 'section'], ['us', 'who'], ['years', '1595'], ['had', 'either'], ['packages', 'in'], ['aged', 'nine,'], ['of', 'granting'], ['', 'of'], ["spit'", 'of'], ['of', 'principle,'], ['the', 'preference'], ['aud', 'a'], ['cos-', 'tumes'], ['from', 'Elko.'], ['it', 'now'], ['', 'ing'], ['the', 'absence'], ['Cbildray,', 'John'], ['of', 'Con'], ['to', 'carry'], ['of', 'Xew-York,'], ['completed', 'and'], ['which', 'it'], ['great', 'idea'], ['', 'things,'], ['not', 'advening'], ['transitory.', 'It'], ['neck', 'to'], ['lost', 'our'], ['was', 'detailed'], ['Robinson', 'on'], ['', 'With'], ['and', 'the'], ['at', 'any'], ['that', 'they'], ['car.', 'It'], ['immediately', 'resolved'], ['most', 'profitable'], ['tho', 'world.'], ['standard', 'parallel'], ['tho', 'sumo,'], ['', 'In'], ['neglecting', 'to'], ['same', 'spot.'], ['costireness.', 'In'], ['the', 'rest'], ['and', 'goes'], ['united', 'voice'], ['clime', 'as'], ['But', 'how'], ['', 'was'], ['questions', 'fairly'], ['native', 'steers,'], ['demarcation', 'do'], ['contrary', 'opinion;'], ['', 'and'], ['at', 'work'], ['Index', 'Numbers,'], ['of', 'the'], ['knowledge', 'of'], ['my', 'mill'], ['ion', 'ol'], ['and', 'a'], ['to', 'think'], ['', 'sing'], ['thing', 'to'], ['total', 'exclusion,'], ['Mam', 'street,'], ['to', 'a'], ['the', 'Southern'], ['as', 'tho'], ['said,', 'that'], ['', 'less.'], ['this', 'seed,'], ['will', 'be'], ['In', 'case'], ['the', 'Tue'], ['the', 'lime'], ['the', 'encroachments'], ['decided', 'that'], ['Congress,', '&c.,'], ['', 'If'], ['baby,', 'the'], ['useful', 'gifts'], ['copies.', 'The'], ['orders', 'ol'], ['dangers', 'which'], ['overthrown', 'J!utr<'], ['Bennet', 'get'], ['', 'cult'], ['father', 'to'], ['', 'Bauer'], ['a', 'subject'], ['', 'io'], ['the', 'approval'], ['Mexico,', 'the'], ['spoken', 'of'], ['tne', 'leatures'], ['', 'willing'], ['Junrl', 'scrip'], ['him', 'money'], ['uummers,', 'men'], ['leg,', 'but'], ['In', 'other'], ['many', 'a'], ['i', 'despise,'], ['time,', 'for'], ['Cuba,', 'without'], ['asssiuv,', 'during'], ['imw>t', 'yet'], ['something', 'to'], [';', 'the'], ['and', 'its'], ['of', 'women'], ['nol', 'believe,'], ['', 'If'], ['to', 'liis'], ['and', 'Whereas,'], ['There', 'were'], ['Board', 'of'], ['who', 'would'], ['disposition', 'of'], ['as', 'fate'], ['when', 'these'], ['C;', 'to'], ['or', 'duties'], ['elaborate', 'statement'], ['on', 'acouomioal'], ['Southwest', 'Quarter'], ['to', 'be'], ['three', 'commissioners,'], ['impostors', 'then,'], ['The', 'Hall'], ['Prince', 'Edward,'], ['suppose', 'England'], ['of', 'the'], ['said', 'notes'], ['and', 'devisees'], ['probably', 'die.'], ['lead', 'from'], ['liefects', 'the'], ['by', 'dividing'], ['any', 'appointments'], ['who', 'could'], ['so', 'offending'], ['how', 'astonished'], ['in', 'to'], ['nt', 'the'], ['right', 'over'], ['out,', 'an'], ['voted', 'f.»r'], ['the', 'degree'], ['a', 'new'], ['in', 'measuring'], ['my', 'phos\xad'], ['against', 'the'], ['saving', 'said'], ['of', 'great'], ['lira', 'Ide'], ['largo', 'scalo'], ['tn.', 'As'], ['We', 'may'], ['of', 'Jany,'], ['or', 'other'], ['trial:', 'it'], ['after', 'April'], ['aod', 'Northern'], ['of', 'the'], ['conclude', 'that'], ['they', 'have'], ['the', 'common'], ['require', 'the'], ['Etnlun', "Ricli'd"], ['prison;', 'that'], ['in', 'waiting'], ["wouldn't", 'hurt'], ['', 'great'], ['no', 'mag-zinc'], ['Major', 'General'], ['upon', 'a'], ['lace', 'against'], ['smoking', 'dwelling,'], ['the', 'institu'], ['life', 'ate'], ['', 'eleven'], ['that', 'his'], ['Spencer', 'Grant'], ['', 'oJoiiy,'], ['acres', 'adjoining,'], ['A:', 'McQueen,'], ['know', 'my'], ['saying', 'that'], ['question', 'in'], ["t-uill'a*", 'from'], ['I', 'will'], ['', 'soJmuch'], ['live', 'on.'], ['lor', 'lear'], ['Hut', 'this'], ['', 'the'], ['Iambs.', 'The'], ['politic', 'There'], ['', 'and.'], ['degree', 'of'], ['of', 'John'], ['the', 'great'], ['information.', 'I'], ['mercy,', 'it'], ['regretted.', 'Sir.'], ['-', '0-'], ['of', 'such'], ['cover', 'of'], ['deception', 'was'], ['|', 'found.'], ['Eight', 'Millions'], ['we', 'could'], ['', 'ticular'], ['in', 'the'], ['few', 'fa¬'], ['a', 'member'], ['brought', 'into'], ['that', 'he'], ['author', 'or'], ['the', 'banks'], ['should', 'not'], ['broken-hearted', 'are'], ['trees,', 'from'], ['', 'houses'], ['nor', 'proper'], ['', 'ther'], ['', '.'], ['', 'a'], ['to', 'the'], ['of', 'their'], ['', 'A'], ['set', 'squarely'], ['It', 'is'], ['', 'entirely'], ['had', 'deserted'], ['while', 'a'], ['but', 'fortunately'], ['', 'the'], ['McClellan,', 'and'], ['before', 'he'], ['in', 'which'], ['', 'felt'], ['facility', 'with'], ['for', 'a'], ['in', 'scrambling'], ['place,', 'and'], ['and', 'actions."'], ['in', 'torrent.'], ['finui', 'the'], ['she', 'discusses,'], ['', 'cluding'], ['is', 'going'], ['on,', 'as'], ['', 'handed'], ['<>r', 'other'], ['', 'Samples'], ['1!.,', 'No.'], ['it;', 'all'], ['', 'and'], ['year,', 'is'], ['fortune', 'to'], ['', "'s"], ['secure', 'State'], ['it', 'the'], ['by', 'Mr.'], ['and', 'the'], ['tne', 'noxious'], ['citi-', 'zens.'], ['representations', 'and'], ['', 'is'], ['doing', 'which,'], ['is', 'believed'], ['held', 'several'], ['may', 'have'], ['(SW%', 'of'], ['wiih', 'respect'], ['share', 'of'], ['upon', 'the'], ['of', 'that'], ['time', 'of'], ['in', 'such'], ['game.', '"AtlastIgotonaboutatastag'], ['if', 'he'], ['', 'could'], ['may', 'bring'], ['rate,', 'it'], ['be', 'held'], ['Zulus', 'or'], ['of', 'the'], ['', 'or'], ['already', 'stirred'], ['plotting', 'his'], ['ol', 'resisting'], ['clerk', 'oi'], ['mound,I', 'ascended'], ['under', 'the'], ['the', 'pupils'], ['my', 'retreat'], ['', 'whereby'], ['to', 'supersede'], ['clover,', 'and'], ['claimed', 'would'], ['to', 'operate,'], ['from', 'stomach'], ['have', 'decided'], ['naar', 'Carl'], ['discredit,', 'and'], ['intense', ']'], ['of', 'said'], ['of', 'the'], ['the', 'curve'], ['to', 'sp.'], ['deaired', 'rapidity,'], ['defence', 'and'], ['are', 'r.speciivrlv'], ['of', 'Ltfitrt'], ['ap\xad', 'propriation,'], ['are', 'suspended'], ['get', 'but'], ['family.', 'I'], ['under', 'the'], ['principally', 'from'], ['law', 'that'], ['halfway.', 'Hushing'], ['others', 'equally'], ['the', 'recollection'], ['he', 'captor'], ['tho', 'sole'], ['were', 'voiceless'], ['L.', 'Co'], ['received', 'would'], ['against', 'foreign'], ['', 'gains'], ['stationed', 'here'], ['of', 'small'], ['', 'Also,'], ['great', 'church,'], ['prevent', 'our'], ['well', 'even'], ['', 'now'], ['these', 'you'], ['to', 'the'], ['', 'swamp'], ['placed', 'his'], ['choir', 'gallery,'], ["sta'ion", 'here,'], ['', 'ers,'], ['elec-', 'tion'], ['date', 'of'], ['Alii', 'Min'], ['', 'Also'], ['sandwiches', 'nnd'], ['the', 'District'], ['between', 'Halli-'], ['people?', 'To'], ['let', 'the'], ['like', 'one'], ['', 'did'], ['conduct', 'of'], ['two', 'years;'], ['won,', 'and'], ['on', 'the'], ['annum,', 'of'], ['even', 'if'], ['appeared', 'to'], ['be', 'allowed'], ['must', 'necessarily'], ['of', 'A.'], ['', 'gent'], ['two', 'feet'], ['has', 'been'], ['before', 'we'], ['the', 'above'], ['', 'of'], ['the', 'game'], ['Editorial', 'Department'], ['dollars,', 'at'], ['for', 'five'], ['for', 'the'], ['at', 'least'], ['left', 'for'], ['of', 'the'], ['for', 'four'], ['', 'cause'], ['take', 'care'], ['moved.', 'According'], ['continuous.', 'Thence'], ['for', 'a'], ['British', 'orders'], ['had', 'been'], ['time', 'to'], ['unfair,', 'and'], ['and', 'smell'], ['voicasaid,', 'in'], ['intelligence', 'p'], ['appear', 'is'], ['of', 'stub'], ['', 'outside'], ['found', 'utterly'], ['me', 'from'], ['more', 'than'], ['lazy,', 'worthless'], ['friend', '—lie'], ['but', 'fifteen'], ['the', 'demand,'], ['expedient', 'for'], ['during', 'the'], ['to', 'settle'], ['the', 'back'], ['r', 'of'], ['b-', 'received'], ['and', 'freight.'], ['for', 'the'], ['jail,', 'but'], ['of', 'each'], ['which', 'aroused'], ['', 'New'], ['that', 'many'], ['the', 'manly'], ['', 'the'], ['', 'then'], ['w', 'e'], ['forms,', 'when'], ['', 'wealth,'], ['Circuit', 'met'], ['I', 'at'], ['!', 'and'], ['', 'in'], ['Swedes,', 'assorted,'], ['instance', 'of'], ['one,', 'concentrate'], ['to', 'their'], ['be', 'active'], ['even', 'to'], ['I', 'st'], ['the', 'effect'], ['time', 'she'], ['or', 'cor'], ['there', 'would'], ['HANDLING', 'OF'], ['7', "ho'"], ['', 'not'], ['it', 'must'], ['a', 'way'], ['the', "Day'"], ['Is', 'do-'], ['and', 'will'], ['and', 'failure'], ['Is', 'done.'], ['Chicago,', 'with'], ['to', 'set.'], ['Live', 'nlways'], ["g'i", '.ni>'], ['manager', 'of'], ['in', 'those'], ['production,', 'which'], ['juiv,', 'i9t,'], ['laws', 'do'], ['phrensied', 'political'], ['salute', 'as'], ['care', 'for'], ['part', 'of'], ['any', 'farther'], ['oaring', 'and'], ['let', 'them'], ['Southern', 'route'], ['tie,', 'Blac-.'], ['again,', 'will'], ['account,', 'teemed'], ['woman', 'with'], ['', 'the'], ['in', 'blasting'], ['se', 'ns'], ['fetters', 'and'], ['bounteously.', 'If'], ['feud', 'faction'], ['tip', 'here'], ['', 'tho'], ['truly', 'the'], ['runners,', 'indeed.'], ['1892.', 'a'], ['in', 'The'], ['at', 'least'], ['the', 'ac¬'], ['Tax,', 'if'], ['of', 'public'], ['I', 'may'], ['catch', 'the'], ['to', 'the'], ['15,', '1924,'], ['that', 'will'], ['hands', 'A'], ['un-', 'der'], ['host;', 'lmt.'], ['the', 'initi-'], ['England', 'typo'], ['consideration', 'when'], ['3000', 'feet'], ['Ladies', 'can'], ['of', 'St'], ['investing', 'in'], ['Deputies', 'lie'], ['not', 'only'], ['with', 'visibl'], ['of', 'said'], ['und-', '.'], ['', 'and'], ['and', 'so'], ['a', 'thriving'], ['softly', 'to'], ['Government', 'united'], ['duced', 'to'], ['feet;', 'and'], ['their', 'labours,'], ['about', 'two'], ['of', 'the'], ['would', 'suggest'], ['contemplate', 'the'], ['preserip-', 'tions'], ['pronounced', 'upon'], ['the', 'La'], ['go', 'it'], ['and', 'provided'], ['Trieste', 'of'], ['than', 'the'], ['Mr.', 'Van'], ['then,', 'not'], ['', 'for'], ['aftet--', 'wnrds,'], ['is', 'of'], ['', 'artistic'], ['and', 'ammunition,'], ['State,', 'and'], ['the', 'premises,'], ['sotting', 'forih'], ['for', 'a'], ['they', 'migni'], ['report', 'and'], ['Democratic', 'side.'], ['mercury', 'are'], ['proudly', 'go'], ['shared', 'his'], ['of', 'tho'], ['Brt»', 'tain'], ['the', 'statesman'], ['the', 'friends'], ['ol', 'the'], ['surface,', 'plants'], ['should', 'have'], ['millions,', 'he'], ['such', 'superiutendaids'], ['wi', 'oat'], ['of', 'liberty'], ['of', 'Husbandry'], ['course,', 'as'], ['ten', 'to'], ['San', 'Simun.'], ['.', 'people'], ['Wesley', 'Hodden.'], ['in', 'England,'], ['vengeance', 'of'], ['attention', 'to'], ['of', 'ample'], ['the', 'ap\xad'], ['then', 'we'], ['H.', 'Boardly,'], ['platform.', 'The'], ['the', 'best'], ['region', 'of'], ['ever', 'rail'], ['will', 'point'], ['Johnny-', 'on'], ['of', 'Kichittoud,'], ['service—cool,', 'dauntless'], ['nuiv', 'ofTered,'], ['ptmlic', 'Intele»l;'], ['use', 'of'], ['until', 'paid,'], ['it', 'is'], ['capital,', 'Ahishal,'], ['who', 'have'], ['murder.', 'It'], ['tihe', 'pilalintiffs'], ['for', '$10.'], ['has', 'ari-'], ['opinion', 'of'], ['', 'not'], ['to', 'ex-'], ['the', 'com-'], ['looks', 'as'], ['exception', 'waa'], ['exercised', 'over'], ['States', 'senator'], ['made', 'no'], ['and', 'theneriod'], ['article*', 'which'], ['center', 'line'], ['course', 'you'], ['are', 'a'], ['run', 'another'], ['', 'stand,'], ['time', 'being.'], ['', 'having'], ['remark,', 'however,'], ['sweet', 'spicy'], ['of', 'Prince'], ['of', 'the'], ['the', 'dinner'], ['of', 'other'], ['Eastern', 'Shoreman'], ['described,', 'which'], ['in', 'here.'], ['It', 'carries'], ['nod', 'Guy'], ['purpose', 'of'], ['the', 'main'], ['', 'prnuouifcc'], ['this', 'brotherhood.'], ['and', 'three'], ['in', 'the'], ['until', 'you'], ['neglected.', 'At'], ['', "NW'i)"], ['to', 'hiss'], ['Lafayette;', 'when'], ['Emaimelc),', 'by'], ['last', 'stages,'], ['', 'tle'], ['grief', 'and'], ['shop,', 'that'], ['Foxs', 'Book'], ['difficulty', 'at'], ['charge', 'of'], ['depaitmenl', 'has'], ['and', 'the'], ['a', 'prettier'], ['there', 'was'], ['the', 'curtailment'], ['the', 'congestion'], ['or', 'corn'], ['they', 'could'], ['that', 'the'], ['be', 'unlawful'], ['0', 'chs,'], ['denouncing', 'ant'], ['other', "'juariers,"], ['pressure', 'could'], ['the', 'Ist'], ['had', 'moved'], ['paternal', 'side,'], ['party.', 'On'], ['', 'us'], ['meetings.', 'Lei'], ['had', 'no'], ['event;', "'.Death"], ['for', 'the'], ['tlock', 'in.'], ['Baling', 'wire'], ['increase', 'their'], ['', 'j'], ['for', 'Increased'], ['to', 'relraci'], ['of', 'the'], ['and', 'wife,'], ['slightest', 'disposition'], ['he', 'is'], ['which', 'I'], ['the', 'interests'], ['to', 'Cal.'], ['the', '(in*'], ['out', 'to'], ['', "'o"], ['such', 'purpose'], ['with', 'me'], ['The', 'Chinese'], ['', 'built'], ['market', 'by'], ['cold', 'weather.'], ['one', 'of'], ['values', 'are'], ['', 'Witcher,'], ['of', 'Kennebec'], ['resting', 'in'], ['', 'army'], ['of', 'Glasgow'], ['A', 'P.'], ['registered', 'hereafter'], ["E'anl.", 'Minneapolis'], ['the', 'tpies'], ['1', 'thought'], ['the', 'y'], ['a', 'large'], ['prevailed', 'in'], ['German', 'Remedy.'], ['things,', 'for'], ['thence', 'South'], ['campaigns,', 'he'], ['reservation', 'to'], ['proper', 'and'], ['literally', 'make'], ['even', 'if'], ['and', 'avowed'], ['P', '.'], ['might', 'ha'], ['“knock,', 'audit'], ['tin-', 'Little'], ['up', 'accidentally'], ['jus-', 'ice.'], ['', 'letter'], ['', 'where'], ['of', 'money;'], ['this', 'time'], ['', 'two'], ['', 'application'], ['one', 'foot'], ['it', 'is'], ['to', 'a'], ['thousands', 'of'], ['now', 'to'], ['', 'a'], ['90', 'feet.'], ['proper', 'recognition'], ['', 'nestly'], ['useless.', 'Tim'], ['^', 'raig,'], ['', 'scribes'], ['long', 'denounced'], ['tend', 'to'], ['by', 'the'], ['caught', 'a'], ['Las', 'passed'], ['that', 'a'], ['', 'ing'], ['may', 'be'], ['themselves', 'bound'], ['', 'The'], ['tl', 'is'], ['the', 'objectionable'], ['world.', 'If'], ['the', 'different'], ['which', 'appear'], ['', 'A'], ['portions', 'of'], ['and', 'very'], ['and', 'which'], ['public', 'money'], ['make', 'the'], ['be', 'psiforming'], ['he', 'was'], ['of', 'the'], ['learning', 'from'], ['years.', 'Men.'], ['When,', 'strati'], ['compo¬', 'nent'], ['me', 'ask,'], ['chosen', 'the'], ['', 'three'], ['return', 'the'], ['triaudair;', 'and'], ['', 'therefore,'], ['at', 'Union'], ['most', 'of'], ['to', 'perform'], ['am!', 'hearty,'], ['Interest', 'bearing'], ['Albemarle', 'himself.;'], ['Tayloes', 'Top'], ['thirty', 'six'], ['ascer-', 'tain'], ['the', 'original'], ['this', 'subject'], ['audi-', 'ence,'], ['at', 'the'], ['es', 'massed.wnen'], ['lefL', 'The'], ['\\\\\\\\Y', '.»!'], ['the', 'persons'], ['', 'They'], ['', 'Munmon'], ['pirate', 'killed'], ['among', 'the'], ['announcing', 'the'], ['would', 'be'], ['', 'or'], ['', 'ol'], ['towards', 'the'], ['she', 'ha'], ['', 'Deane,'], ['pas\xad', 'sage'], ['a', 'housekeener.'], ['the.', 'last'], ['to', 'orinsr'], ['this', 'propositi-'], ['so', 'sat'], ['becomo', 'more'], ['or', 'breast,'], ['majority', '2t>'], ['enabl\xad', 'ing'], ['Wright,', 'Mariner'], ['be,', 'to'], ['counties', 'in'], ['endorse', 'the'], ['', 'Dollond,'], ['refuge', 'elsewhere'], ['thereof,', 'stating'], ['ive', 'will'], ['reform', 'offenders.'], ['in', '18(13,'], ['', 'not'], ['when', 'he'], ['ot', 'tho'], ['Russian', 'and'], ['he', 'possessed'], ['object', '<1'], ['the', 'di'], ['', 'second'], ['sister', 'died,'], ['', 'endorsed'], ['the', 'ob-'], ['from', 'the'], ['', 'They'], ['a', 'point'], ['Navy', 'Yard,'], ['', 'ing'], ['New', 'York'], ['at', 'hers'], ['certificate', 'of'], ['', 'rompl'], ['', 'compensation'], ['the', 'sober'], ['of', 'his'], ['', 'end'], ['and', 'the'], ['he', 'was'], ['Ignacio', 'Mariscal,'], ['as', 'well'], ['-ale,', 'takin'], ['it', 'looked'], ['to', 'save'], ['differ\xad', 'ent'], ['up', 'upon'], ['they', 'never'], ['which', 'denied'], ['Society.', 'Eve-'], ['', 'and'], ['', 'tor'], ['cn«e,', 'a'], ['hav:*', 'yond'], ['ami', 'the'], ['', 'pecaliar'], ['being', 'chicily'], ['shall', 'proceed'], ['of', 'the'], ['and', 'the'], ['Congress', 'meet'], ['business', 'to'], ['that', 'while'], ['would', 'he'], ['she', 'ler'], ['with', 'said'], ['my', 'sympathies'], ['If', 'tho'], ['', 'John'], ['the', '24ih'], ["doesn't", 'want,'], ['daj,', 'for'], ['and', 'para-'], ['which', 'we'], ['either', 'fair'], ['is', 'our'], ['on', 'the'], ['', 'And'], ['light', 'would'], ['proceedings', 'under'], ['corners', 'to'], ['It', 'was'], ['so', 'understood'], ['as', 'pure'], ['materials', 'or'], ['me', 'masses'], ['ma-', 'rines'], ['would', 'cut'], ['', 'over'], ['', 'is'], ['refer', 'was'], ['the', 'cabal'], ['dis-', 'cussion,on'], ['of', 'the'], ['but', 'by'], ['said', 'road,'], ['little', 'dim-'], ['government', 'of'], ['', 'refer,'], ['', 'and'], ['by', 'the'], ['', 'Residual'], ['high', 'judicial'], ['stump,', 'and'], ['the', 'right'], ['speculators', 'this'], ['mining', 'camp'], ['in', 'this,'], ['its', 'host.as'], ['to', 'frame'], ['upon', 'everything'], ['that', 'a'], ['of', 'the'], ['three', 'fourths'], ['her', 'form*.and'], ['', 'responding'], ['be', 'as'], ['', 'Hails'], ['that', 'give'], ['', 'absolute'], ['are', 'doing'], ['fact', 'attracted'], ['that', 'he'], ['', 'thmk'], ['the', 'accident'], [';', 'alter'], ['wealthjCommanding', 'them'], ['Elaine', 'a'], ['speculators', 'this'], ['They', 'were'], ['notori-', 'ous.'], ['will', 'have'], ['The', 'candy'], ['he', 'shot'], ['by', 'anti'], ['the', 'strength'], ['ffuod', 'house'], ['as', 'tfc-y'], ['are', 'appointed'], ['thereof,', 'or'], ['had', 'only'], ['their', 'conduct'], ['the', 'result'], ['houses', 'areou'], ['utmost', 'that'], ['malteisof', 'detail.'], ['', 'moral'], ['', 'the'], ['the', 'tented'], ['Spanish', 'friends.'], ['will', 'bo'], ['dramatic', 'student.'], ['ol', 'no-'], ['was', '32530'], ['<t', 'stake'], ['thar', 'and'], ['to', 'live.'], ['was', 'found'], ['for', 'ornaments.'], ['least', 'sympathy'], ['the', 'volume'], ['a', 'man'], ['The', 'course'], ['men,', 'or'], ['me', 'a'], ['of', 'torn'], ['', 'many'], ['for', 'passengers,'], ['tho', 'least'], ['seriously', 'considered.'], ['a', 'sura'], ['six', 'ounces.'], ['a', 'large'], ['who', 'is'], ['transact', 'the'], ['drew', 'Taird'], ['of', 'hopes'], ['', 'throughout'], ['supreme', 'over'], ['go', 'about'], [';', 'resolve'], ['', 'secure'], ['mines', 'thirty'], ['be', 'taken'], ['building*', 'and'], ['card', 'and'], ['jail', 'to'], ['luniks', 'were'], ['the', 'machine¬'], ['tho', 'case'], ['', 'the'], ['that', 'every'], ['ilion.', '1'], ['removing', 'the'], ['frank', 'details'], ['few', 'days,'], ['of', 'Virginia.'], ['of', 'the'], ['to', 'the'], ['marked', 'change'], ['her', 'ol'], ['powerful,', 'and'], ['of', 'elective'], ['to', 'any'], ['my', 'case'], ['', 'a'], ['at', 'Popov'], ['ere', 'he'], ['residents', 'who'], ['resolved', 'if'], ['of', 'the'], ['of', 'Gen.'], ['of', 'the'], ['river—5000', 'acres,'], ['Whenever', 'cheap'], ['with', 're¬'], ['to', 'find'], ['appoint-', 'ed'], ['acres', 'ana'], ['instance,', 'been'], ['to', 'the'], ['Territory,', 'as'], ['manner,', 'in'], ['or', 'some-'], ['located', 'In'], ['tree', 'and'], ['episcopate.', 'The'], ['Case', 'of'], ['', 'Maiden'], ['A.', 'M.'], ['local', 'paper,'], ['a', 'fortune'], ['also,', 'if'], ['taken', 'by'], ['Next', 'to'], ['iiolkliain.', '\\\\\\\\'], ['', "cssail'.t!"], ['evidence', 'ought'], ['pletumt', 'v'], ['h*s', 'M.'], ['Slate', 'legislature,'], ['producing', 'a'], ['November,', 'and'], ['of', 'matrimony.'], ['supremacy', 'over'], ['of', 'the'], ['process', 'will'], ['forward', 'to'], ['state', 'of'], ['w', 'Inch'], ['cried', 'M.'], ['way', 'can'], ['a', 'check'], ['to', 'distribute'], ['disturbed', 'by'], ['College,', 'Maryland."'], ['tender', 'does'], ['19,', '20,'], ['That', 'this'], ['During', 'tho'], ['Apostolic,', 'and'], ['jurisdiction', 'in'], ['last', 'came'], ['be', 'deemed'], ['of', 'cure:'], ['lour', 'miles,'], ['such', 'sol-'], ['the', 'steam'], ['been', 'repeated'], ['became', 'an'], ['to', 'inevitable'], ['has', 'served'], ['baccs,', 'save'], ['shall', 'keep'], ['', 'In'], ['seIze', 'in'], ['go', 'to'], ['route', 'had'], ['', 'a'], ['prescribed', 'or'], ['the', 'laws'], ['for', 'per-'], ['telegraphic', 'dispatches,'], ['two', 'ways'], ['held', 'a'], ['floor', 'again.'], ['territory,', 'eitlier'], ['the', 'constantly'], ['have', 'usurped'], ['the', 'number'], ['Justice', 'Charles'], ['', 'is'], ['thought', 'she'], ['in', 'adequate'], ['line', 'and'], ['by', 'evidence'], ['the', 'party.'], ['he', 'could'], ['', 'furnished'], ['credit,', 'l>y'], ['it', 'never'], ['new', 'commissioner'], ['curtail', 'the'], ['was', 'his'], ['side', 'of'], ['their', 'old'], ['that', 'eve-'], ['for', 'a'], ['action', 'will'], ['place,', 'speak-'], ['the', 'country.'], ['the', 'location'], ['', 'barbacuc,'], ['remedy.', 'The'], ['subject', 'id'], ['', 'ed.'], ['to', 'take'], ['t.,', 'gain'], ['to', 'the'], ['and', 'connected'], ['United', 'States'], ['improve', 'the'], ['upper', 'branches,'], ['the', 'fieid'], ['Monday', 'at'], ['up', 'with'], ['ancient', 'tools'], ['forward', 'to'], ['with', 'towns'], ['for', "miners'"], ['county—', 'J>>-'], ['west', 'about'], ['done', 'is'], ['in', 'transit'], ['onions,', 'and'], ['way.', 'Every'], ['would', 'outweigh'], ['originating', 'princi-'], ['of', 'Mexico.'], ['B.', 'R'], ['assist', 'Gene¬'], ['and', 'Council.'], ['cuuuty,', 'as'], ['its', 'first'], ['prisoner.', 'His'], ['prior', 'to'], ['', 'largest'], ['accepted.', 'The'], ['to', 'keep'], ['principle', 'upon'], ['£', 'iretty'], ['', 'feet'], ['hounds', 'captured'], ['accident.', 'Indeed,'], ['', 'the'], ['attached', 'to'], ['beautiful', "es'n"], ['view', 'of'], ['tamper', 'with.'], ['ol', 'America'], ['.', 'M.'], ['', 'break'], ['harmo¬', 'nized'], ['out', 'the'], ['of', 'Congress'], ['whom', 'I'], ['makes', 'another'], ['', 'sign'], ['Prof.', 'Wilhelm,'], ['to', 'recover'], ['thrown', 'in'], ['common', 'seal'], ['conies', 'in,'], ['every', 'summer,'], ['tendency', 'would'], ['it', 'in'], ['liquors', 'within'], ['from', 'the'], ['had', 'one'], ['of', '«aid'], ['a', 'college'], ['this', 'remarkable'], ['not', 'receive'], ['to', 'corruption'], ['would', 'not'], ['8', "o'clock"], ['Siberian', "Tartary,'"], ["Har'zell", 'should'], ['', 'of'], ['', '45'], ['and', 'equality'], ['par', 'value'], ['mortgago', 'and'], ['ad\xad', 'hesiveness,'], ['in', 'knowing'], ['in', 'the'], ['and', 'J.'], ['00', 'days,'], ['', 'mi'], ['were', 'extended'], ['this,', 'a'], ['', 'with'], ['1"»', 'rubles'], ['to', 'one'], ['', 'narrow;'], ['It', 'is'], ['A', 'woman'], ['the', 'grades'], ['of', '$679.22'], ['po-', 'I'], ['he', 'very'], ['foothold', 'in'], ['blood', 'of'], ['Frederick', 'Steinborn.'], ['', 'Union,'], ['although', 'It'], ['', 'At'], ['struggle', 'would'], ['', 'how'], ['go', 'over'], ['and', 'pub-'], ['and', 'there'], ['abont', 'to'], ['her', 'being,'], ['with', 'as'], ['', 'letter'], ['perform', 'the'], ['what', 'appeared'], ['his', 'opinions'], ['to', 'Sablon.'], ['1', 'stifl'], ['of', 'the'], ['', 'According'], ['the', 'same'], ['II', 'congress.'], ['little', 'to'], ['Logues', 'restaurant,'], ['here', 'the'], ['of', 'the'], ["intcrprc'a-", 'tions.'], ['according', 'to'], ['human', 'being.'], ['McComas,', 'Baltimore;'], ['and,', 'deeming'], ['were', 'displaytd'], ['opinion;', 'and'], ['there', 'is'], ['held', '?'], ['and', 'Oilier'], ['policy,', 'of'], ['Canada', '7'], ['for', 'two'], ['be', 'harvested.'], ['had', 'been'], ['condition.', 'Other'], ['stolen', 'Ibis'], ['man,', 'than'], ['and', 'how'], ['about', 'two'], ['J.', 'Greer,'], ['', 'er.y'], ['', 'three'], ['made', 'a'], ['without', 'attempt'], ['', 'spite,'], ['tho', 'Civil'], ['', 'she'], ['tchools.', 'The'], ['with', 'ammunition'], ['day,', 'rather'], ['ceased', 't*'], ['The', 'News'], ['Gen-', 'oral'], ['five', 'dollars'], ['the', 'expi¬'], ['recently', 'returned'], ['', 'long,'], ['ibis', 'election,'], ['1', 'found'], ['Pasha', 'had'], ['peacefully', 'to'], ['m', 'k*'], ['thereof', 'by'], ['at', 'their'], ['and', 'Good'], ['the', 'minutest'], ['the', 'icport,'], ["M'ftae,", 'Pace,'], ['and', 'Orient'], ['nine', 'cents'], ['', 'their'], ['his', 'home'], ['grQwth', 'of'], ['bright', 'new'], ['have', 'been'], ['belongs', 'to'], ['known', 'as'], ['hate.', 'The'], ['shall', 'mount'], ['tl', 'c'], ['to', 'adopt'], ['which', 'they'], ['er', 'would'], ['Tin', 're'], ['us', 'as'], ['', 'section'], ['re-', 'ceived'], ['University', 'Mr.'], ['She', 'has'], ['about', 'as'], ['have', 'no'], ['first', 'time'], ['Isung', 'almost'], ['style', 'Why,'], ['be', 'glad'], ['would', 'have'], ['national', 'supremacy,'], ['the', 'people.'], ['', 'commend.)'], ['make', 'this'], ['of', 'La'], ['boy,', 'took'], ['house,', 'wringing'], ['to', 'burn'], ['did', 'no'], ['party', 'of'], ['air.', 'The'], ['was', 'commonly'], ['optional', ';'], ['Rome', 'and'], ['', 'the'], ['market', 'were'], ['competition', 'with'], ['to', 'the'], ['the', 'white'], ['tho', 'proclamation'], ['In', 'Book'], ['metamorphic', 'rocks'], ['more', 'favorable'], ['', 'South.'], ['eldei', 'Watson'], ['73“', "08'"], ['standing', 'and'], ["l.'heiwkees", 'are'], ['the', 'two'], ['the', 'pence'], ['dispelled', 'all'], ['not', 'to'], ['House', 'l'], ['', 'does'], ['but', 'the'], ['', 'cliange'], ['en-', 'gineers'], ['Congress', 'at'], ['had', 'euccessfu'], ['Missouri.', 'Frank'], ['W', '100'], ['were', 'plenty'], ['upon', 'the'], ['throughout', 'the'], ['the', 'winding'], ['succeeded', 'in'], ['to', 'the'], ['assembled', 'that,'], ['the', 'elementary'], ['and', 'prosperous'], ['were', 'visited'], ['the', 'forestry,'], ['to', 'tin'], ['circumstances,', 'is'], ['United', 'States.'], ['under', 'it)'], ['have', 'com'], ['chiv-', 'alry'], ['true,', 'as'], ['hit', 'up'], ['winter.', 'He'], ['designed,', 'we'], ['to', 'own.'], ['His', 'pictures'], ['D.', 'Cassiday,'], ['and', 'the'], ['lo%', 'e'], ['all', 'the'], ['occasions,', 'ninke'], ['Haven,', 'where'], ['to', 'which'], ['Philip,', 'who'], ['6', 'Ballville'], ['which', 'prevails'], ['recently', 'been'], ['to', 'whether'], ['We', 'reached'], ['words', 'produced'], ['the', 'Stated'], ['', 'consequences'], ['under', 'the'], ['tho', 'Republican'], ['loose.', 'Then'], ['this', 'very'], ['the', 'city'], ['from', 'the'], ['interest', 'in'], ['In', 'which'], ['relief', 'of'], ['wore', 'dry'], ['learned', 'enough'], ['blh', 'allegiance'], ['pump', 'it'], ['We', 'were'], ['1', 'to'], ['', 'cial'], ['in', 'reading'], ['bacteria', 'adhering'], ['the', 'Melbourne'], ['re-', 'joicing.'], ['feathers."', '(L.'], ['down', 'Cemetery'], ['ropes', 'ana'], ['to', 'efficiently'], ['which,', 'it'], ['to', 'rest'], ['the', 'Whigs;'], ['i»', 'worthy'], ['carried', 'to'], ['whieii', 'to'], ['rate', 'of'], ['has', 'impressed'], ['', 'been'], ['others.', '1'], ['', 'forts'], ['', 'second'], ['directed', 'and'], ['to', 'be'], ['State', 'or'], ['of', 'heaven,'], ['currency,', 'and'], ['that', 'he'], ['old', 'and'], ['Mr.', 'Morrill'], ['brought', 'in'], ['to', 'lands'], ['thirty', 'feet'], ['was', 'j'], ['"advices', 'from'], ['of', 'the'], ['M:-', 'son'], ['Ramirez.', 'At'], ['hesitated', 'or'], ['nothing', 'in'], ['', 'Jeffersonville.'], ['This', 'could'], ['f*r«.iil«-i»t', 'informs'], ['Three', 'times'], ['of', 'the'], ['the', 'advocacy'], ['changed', 'Callavas'], ['.', 'contended,'], ['of', 'the'], ['corn', 'icope'], ['due', 'to'], ['desperate', 'efforts'], ['the', 'actof'], ['two', 'years,'], ['securely', 'closed.'], ['commenced', 'their'], ['', 'Severn'], ['in', 'the'], ['would', 'not'], ['counsel', 'I'], ['News', 'declares'], ['torinnice', 'ot'], ['', 'to'], ['', 'obligations'], ['come', 'down'], ['a', 'serge'], ['offspring.', 'Such'], ['this', 'dilemma."'], ['aaxioualy', 'back'], ['m', '.;'], ['tobacco', 'belonging'], ['and', 'ingeniously'], ['living,', 'however,'], ['these', 'taxes'], ['secure', 'a'], ['along', 'three'], ['the', 'erowds'], ['but', "h's"], ['opera-', 'tions,'], ['more', 'ad-'], ['three', 'times'], ['good', 'many'], ['nanninose,', 'leaving'], ['upon', 'this'], ['de', 'Chambour'], ['the', 'domination'], ['for', 'members'], ['', 'to'], ['and', 'rigid'], ['year.', 'Then'], ['to', 'Cor.No.2jthence'], ['', 'days,'], ['“Men,', 'who,'], ['no', 'provision'], ['', 'other,'], ['the', 'learned,'], ['We', 'fear'], ['the', 'Atchison,'], ['Elks,', 'who'], ['side', 'of'], ['the', 't'], ['with', 'the'], ['some', 'very'], ['such', 'are'], ['', 'bull'], ['standing.', 'Dr.'], ['earth', 'or'], ['show', 'much'], ['accommo-', 'dating'], ['the', 'opposite'], ['from', 'him'], ['he', 'very'], ['better', 'qualified'], ['now', 'confident'], ['often', 'disfigure'], ['decided', 'that'], ['and', 'Richmond,'], ['of', 'the'], ['look', 'ha-k'], ['', 'of'], ['on', 'the'], ['A.', 'thought'], ['and', 'the'], ['as', 'still'], ['myself,', 'but'], ['cap', 'a'], ['comes,', 'lie'], ['merchants', 'and'], ['John', 'Ambler,'], ['in', 'relation'], ['-', 'which'], ['to', 'redeem,'], ['course', 'by'], ['centage', 'on'], ['of', 'a'], ['that', 'when'], ['values', 'and'], ['kind', 'is'], ['carriage', 'house,'], ['extensive', 'plan,'], ['the', 'interests'], ['had', 'afforded'], ['expor\xad', 'tation'], ['her', 'appetite'], ['measured', 'off,'], ['at', 'that'], ["'hrones", 'of'], ["'Ibomas", 'and'], ['', "whit'"], ['dlstille-', 'ry,'], ['for', 'the'], ['?', 'to'], ['', 'In'], ['each.)', '—:o'], ['later', 'Mrs.'], ['which', 'shall'], ['January,', '1867'], ['in', 'a'], ['Yew', 'York,'], ['in', 'which'], ['tho', 'allied'], ['Czapkay', 'many'], ['metal', 'a'], ['over', 'our'], ['', 'mised'], ['and', 'in'], ['', 'has'], ['', 'clieii,'], ['committing', 'to'], ['of', 'the'], ['G.', 'W.'], ['', 'which'], ['pursue', 'the'], ['stages,', 'in-'], ['the', 'scene,'], ['presented', 'in'], ['to', 'all'], ['interest,', 'honor'], ['bill', 'but'], ['equipment', 'such'], ['tal', 'le.the'], ['at', 'in'], ['to', 'attacking'], ['under', 'a'], ['in', 'two'], ['restore', 'the'], ['', 'to'], ['from', 'start'], ['', 'townships,'], ['but', 'of'], ['girl', 'he'], ['own', 'field'], ['Czapkay', 'fortunately'], ['aroused', 'for'], ['the', 'valuab'], ['there', 'recorded'], ['By', 'tire'], ['all', 'that'], ['from', 'defendant'], ['al', 'lanus'], ['havo', 'a'], ['', 'thers'], ['', 'w'], ['Who', 'can'], ['mile:', 'from'], ['move', 'an'], ['more', 'correct'], ['a', 'part'], ['Cali¬', 'fornia,'], ['at', 'Council'], ['votes,', 'us'], ['so', 'also'], ['community,', 'or'], ['for', 'the'], ['40', 'feet'], ['ire', 'eternal,'], ['are', 'informed'], ['for', 'the'], ['industry,', 'that'], ['collar,', 'htack.-mlth'], ['be', 'given'], ['made', 'by'], ['our', 'Federal'], ['In', 'last'], ['mind', 'their'], ['Kiich', 'fact'], ['Government.', 'We'], ['the', 'defen-'], ['beeoiuiu', 'reiiernl'], ['from', 'tho'], ['was', 'at'], ['peace', 'and'], ['', 'New'], ['as', 'tobacco'], ['liberally', 'pay'], ['of', 'glass'], ['that', 'they'], ['shot', 'oft'], ['and', 'weighing'], ['tlietn', 'at'], ['and', 'live'], ['ste', 'what'], ['families', 'of'], ['o', 'said'], ['part,', 'in'], ['in;', 'this'], ['the', 'trees'], ['', 't'], ['however', 'extensive*'], ['out', 'of'], ['our', 'left'], ['to', 'be'], ['the', 'mosls'], ['the', 'nomination'], ['to', 'the'], ['under', 'his'], ['which', 'constitute'], ['that', 'he'], ['already', 'being'], ['ooold', 'have'], ['', 'that'], ['which', 'they'], ['series', 'of'], ['not', 'touch'], ['putting', 'down'], ['that', 'he'], ['tin*', '1'], ['land', 'plaster'], ['but', 'ten'], ['', 'while'], ['r*', 'tirenienf.'], ['', 'his'], ['as', 'Great'], ['', 'that'], ['the', 'title'], ['class,', 'and'], ['', 'that'], ['our', 'rtiief,'], ['payable', 'January'], ['marksman,"', 'to'], ['The', 'bit'], ['was', 'be-'], ['After', 'lie'], ['less', 'damage.'], ['', 'or'], ['it', 'better'], ['they', 'ever'], ['to', 'allow'], ['greater', 'degree.'], ['7.1', 'teeth'], ['her', 'mis\xad'], ['ensilage', 'of'], ['should', 'rather'], ['time', 'my'], ['of', 'S.anialuus.'], ['who', 'hail'], ['position,', 'when'], ['had', 'been'], ['can', 'be'], ['a', 'slice'], ['of', 'Commissioners'], ['', 'perches'], ['Turk"', 'move-'], ['of', 'retaliation,'], ['of', 'tbe'], ['why', 'a'], ['beach', 'he'], ['old,', 'the'], ['one', 'very'], ['no', 'doubt'], ['', 'onstrations,'], ['force', 'of'], ['had', 'expired'], ['remarkable', 'cures'], ['shall', 'be'], ['white', 'race'], ['test', 'oaths'], ['was', 'it'], ['well', 'known'], ['merely', 'a'], ['default.', 'Notico'], ['tho', 'morning'], ['to', 'be'], ['the', 'damage'], ['had', 'suppressed'], ['circular', 'saw,'], ['bill,', 'the'], ['to', 'Huropo'], ['to', 'his'], ['the', 'island'], ['have', 'rerjnired'], ['blil', 'concerning'], ['will', 'be'], ['back', 'or'], ['never', 'seek-'], ['the', 'commissioners'], ['and', 'parted,'], ['too', 'fotr'], ['', 'to'], ['#4', 'and'], ['', 'an'], ['ripe', 'tomatoes,'], ['irritation,', 'among'], ['miles', 'wide,'], ['at', 'Baltimore'], ['members', 'i.fiirin,'], ['and', 'many'], ['w', 'hich'], ['and', 'going'], ['here', 'are'], ['his', 'wife'], ['say', 'some.'], ['enough', 'in'], ['to', '125,'], ['gentlemen,', 'and'], ['himself,', 'draws'], ['undertake', 'the'], ['a', 'wide'], ['I', 'would'], ['hunger;', 'but'], ['', '>ur'], ['become', 'the'], ['colo-', 'nits'], ['tho', 'Kbbitt'], ['', 'earning'], ['of', 'mingled'], ['the', 'Bank,'], ['You', 'enter'], ['substance,', 'except'], ['proper', 'to'], ['fac-', 'tory'], ['surrounded,', 'without'], ['', 'grand'], ['spite', 'of'], ['but', 'that'], ['Here', 'is'], ['', 'the'], ['the', 'Whig'], ['met.', 'As'], ['cithorl', 'of'], ['ss.', 'A'], ['by', 'being'], ['Nos', '4238'], ['a', 'light'], ['The', 'Kennistons'], ['night', 'a'], ['who', 'would'], ['in', 'a'], ['', 'er?'], ['', 'control'], ['by.', 'the'], ['Iter', 'arm'], ['help*', 'him'], ['', 'beach'], ['given', 'on'], ['Dyspepsia.', 'They'], ['leaguing', 'now,'], ['11,', '1803,'], ['the', 'president'], ['The', 'cheeks'], ['', 'no'], ['in', 'this'], ['this', 'amend-'], ['', 'These'], ['Moose', 'in'], ['something', 'wrong.'], ['Poor', 'Offering,'], ['in', 'an'], ['8', 'canvas'], ['ea"ernem', 'to'], ['', 'and'], ['France', 'and'], ['East', 'Half'], ['', 'trnry,'], ['the', 'time'], ['that', 'we'], ['years', 'is'], ['', 'a'], ['name', 'and'], ['city', 'shares,'], ['sale', 'of'], ['a', 'flatboat'], ['for', 'the'], ['and', 'a'], ['State', 'and'], ['surface.', 'There'], ['of', 'a'], ['agree', 'on'], ['thinking.', 'Judge'], ['', 'It'], ['the', 'wild'], ['holds', 'of'], ['such', 'a'], ['contended', '(lint'], ['', '16'], ['stated', 'in'], ['the', 'enemy'], ['the', 'best'], ['whole', 'revenue'], ['city', 'for'], ['Ararat.', 'Carter,'], ['they', 'compelled'], ['was', 'a'], ['were', 'before,'], ['four', 'to'], ['influenced', 'by'], ['', 'city'], ['dollars.', 'In'], ['act', 'would'], ['is', 'doomed'], ['', 'but,'], ['by', 'the'], ['', 'The'], ['case', 'of'], ['by', 'Medley;'], ['doleful', 'clang'], ['had', 'no'], ['to', 'conduct'], ['swords', 'with'], ['the', 'Wandering'], ['attrac-', 'tive.'], ['by', 'Spanish'], ['Mining', 'Claim'], ['side', 'of'], ['rewarded', 'lor'], ['to', 'Lettonian'], ['', 'are'], ['', 'for'], ['', 'and'], ['consumed', 'by'], ['ha.«', 'yet'], ['it', 'in'], ['shore', 'and'], ['', 'of'], ['profit', 'at'], ['all', 'the'], ['women', 'than'], ['', 'the'], ['sale', 'of'], ['hisverv', 'last'], ['the', 'public'], ['of', 'bolshevism.'], ['thought', 'it'], ['framed', 'by'], ['up', 'to'], ['Mobile.', 'The'], ['it', 'succeeded'], ['of', 'the'], ['on', 'or'], ['would', 'first'], ['rapidly', 'improve,'], ['bade', 'Mavis'], ['that', '.-very'], ['ral', 'of'], ['', 'backward'], ['', 'l)ite<'], ['latter', 'service'], ['he', 'is'], ['the', 'earth'], ['', 'the'], ['lives', 'to'], ["i'.ro", "ilcf'ji"], ['and', 'Ohio'], ['He', 'said'], ['little', 'clock'], ['Barrows', 'of'], ['and', 'it'], ['the', 'institution'], ['great', 'Increase'], ['tracts,one', '250,'], ['subjects', 'ot'], ['trace"', 'of'], ['this', 'country'], ['punishment', 'of'], ['these,', 'numerous'], ['their', 'lives.'], ['and', 'moved'], ['', 'nussell,'], ['France,', 'and'], ['moral', 'precepts'], ['results', 'of'], ['', 'violation'], ['in', 'caibsons9'], ['family', 'to'], ['that', 'if'], ['or', 'South'], ['be', 'executed'], ['present', 'on'], ['that', 'place'], ['the', 'time'], ['', 'ble'], ['ol', 'Mr.'], ['pre¬', 'vious'], ['of', 'tho'], ['who', 'proposed'], ['be', 'one'], ['all', 'expecta'], ['be', 'so'], ['been', 'done'], ['as', 'the'], ['on', 'the'], ['at', 'a'], ['i', 'tods,'], ['so', 'easy.'], ['bay', 'leaf'], ['us,', 'we'], ['their', 'political'], ['', 'ofthe'], ['recognize,', 'or'], ['the', 'country'], ['among', "'em"], ['coun-', 'try'], ['is', 'however'], ['the', 'slightest'], ['of', 'one'], ['do', 'Mouchy,'], ['', 'rection.'], ['173tf;', 'and'], ['suing:', 'Provided,'], ['with', 'Marguerite'], ['velocity', 'of'], ['', 'other'], ['one', 'makes'], ['Uazctre', '<l«*'], ['more', 'can'], ['time', 'to'], ['the', 'Treasurers'], ['of', 'the'], ['', 'and'], ['he', 'passed'], ['lie', 'de|msilcd'], ['place,', 'which'], ['the', 'drain.'], ['Convention', 'and'], ['him', 'out'], ['of', 'ample'], ['', 'pathies'], ['that', 'Dr.'], ['', 'it'], ['the', 'regulations'], ['st', 't-x-chagu;'], ['the', 'glare'], ['the', 'sum'], ['they', 'cannot'], ['on', 'the'], ['much', 'in-'], ['the', 'value'], ['second', 'term'], ['of', 'executing'], ['my', 'cousin'], ['', 'should'], ['or', 'of'], ['yet', '!*een'], ['of', 'tho'], ['', 'hundred'], ['ornamental', 'light'], ['', 'members'], ['would', 'procure'], ['being', 'cleared'], ['It', 'more'], ['and', 'must'], ['a', 'dozen'], ['', 'ate'], ['', 'relate'], ['stop', 'to'], ['is', 'very'], ['But', 'all'], ['Range,', 'eighteen'], ['to', 'regard'], ['can', 'hut'], ['ha', 'ft'], ['they', 'would'], ['kinds', 'of'], ['', 'vested'], ['At', 'any'], ['tho', 'organiza-'], ['was', 'passed'], ['constitutional', 'amend-'], ['n', 'grand'], ['it', 'only'], ['with', 'the'], ['M.', 'O'], ['up', 'above'], ['is', 'one'], ['cit', 'with'], ['those', 'hours,'], ['', 'constitutional'], ['Democratic', 'party,'], ['comments', 'as'], ['', 'now,'], ['front', 'of'], ['retrospection', 'many'], ['to', 'deny'], ['and', 'which'], ['each,', 'due'], ['the', 'Nicaraguan'], ['distant;', 'thence.S'], ['commenced', 'sooner'], ['litis', 'note'], ['', 'of'], ['was,', 'in'], ['Sisters.', 'They'], ['', 'flect'], ['AVilliam', 'H.'], ['and', 'best'], ['has', 'boasting-'], ['', 'Other'], ['the', 'testimony'], ['n', '»'], ['have', 'en'], ['', 'Mayor'], ['rose', 'through'], ['nearly', 'all'], ['from', '50'], ['had', 'led'], ['', 'as'], ['which', 'had'], ['first', 'addition;'], ['was', 'born'], ['so', 'diligently'], ['tin*', 'clerk'], ['rifle', 'by'], ['But', 'I'], ['your', 'Committee,'], ['', 'the'], ['and', 'did'], ['', 'power'], ['musle', 'iox'], ['is', 'made'], ['and,', 'after'], ['', 'high'], ['', 'but'], ['', 'or'], ['The', 'writer'], ['of', 'the'], ['to', 'miss'], ['genius,', 'was'], ['', 'jurisdiction'], ['and', 'I'], ['fought', 'for,'], ['per', 'annum'], ['', 'the'], ['lot', 'It'], ['was', 'brought'], ['across', 'the'], ['to', 'go'], ['and', 'minds'], ['night.', 'The'], ['the', 'ease'], ['at', 'Richmond,'], ['since', 'tho'], ['pav-', 'ing'], ['Is', 'the'], ['has,', 'by'], ['the', 'offer'], ['to', 'snatch'], ['trouble', 'of'], ['', 'sand'], ['eiile.', 'We'], ['so', 'unsold,'], ['calculated', 'to'], ['all', 'retired'], ['to', 'the'], ['distant', 'part'], ['', 'accomplished.'], ['his', 'knees'], ['lands.', 'He'], ['the', 'counsel,'], ['', 'ing,'], ['bv', 'the'], ['', 'in'], ['played', 'a'], ['animal', 'was'], ['gather-', 'ing'], ['c.hostijut.', 'stick'], ['and', 'this'], ['chum', 'to'], ['owes', 'to'], ['in', 'ali'], ['the', 'ha'], ['for', 'the'], ['(Lord', 'Clarendon)'], ['', 'library,'], ['claims', 'she'], ['rebels', 'were'], ['', 'spoken'], ['his', 'office'], ['nud', 'compels'], ['is', 'as'], ['they', 'had'], ['and', 'brown'], ['all', 'Go¬'], ['were', 'present.'], ['it', 'n'], ['inferior', 'grades'], ['well,', 'aod'], ['will', 'of'], ['the', 'country,'], ['reflects', 'the'], ['', 'The'], ['', 'J'], ['Uect', 'upon'], ['always', '"the'], ['the', 'other'], ['slight', 'wouud:'], ['proceed', 'horn'], ['will', 'rot'], ['', 'federal'], ['no', 'reason'], ['United', 'States'], ['other', 'to'], ['a', 'stock,'], ['to', 'allow'], ['accorded', 'the'], ['annum', 'which'], ['in', 'said'], ['declaration', 'to'], ['to', 'ine'], ['The', 'steaaaer'], ['following', 'days'], ['near', 'presence'], ['160', 'perches'], ['the', 'best'], ['constitution', 'of'], ['good', 'order.'], ['front', 'of'], ['', 'adjudge,'], ['', 'holy'], ['far,', 'il'], ['', 'in'], ['', 'stance'], ['in', 'self-defence,'], ['portion', 'of'], ['very', 'naturally'], ['Port-', 'land,'], ['to', 'be'], ['of', 'voice'], ['', 'month,'], ['allow', 'the'], ['who', 'will'], ['bath', 'house'], ['do', 'Ci.nvev'], ['ail', 'careful'], ['at', 'large'], ['plan', 'of'], ['thus', 'the'], ['to', 'take'], ['Rome,', 'where'], ['each', 'time'], ['ground', 'for'], ['it', 'will'], ['the', 'number;'], ['sIuk,', 'met'], ['au¬', 'thorized,'], ['fnets', 'should'], ['7', '1,'], ['it', 'the'], ['taken', 'prisoner'], ['and', 'regulation'], ['time', 'elapsing'], ['necessity', 'for'], ['ousclves', 'alone,'], ['one', 'time'], ['of', 'the'], ['dry', 'and'], ['of', 'a'], ['', 'all'], ['resignation', 'ol'], ['ugliest', 'incidents'], ['the', 'decks'], ['', 'tance'], ['our', 'readers'], ['or', 'sayGod'], ['these', 'j'], ['ant', 'person'], ['for', 'their'], ['After', 'the'], ['creden', 'tials.'], ['wish', 'to'], ['j', 'auction'], ['', 'iftcr'], ['getting', 'too'], ['it', 'h'], ['<annou', 'which'], ['forbear', 'to'], ['Hene-', 'volent'], ['if', 'the'], ['appearing', 'in'], ['show,', 'it'], ['wreathing', 'tho'], ['unfavor-', 'able'], ['(8)', 'per'], ['orange', 'brandy'], ['ia', 'thia'], ['', 'very'], ['shore,', 'tple.rbiy'], ['', 'excursion'], ['parents', 'of'], ['000,000', 'dollars'], ['there,', 'hot*'], ['have', 'gono'], ['burdens', 'would'], ['call', 'the'], ['tineveit.', 'cradliy,'], ['place,', 'there'], ['these', 'organ.'], ['Bryan,', 'after'], ['poles;', 'thence'], ['made', 'passages'], ['to', 'exe-'], ['had', 'a'], ['', 'which'], ['', 'cant.'], ['', 'pecially'], ['well,', 'detect'], ['good', 'many'], ['the', 'action'], ['showing', 'up,'], ['his', 'rope.'], ['a-mies', 'of'], ['as', 'stated'], ['no-', 'thing'], ['', 'paid'], ['a', 'political'], ['of', 'founding'], ['a', 'want'], ['is', 'still'], ['foreclosed', 'by'], ['the', 'gnrh,'], ['ins', 'article'], ['', 'Sec.'], ['this', 'labor'], ['in', 'magnitude.'], ['it', 'did'], ['elaborate', 'preparations'], ['the', 'clothes'], ['sliver', 'watelies,'], ['As', 'a'], ['a', 'multitude'], ['into', 'cxe-'], ['this', 'demand'], ['into', 'the'], ['the', 'ijr<'], ['', 'tion'], ['the', 'exception'], ['', 'ment,'], ['adcr', 'cannot'], ['commodious', 'mansion'], ['Pittsburgh,', 'a'], ['any', 'stockholders'], ['yield', 'of'], ['the', 'food'], ['the', 'people'], ['he', 'de-'], ['the', 'order'], ['by', 'the'], ['yet', 'used'], ['Persons', 'who'], ['South', 'to'], ['ele-', 'ments'], ['time', 'when'], ['Lowe,', 'who,'], ['will', 'strew'], ['', 'they'], ['so', 'nearly'], ['injustice', 'to'], ['we', 'are'], ['sum-', 'marily'], ['behaved,', '"struck"for'], ['he', 'was'], ['down', 'the'], ['ten', 'to'], ['was', 'not'], ['Sudley;', 'thence'], ['the', 'convention'], ['I', 'know'], ['supply', 'muzzle'], ['prospective', 'buyer'], ['proper', 'cognizance'], ['', ';'], ['', '4'], ['that', 'almost'], ['', 'rienced'], ['sold', "jS'.l"], ['fi\\\\\\\\(', 'dness'], ['The', 'book'], ['out', 'of'], ['themselves.', 'Hut'], ['', 'the'], ['told', 'me'], ['aud\xad', 'itor'], ['with', 'Virginian'], ['inflammatory', 'stimulation'], ['re-', 'ligious'], ['such', 'bsy'], ['is', 'at'], ['above', 'described'], ['would', 'have'], ['to', 'the'], ['felt', 'and'], ['this', 'manner'], ['therefore', 'affecting'], ['Not', 'more'], ['sec', 'how'], ['ancestors', 'for'], ['it,', 'and'], ['gold', 'and'], ['or', 'Bown'], ['on', 'the'], ['agriculture,', 'of'], ['', 'extremity'], ['to', 'be'], ['judg-', 'ed'], ['Dutch-', 'man,'], ['is', 'dishonest.'], ['who', 'desire'], ['are', 'worthy'], ['', 'simultaneously'], ['now', 'to'], ['a', 'constitution'], ['what', 'is'], ['aftemsit-iu-', 'g'], ['into', 'the'], ['but', 'am'], ['at', 'large.'], ['', 'amount'], ['this', 'year,'], ['the', 'farmers'], ['his', 'mouth.'], ['this', 'mine.'], ['Ohio', 'and'], ['agonies', 'had'], ['excellent', 'music,'], ['of', 'my'], ['', 'trr'], ['advancement', 'may'], ['said', 'deed'], ['influenced', 'by'], ['of', 'the'], ['troops', 'at'], ['passed,', 'and'], ['of', 'the'], ["Sandy'Hill", 'cemetery'], ['Texas.', 'The'], ['the', 'supply'], ['effect', 'of'], ['|', 'liable'], ['state', 'of'], ['about', 'the'], ['incantations.', 'The'], ['only', 'joyful'], ['', 'period'], ['under', 'auspices,'], ['20.', '21'], ['state', 'for'], ['Gro\xad', 'ver'], ['recommendation', 'that'], ['health-seekerß,', 'but'], ['but', 'wi'], ['wear', 'out'], ['n', 'boy'], ['', 'an'], ['Just', "Isn't"], ['', 'come'], ["jpM'oiwafetit", 'o'], ['that', 'very'], ['tree,', '4'], ['city', 'chrater,'], ['It', 'seems'], ['ortleis,', 't'], ['of', 'Dabney'], ['as', 'the'], ['expedite', 'the'], ['', 'rattinetts'], ['With', 'noise'], ['forgotten', 'iu'], ['indecent', 'display'], ['of', 'an'], ['American', 'accent.'], ['', 'no'], ['', 'the'], ['', 'will'], ['the', 'duty'], ['high', 'as'], ['Democrat', '?'], ['', 'would'], ['to', 'the'], ['$152,', '-'], ['ho', "didn't"], ['pro-', 'ject,'], ['conflict.', 'In-'], ['', 'shade,'], ['vicinity', 'of'], ['which', 'slio'], ['', 'Englishmen'], ['', 'the'], ['dose', '1'], ['they', 'say'], ['-', 'cient'], ['I', 'he'], ['process,', 'and'], ['to', '15'], ['into', 'the'], ['slayers', 'had'], ['an', 'empty'], ['receive', 'them'], ['conceive', 'the'], ['To', 'him'], ['', 'the'], ['!', 'Why,'], ['of', 'Red'], ['followers', 'was'], ['present', 'as'], ['slowly', 'rotated,'], ['intend', 'to'], ['London', 'St'], ['you', 'thereby'], ['only', 'purchase'], ['the', 'purpose'], ['battleship', 'Illinois.'], ['ought', 'to'], ['as', 'a'], ['feet', 'in'], ['', 'one'], ['get', 'out'], ['with', 'a'], ['an', 'they'], ['be', 'made'], ['the', "man'vvas"], ['the', 'right'], ['The', 'interest'], ['ever\\\\\\\\', 'man'], ['Jo', 'them'], ['being', 'numbered'], ['the', 'best'], ['year', 'next'], ['to', 'cruise'], ['wcte', 'but'], ['Before', 'his'], ['long', 'and'], ['to', 'say'], ['can', 'do'], ['was', 'located.'], ['election', 'of'], ['to', 'keep'], ['place,', 'and'], ['act', ';'], ['there', 'is'], ['L.', 'Mayer,'], ['nc', 'odds.'], ['and', 'enlist'], ['disobeyed,', 'judgement'], ['Knowing', 'that'], ['our', 'Government,'], ['in', 'a'], ['the', 'claims'], ['at', 'four'], ['ot', 'it;'], ['court', 'house'], ['the', 'Prise'], ['be', 'infallible,'], ['speech,', 'turned'], ['This,', 'you'], ['peace,', 'our'], ['me', 'and'], ['in', 'the'], ['whenever', 'I'], ['when', 'all'], ['secede', 'at'], ['', 'and'], ['and', 'a'], ['are', 'something'], ['little', 'Pomeranian.'], ['the', 'consent'], ['another', 'cannot'], ['', 'Senators'], ['will', 'sound'], ['mail', 'communi-'], ['or', '"lirst'], ['offer', 'will'], ['of', 'the'], ['the', 'interest'], ['component', 'parts'], ['on', 'hy'], ['10', 'matter'], ['men', 'of'], ['to', 'be'], ['', 'confessions'], ['', 'Mexico.and'], ['as', '$2'], ['either,', 'ordered'], ['killed', 'with'], ['even', 'if'], ['have', 'chosen'], ['court', 'the'], ['in', 'the'], ['and', 'differ'], ['no', 'indi-'], ['thefork\xad', 'ed'], ['reach', 'of'], ['', 'will'], ['owned', 'a'], ['costs', 'lit'], ['to', 'the'], ['The', 'probability'], ['six', 'perches'], ['and', 'commander'], ['defeu-', 'dam'], ['', 'is'], ['site', 'uf'], ['sum', 'of'], ['and', 'wlut'], ['vampyre,', 'that'], ['whch', 'are'], ['negroes,', 'free'], ['expectation', 'of'], ['raging', 'in'], ['', 'now'], ['', 'ply'], ['Teguese', 'and'], ['upon', 'his'], ['', 'start,'], ['.my', 'person'], ['the', 'portion'], ['more', 'earnestly'], ['possible', 'gratitude.—The'], ['to', 'plare'], ['high', 'pla-'], ['he', 'is'], ['should', 'leave'], ['This', 'family'], ['successfully', 'defended'], ['a', 'de\xad'], ['thous-', 'and'], ['', 'wood'], ['by', 'some'], ['ef', 'his'], ['named', 'Hc:si'], ['', 'Y.'], ['even', 'go'], ['', 'hope,'], ['', 'on'], ['hen', 'rewind'], ['prac-', 'titioner'], ['saddest', 'of'], ['body', 'from'], ['part', 'of'], ['wo', 'are'], ['it', 'into'], ['to', 'humanity,'], ['elo-', 'ping'], ['do', 'not'], ['', 'of'], ['Whig', 'cannot'], ['free', 'tmaet'], ['limit', 'depo-'], ['picked', 'out'], ['right', 'away.'], ['of', 'tlie'], ['upon', 'him,'], ['', 'This'], ['rest', 'assured'], ['Father.”', 'Here'], ['gentlemen', 'on'], ['proverbial.', 'They'], ['have', 'occurred'], ['well', 'greased'], ['and', 'tbout'], ['House', 'of'], ['gambling', 'house'], ['Although', 'covered'], ['', 'Statj'], ['there', 'are'], ['National', 'party'], ['that', 'cavalry?'], ['made', 'a'], ['the', 'road,'], ['in', 'the'], ['all', 'sources,'], ['of', 'his'], ['', 'and'], ['will', 'be'], ['and', 'place'], ['', 'great'], ['is', 'the'], ['jood', 'springs'], ['of', 'fir.e'], ['without', 'even'], ['not', 'Implore'], ['92,', 'A.'], ['water', 'believed'], ['to', 'whom'], ['make', 'master'], ['until', 'their'], ['', 'meeting'], ['re.', 'turaing'], ['', '1MI.'], ['the', 'fa-'], ['his', 'wonderful'], ['and', 'the'], ['and', 'three'], ['the', 'highest'], ['out', 'of'], ['he', 'feared'], ['opportunity', 'to'], ['applicant', 'suc\xad'], ['or', 'illustrious'], ['', 'government'], ['viev', 'if'], ['a', 'spree.'], ['li.is', 'never'], ['day', 'of'], ['on', 'the'], ['have', 'substantial'], ['au¬', 'thors'], ['much', 'of'], ['that', 'such'], ['and', 'by'], ['ol', 'our'], ['be', 'permanently'], ['the', 's-tid'], ['', 'ginia'], ["doesn't", 'attract'], ['hereby', 'proposed'], ['the', 'works,'], ['a', 'few'], ['(Lots', '19'], ['with', 'the'], ['is', 'it'], ['a', 'mass'], ['with', 'rings,'], ['two', 'hundred'], ['it', 'corne'], ['of', 'twenty'], ['through', 'the'], ['the', 'trial'], ['re', 'com.'], ['the', 'benefit'], ['judgment,', 'it'], ['members', 'would'], ['reason.', 'He'], ['price,', 'was'], ['', 'it'], ['on', 'the'], ['sudden', 'death'], ['of', "ex'iirimr"], ['annals', 'of'], ['a', 'surprise'], ['differently', 'from'], ['eoiiforina-', "S',u"], ['', 'crashes'], ['and', 'fifty-eight'], ['advocates', 'of'], ['which', 'preclude'], ['the', 'way'], ['Kitty', 'Clyde'], ['he', 'won'], ['Helen', 'S.'], ['that', 'the'], ['to', 'i'], ['foot-', 'ball'], ['and', 'ps\\\\\\\\'], ['in', "the'"], ['', 'Mississippi'], ['purposes.', 'The'], ['from', 'c'], ['join', 'with'], ['plain,', 'and'], ['of', 'the'], ['three', 'veers'], ['for', 'bimself'], ['separate', 'certi\xad'], ['Hazard', 'crossed'], ['the', 'imported'], ['we', 'aver,'], ['', 'thus'], ['power', 'is'], ['contract', 'in'], ['rebel', 'works.'], ['will', 'be'], ['Federal', 'Government'], ['Abolitionists,', 'Ingsrsoll'], ['we', 'consider'], ['after', 'ten'], ['Edward', 'and'], ['Cornwall', 'made'], ['Gertrude', 'at'], ['the', 'Mississippi'], ['position', 'of'], ["“H'mcv”", 'and'], ['us,', 'as'], ['a', 'bull'], ['or', 'three'], ['and', 'which'], ['Brook-', 'lyn'], ['the', 'lower'], ['from', 'death.'], ['of', 'the'], ['perfect', 'meldns.'], ['story', 'as'], ['gentle', 'care,'], ['a', 'statesman—capable'], ['', 'tice;'], ['Challenge', 'Day,'], ['<!', 'p'], ['a', 'force'], ['in', 'a'], ['opera-', 'tion'], ['extent', 'of'], ['ouutis', 'tinier'], ['and', 'stands'], ["reader's", 'mind'], ['friend', 'and'], ['lot', 'six'], ['me', 'but'], ['a', 'report'], ['the', 'people'], ['everything."', 'The'], ['10,', 'I'], ['awarded', 'to'], ['even', 'aa'], ['I.', 'more'], ['the', 'shop'], ['Roas,', 'supposed'], ['is,', 'they'], ['of*the', 'South,'], ['by', 'the'], ['can', 'only'], ['mightily.', '"Let'], ['', 'ly'], ['have,', 'in'], ['', 'titled'], ['startling', 'scandal.'], ['Governor', 'Boggs:'], ['Proceeds', 'of'], ['was', 'to'], ['', 'States'], ['American', 'Historical'], ['', 'President'], ['', 'cratic'], ['', 'then'], ['and', 'Vancou-'], ['Bolivar,', 'which'], ['was', 'all'], ['may', 'appeal'], ['N.', 'N'], ['skin', 'shows'], ['compensation', 'for'], ['a', 'time'], ['', 'lways'], ['the', 'Railroad'], ['whole', 'labour'], ['the', 'necessity'], ['(sur-', 'render'], ['in', 'block'], ['by', 'rail'], ['', 'perty'], ['that', 'brought'], ['are', 'now'], ['those', 'ac-'], ['to', 'lonopollzo'], ['to', '165ft*,'], ['', 'now'], ['are', 'moving'], ['for', 'her,'], ['was', 'erected'], ['will', 'rontiuue'], ['intentions', 'of'], ['', 'from'], ['personal', 'comrades,'], ['to', 'give'], ['', 'tlie'], ['his', 'kidneys,'], ['every', "man's"], ['may', 'show'], ['to', 'Phoenix.'], ['Jones', 'called'], ['the', 'tread'], ['which', 'Hungary'], ['', 'engineer'], ['of', 'If'], ['', 'proceed'], ['Xo', 'pupil'], ['the', 'Head'], ['a', 'ride.'], ['is', 'not'], ['in', 'poor'], ['', 'just'], ['.Mr.', 'AJcrcer'], ['her', 'brother,'], ['tin*', 'life'], ['hoard.', 'I.ordS.'], ['Great', 'Beaver'], ['commanding', 'of-'], ['Waring,', 'of'], ['retained,', 'and'], ['records', 'of'], ['being', 'that'], ['one', 'end'], ['', 'to'], ['Washington', 'saw,'], ['under', 'State'], ['middlings', 'and'], ['tne', 'interval'], ['be', 'eaten.'], ['per', 'acre;'], ['blood.', 'Minute'], ['', 'him'], ['what', 'to'], ['the', 'use'], ['in', 'which'], ['efficient', 'person'], ['come', 'for-'], ['meanest', 'and'], ['', 'fer,'], ['for', 'the'], ['so', 'happy,'], ['a', 'right'], ['washed', 'or'], ['and', "pennants'"], ['out.', 'The'], ['', 'sleep,'], ['production', 'of'], ['', 'eight,'], ['that', 'his'], ['physlolani,', 'Roosevelt,'], ['sense', 'In'], ['the', 'instruction'], ['to', '!he'], ['throw', 'ail'], ['laws,', 'whether'], ['the', 'corner'], ['bis', 'disposal'], ['a', 'rail-road'], ['', 'and'], ['', 'difficulty'], ['occasion,', 'let'], ['track', 'only'], ['whole,', 'to'], ['fore', 'suggests'], ['command.', 'Cameron,'], ['in', 'the'], ['out.', 'This,'], ['lust', 'teu'], ['twenty', 'tents'], ['more', 'sheep'], ['and', 'industrial'], ['back,', '1imbs'], ['an-', 'thor'], ['Spanish', 'and'], ['the', 'name'], ['tie-ill', 'much'], ['number', 'of'], ['conclusive', 'evidence'], ['expedition', 'above'], ['and', 'sluices,'], ['invented', 'that'], ['From', 'this'], ['Herrington,', 'dis-'], ['encroachments', 'on'], ['devoted', 'to'], ['sold', 'either'], ['that', 'ivj'], ['of', 'his'], ['.iulo', 'intercepted'], ['intervention', 'or'], ['Maryland,', 'tbe'], ['a', 'c;oubtful'], ['recurrence', 'may'], ['himself,', 'amongst'], ['', 'satisfactory'], ['to', 'read'], ['his', "lawyers',"], ['', 'he'], ['you', 'will'], ['these', 'rival'], ['as', 'furnished'], ['yards', 'froirL'], ['discovered', 'that'], ['draws', 'it'], ['', 'The'], ['was', 'outgoing,'], ['running', 'tectum'], ['part', 'of'], ['next', 'Saturday,'], ['and', 'i'], ['to', 'the'], ['this', 'stage'], ['If', 'th'], ['ts', 'by'], ['for', 'the'], ['not', 'a'], ['1', 'find'], ['sees', 'them'], ['key.', 'Up'], ['surely', 'unnecessary,'], ['', 'true'], [';', 'upon'], ['a', 'wound'], ['utility,', 'to'], ['that', 'therefore'], ['church', 'rand'], ['(the', 'wife'], ['arbitrary', 'as'], ['', 'and'], ['', 'Davis'], ['that', 'the'], ['gladiators', 'in'], ['it', 'would,'], ['are', 'the'], ['adopt', 'measures'], ['sale', 'has'], ['', 'Island'], ['Orleans', 'and'], ['and', 'out'], ['as', 'aforsald;'], ['laughed', 'lo'], ['', 'find'], ['Tho', 'little'], ['D.', '1909,'], ['could', 'dispose'], ['his', 'remarks;'], ['VV.', 'Summers'], ['lying', 'in'], ['the', 'Gloucester'], ['lal', 'lo'], ['There', 'arc'], ['Teach', 'Yoa'], ['needed.', 'Justice'], ['Digga;', 'Meek*'], ['tvhicl', 'we'], ['the', 'officers'], ['wide', 'their'], ['of', 'his'], ['and', 'what-'], ['of', 'foam'], ['', 'boats'], ['and', 'the'], ['passage', 'is'], ['in', 'their'], ['the', 'Turkish'], ['same', 'precaution'], ['Y.', 'Newell'], ['upon', 'by'], ['', 'men'], ['c:i«e,', 'would'], ['its', 'sove'], ['Three', 'Hundred'], ['abolition', 'of'], ['neces', 'sary'], ['on', 'a'], ['for', 'it'], ['highly', 'dangerous'], ['', 'shall'], ['took', 'La'], ['o', 'ni'], ['to', 'a'], ['oftheir', 'prisoners.'], ['', 'at'], ['foot', 'sore'], ['', 'succeeded,'], ['Logue', 'the'], ['he', 'has'], ['even', 'the'], ['put', 'ting'], ['', 'fiscal'], ['mail', 'matter'], ['glad', 'hand'], ['bucu', 'coutaalous'], ['ol', 't'], ['of', 'Okla-'], ['-fo', 'urt-'], ['we', 'justify'], ['in', 'an'], ['capable', 'and'], ['would', 'shoot'], ['near', "Fredericksb'irg,"], ['', 'gage'], ['companion', 'made'], ['', 'Fluvanna'], ['the', 'liajK'], ['granted', 'under'], ['color', 'it'], ['geein', 'to'], ['preparation', 'under'], ['mnl', 'conduct.'], ['my', 'hours'], [';', 'the'], ['', 'ver'], ['to', 'give'], ['from', 'the'], ['nearly', 'a'], ['spirit', 'of'], ["-i'", "He'"], ['license', 'signed'], ['thirty', 'ot'], ['and', 'cha-'], ['of', 'Countv'], ['', 'made'], ['was', 'the'], ['btatvs', 'to'], ['', 'infant.'], ['', 'to'], ['hands,', 'and'], ['', 'the'], ["copH'tsly", 'from'], ['judge', 'of'], ["'pig,", 'so'], ['the', 'spirit'], ['their', 'con-'], ['testify', 'to'], ['regard', 'io'], ['appears', 'often'], ['peace', 'and'], ['second', 'cup'], ['private', 'letters'], ['', 'kitchen;'], ['would', 'be'], ['should', 'be'], ['nothing', 'better'], ['due', 'and'], ['', 'sugar'], ['threaten-', 'ing'], ['h', 'predictions'], ['asked', 'for'], ['to', 'llietr'], ['Presi-', 'dent'], ['war', 'made'], ['by', 'your'], ['dried', 'leaves'], ['along', 'after'], ['that', 'six'], ['', 'Every'], ['', 'sheriffs.in'], ['indeed', 'in'], ['Secretary', 'also'], ['wanted,"', 'but'], ['continues', ';if'], ['when', 'nearly'], ['blue', 'grass,'], ['participation', 'in,'], ['paragraph', 'iii'], ['yvhite', 'population'], ['contract', 'liborsra'], ['be', 'expiated.'], ['', 'fraught'], ['his', 'room'], ['in', 'the'], ['is', 'qualified'], ['of', 'the'], ['', 'ergetic,'], ['rnlladimn,', 'another'], ['force', 'them'], ['never', 'so'], ['privilege', 'of'], ['th-', 'desolation'], ['pair', 'of'], ['charge', 'him'], ['enjoyed', 'such'], ['coming', 'winter'], ['head', 'and'], ['and', 'calls'], ['Their', 'business'], ['are', 'over'], ['far', 'more'], ['.', '1896,'], ['person', 'selling'], ['being', 'at'], ['remain', 'under'], ['attractive', 'and'], ['', 'For'], ['silk,', 'kid'], ['newspaper,', 'the'], ['weather', 'won'], ['a', 'majority'], ['his', 'ringing'], ['any', 'way'], ['the', 'Times'], ['', 'I'], ['get', 'alongside'], ['an', 'immediate'], ['Tennessee.', 'In'], ['', 'ly,'], ['we', 'arrived'], ['as', 'the'], ['stallion*', 'stake'], ['this!', 'imply'], ['“they', 'ex-'], ['(to', 'say'], ['said', 'Board'], ['it', 'now;'], ['were', 'thrown'], ['to', 'the'], ['which', 'had'], ['East', 'is'], ['horticultural', 'information'], ['II', '/m'], ['In', 'the'], ['on', 'Saturday'], ['not', 'believe'], ['getting', 'for'], ['plan,', 'but'], ['intelligence', 'io'], ['Eagle', 'Pass.'], ['', 'plies'], ['of', 'all'], ['there', 'were'], ['Government.', 'And'], ['»lad', 'to'], ['esteem', 'him'], ['District', 'to'], ['away', 'In'], ['Chairman', 'of'], ['looks', 'like'], ['to', 'the'], ['oxocutivo', 'committee'], ['increased', 'during'], ['which', 'have'], ['her', 'Kauroads'], ['uf', 'its'], ['and', 'violent'], ['', 'a'], ['tho', 'days'], ['as', 'to'], ['No', 'care'], ['snow', 'ball'], ['of', 'the'], ['the', 'Sjuthern'], ['lake;', 'in'], ['November', '1S79'], ['ot', 'Congress'], ['as', 'the'], ['now', 'speaking'], ["nrinoip'es", 'We'], ['these', 'parties'], ['may', 'justly'], ['', 'Fie'], ['you', 'invest'], ['the', 'commodity'], ['Taitse,', 'there'], ['became', 'evi¬'], ['daily', 'oiwlhat'], ['a', 'system'], ['correct,', 'I'], ['aggravation', 'of'], ['hall', 'we'], ['about', 'me'], ['and', 'his'], ['want', 'to'], ['', 'more'], ['', 'lava'], ['witbir.', 'a'], ['arms,', 'aud'], ['with', 'the'], ['instincts', '!it'], ['place,', 'you'], ['pro', 'action'], ['Land,', 'contiguous'], ['the', 'iu'], ['is', 'equally'], ['is', 'eggs,"'], ['army.', 'Prof.'], ['annual', 'salary'], ['Indians,', 'but'], ['lands', "formerly'"], ['mv', 'nocr'], ['state', 'has'], ['mischievous', 'tendency,'], ['office', 'That'], ['the', 'windows.'], ['less', 'Iu'], ['to', 'ascertain'], ['some', 'foreign'], ['restore', 'their'], ['what', '!'], ['g', 'g'], ['of', 'Ohio,'], ['to', 'say'], ['to', 'reiterate'], ['spectators', 'who'], ['with', 'the'], ['establishment.', 'When'], ['to', 'him'], ['lengthwise', 'with'], ['', 'the'], ['with', 'envy'], ['In', 'this'], ['grass', 'on'], ['m-house', 'declined'], ['Judge', 'is'], ['reading', 'acquaintance'], ['York,', 'but'], ['but', 'form'], ['Armory', 'on'], ['by', 'ha'], ['by', 'high'], ['', 'Milly,'], ['Gooch,', 'on'], ['a', 'dam'], ['last', 'ten'], ['the', 'last'], ['ot', 'the'], ['and,', 'in'], ['shorter', 'tern:,'], ['which', 'ire'], ['sale', 'was'], ['over', 'the'], ['', 'neoessary'], ['Brandreth', 'being'], ['the', 'community'], ['so', 'happy'], ['informed', 'aud'], ['American', 'prisoner'], ['', 'Committee'], ['I', 'was'], ['sleeves,', 'sizes'], ['who', 'has'], ['operation.', 'The'], ['a', 'mans'], ['very', 'quickly'], ['', 'every'], ['latter,', 'tluu'], ['been', 'done,'], ['now', 'mak'], ['the', 'crusts'], ['hey', 'have'], ['and', 'competency'], ['is', 'exceedingly'], ['in', 'cluding'], ['the', 'forest,'], ['Its', 'wording'], ['for', 'tellers,'], ['the', 'defendant'], ['just', 'donning'], ['the', 'rcheine'], ['considered', 'as'], ['the', 'trainmen.'], ['then', 'oc-'], ['and', 'agitating'], ['investigation', 'of'], ['at', 'jo.hlic'], ['?', 'Was'], ['', 'mills'], ['our', 'sins,'], ['in', 'the'], ['city', 'of'], ['complete', 'circle'], ['to', 'aid'], ['you', 'to'], ['am', 'aware'], ['The', 'very'], ['the', 'bil'], ['influence', 'of'], ['the', 'Havre'], ['found', 'in'], ['believe', 'will'], ['me,', 'father,'], ['Thome', 'and'], ['well', 'fenced'], ['heralded', 'forth,'], ['a', 'number'], ['pene-', 'trating'], ['ect.', 'Her'], ['association', 'with'], ['should', 'be'], ["Gregg's", 'recent'], ['Missionary', 'enterprise.'], ['Ready', 'Made'], ['dispatch', 'is'], ['horses,', 'mules'], ['venereal', 'sores,'], ['the', 'new'], ['Mouse', 'where'], ['', 'tho'], ['as', 'her'], ['the', 'city,'], ['June', '30th,'], ['duly', 'been'], ['wete', 'many'], ['will', 'produce'], ['relates', 'to'], ['at', 'enormous'], ['declarations', 'and'], ['pastor', 'af'], ['futile', 'to'], ['of', 'bridges.'], ['', 'with'], ['j', 'shudder'], ['a', 'law,'], ['iftqualsd,', 'c;'], ['', 'the'], ['Turkestan,', 'the'], ['unprohibited', 'games;'], ['been', 'the'], ['the', 'exercise'], ['', 'Mr.'], ['Penn,', 'who'], ['operated', 'most'], ['in', 'time,'], ['by', 'the'], ['exuberant', 'health'], ['or', 'more'], ['(tenernl', 'Cnvornmoiit'], ['aud', 'the'], ['ways', 'aud'], ['east', 'two'], ['let', 'him'], ['and', 'south'], ['great', 'fortune'], ['the', 'cost'], ['certain', 'of'], ['', 'get'], ['', 'Cobb,'], ['all', 'persons'], ['ilie', 'first'], ['', 'and'], ['different', 'colored'], ['affections', 'for'], ['who', 'may'], ['they', 'ratified'], ['your', 'own'], ['in', 'the'], ['mil!', 'suay'], ['ho', 'is'], ['', '427'], ['the', 'Democrats;'], ['the', 'Redick'], ['month', 'of'], ['getting', 'old'], ['and', 'lodges'], ['questions,', 'because'], ['its', 'body'], ['but', 'any'], ['is', 'the'], ['Save', 'a'], ['Each', 'ship'], ['', 'Sec.'], ['Bank', 'power,'], ['that', 'long'], ['set', 'out;'], ['if', 'unchecked,'], ['therefore,', 'notice'], ['the', 'standard'], ['neither', 'of'], ['', 'of'], ['kind.', 'What-'], ['for', 'improvement.'], ['regarded,', 'rightfully'], ['could', 'Just'], ['So', 'loud'], ['', 'the'], ['that', 'I'], ['jailor', 'died'], ['**weral', 'urns'], ['this', 'morning'], ['*unnd', 'in'], ['on', 'this'], ['would', 'have'], ['un-', 'derstood'], ['eight', 'celebrated'], ['copied,', 'slates'], ['the', 'officer.'], ['', 'citizens'], ['his', 'majesty'], ['to', 'their'], ['day', 'of'], ['', 'not'], ['', 'tiff.'], ['thanking', 'him'], ['other?', 'This,'], ['', 'amounted'], ['wHistle.', 'The'], ['flights', 'And'], ['of', 'their'], ['twelve', 'feet'], ['', 'fower'], ['antlcrime', 'wave'], ['to', 'a'], ['', 'materials,'], ['', 'movement'], ['be', 'carried'], ['in', 'such'], ['of', 'patriotism'], ['a', 'situation'], ['and', 'th»'], ['affair', 'w.h'], ['interfering.', 'Mr.'], ['', 'ted,'], ['over', 'a'], ['adverted', 't'], ['Sixth', 'street'], ['are', 'of'], ['', 'productive,'], ['meaaiag', 'li>'], ['', "o'clock,"], ['the', 'manuscript'], ['was', 'my'], ['', 'tv,'], ['the', 'hour'], ['Hetty', 'again'], ['price.', 'These'], ['by', 'her'], ['has', 'a'], ['their', 'ju-'], ['them', 'off'], ['', 'she'], ['faery', 'm'], ['altogether,', 'there'], ['', 'sia'], ['away', 'with'], ['dainty', 'under-gar-'], ['C.', 'Field,'], ['to', 'this'], ['continued,', 'until'], ['to', 'be'], ['long,', 'the'], ['to', 'the'], ['It', 'is'], ['being', 'conducted.'], ['ready', 'to'], ['hail', 'been'], ["Bishop's", 'address'], ['', 'in'], ['murk', 'of'], ['', 'Bathurst'], ['assessed)', 'ordered'], ['distinctly', 'stated,'], ['the', 'Union,'], ['pause,', 'and,'], ['to', 'haye'], ['womanhood.', 'wuea'], ['there', 'was'], ['could', 'do.'], ['', 'larger'], ['present', 'arrangement'], ['If,', 'on'], ['have', 'been'], ['in', 'oiber'], ['Rev.', 'Henry'], ['not', 'a'], ['at', 'the'], ['lie', 'cotisulereil'], ['the', 'finest'], ['', '172'], ['the', 'United'], ['Governor.', 'St'], ['ol', 'the'], ['by', 'deed'], ['his', 'meeting'], ['and', 'broke'], ['vigor', 'to'], ['be', 'wrong'], ['making', 'and'], ['good', 'men'], ['in', 'ti-i3'], ['of', 'the'], ['Department', 'under'], ['was', 'al-'], ['fall.', 'All'], ['Humbug', 'in'], ['the', 'years'], ['mrunure', 'ana'], ['of', 'discovery'], ['constalhle', 'got'], ['it;', 'he'], ['(lie', 'con'], ['', 'Mr.'], ['to', 'know,'], ['that', 'sugar'], ['', 'The'], ['value', 'of'], ['and', 'there'], ['force', 'in'], ['Slate', 'of'], ['7P.', 'M.'], ['', 'ent'], ['to', 'take'], ['may', 'seem'], ['', 'competitive'], ['could', 'Just'], ['', 'A'], ['while', 'pleased'], ['family', 'and'], ['The', 'proceedings'], ['in', 'State'], ['olomes;', 'which'], ['particular', 'party.'], ['the', 'City'], ['by', 'virtue'], ['entitle,|', 'to'], ['minstrel;', 'Miss'], ['it', 'by'], ['should', 'be'], ['and', 'iiuiividu'], ['dance', 'with'], ['the', 'Whig'], ['of', 'Jnckson,'], ['in', 'the'], ['ana', 'requires'], ['allowed', 'to'], ['say,', 'it'], ['not', 'done'], ['gone', 'through'], ['disease', 'is'], ['up', 'more'], ['a.I', 'cases'], ['latter', 'movement'], ['the', 'North'], ['continued', 'till'], ['', 'to'], ['Douglas', 'in'], ['by', 'the'], ['conversations', 'that'], ["can't", "'be"], ['memory', 'of'], ['ba-', 'are'], ['the', 'bank'], ['', 'He'], ['to', 'the'], ['to', 'show'], ['dairy', 'stock'], ['have', 'just'], ['of', 'it'], ['had', 'disobeyed'], ['Finlgan,', 'Race'], ['the', 'law'], ['this', 'instance'], ['early', 'variety,'], ['it', 'to'], ['when', 'market'], ['season', 'when'], ['', 'constitutional'], ['33', 'deg.'], ['He', 'read'], ['exhibit', 'was'], ['threats,', 'but'], ['to', 'some'], ['convicted."', 'It'], ['him.', 'He'], ['the', 'same'], ['', '['], ['Mrs.', 'R.'], ['Norman', 'Burnuru'], ['their', 'territory,'], ['wish', 'of'], ['of', 'electricity'], ['of', 'Ihe'], ['Another', 'practical'], ['', 'herein,'], ['comes', 'from'], ['were', 'a'], ['late', 'session,'], ['is', 'the'], ['', 'family.'], ['stricken', 'out.'], ['might', 'j'], ['life', 'in\xad'], ['', 'ties'], ['', 'TUSCOLA,'], ['in', 'the'], ['until', '-uch'], ['', 'in'], ['the', 'addition'], ['and', 'a'], ['desire', '"disho¬'], ['to', 'use'], ['all', ';'], ['', 'Harrliun,'], ['F.', 'H.'], ['and', 'recorded'], ['to', 'hire'], ['Clay.', 'The'], ['and', 'a'], ['be', 'used'], ['and', 'In.'], ['foreign', 'iiag.'], ['principles', 'stated'], ['Distillery', 'during'], ['lasted', 'fifty'], ['', 'and'], ['memory', 'of'], ['public', 'schools'], ['elect', 'one.'], ['and', 'his'], ['', 'ances'], ['effi\xad', 'ciency'], ['so', 'big'], ['', 'States'], ['3', 'day'], ['for', 'the'], ['by', 'a'], ['while', 'one'], ['the', 'club'], ['should', 'have'], ['do', 'not'], ['jail', 'smoky,'], ['tournament', 'in'], ['misuse,', 'waste'], ['and', 'the'], ['tendencies', 'of'], ['vacations,', 'but'], ['au\xad', 'thority,'], ['visible', 'in'], ['will', 'be'], ['other', 'States'], ['', 'situation'], ['real', 'downfall'], ['Administration.not', 'Tyler'], ['in', 'the'], ['50.', 'The'], ['the', 'dear'], ['modem', 'geology'], ['obtain', 'the'], ['Insurgents', 'and'], ['with', 'great'], ['minions', 'of'], ['seek-', 'ing'], ['and', 'resolutions,'], ['they', 'possessed'], ['dressed,', 'run'], ['he', 'could,'], ['', 'enjoyed'], ['force', 'with'], ['be', 'accounted'], ['and', 'advisable'], ['and', 'fifty'], ['earthly', 'considerations'], ['', 'abrupt'], ['ol', 'it*ell,'], ['', 'email'], ['liberator', 'oTUie'], ['e', 'xplaining'], ['the', 'whole'], ['', 'ing'], ['heard', 'in'], ['be', 'the'], ['be', 'collect-'], ['proposition', 'was'], ['modestly', 'at'], ['Washington', 'ita,'], ['strong,', 'and'], ['Twelve', 'and'], ['unsurpassed.', 'Furthermore,'], ['symptoms', 'would'], ['into', 'their'], ['the', 'Pi'], ['place', 'ns'], ['jurisdiction.', 'The'], ['', 'Sandy,'], ['After-', 'wards,'], ['by', 'the'], ['it', 'over'], ['Deed;', 'dated'], ['arrived', 'Tuesday'], ['', 'British'], ['as', 'that'], ['wan:ted', 'ofice'], ['It', 'is'], ['up', 'in'], ['this', 'conntry'], ['gnac', '!'], ['had', 'precceded'], ['tun', '!'], ['on', 'ordnance'], ['lawl.', 'tor'], ['of', 'the'], ['to', 'ittinnality.'], ['and', 'silver'], ['by', 'Indians,'], ['', 'could'], ['he', "didn't"], ['the', 'creek,'], ['a', 'homo'], ['vour', 'dutv'], ['it', 'prudent'], ['of', 'the'], ['was', 'mating'], ['their', 'growth.'], ['ground', 'that'], ['force', 'and'], ['protection', 'to'], ['the', 'limits'], ['can', 'girdle'], ['Senate', 'chamber'], ['Land', 'ltecords'], ['are', 'ht'], ['out', 'bount'], ['in', 'point'], ['what', 'needed'], ['and', 'finding'], ['', 'just'], ['un-', 'der'], ['and', 'the'], ['firm', 'bottom,'], ['both', 'over'], ['great', 'im-'], ['', '"the'], ['now', 'anu'], ['books,', 'with'], ['an', 'account'], ['', 'was'], ['to', 'review'], ['the', "man's"], ['View.', 'Others'], ['it,', 'most'], ['a', 'new'], ['a', 'lower'], ['inform', 'us,'], ['field', 'in'], ['forty-eigh-', 't'], ['The', 'heart'], ['as', 'a'], ['IH', 'tJOaatj'], ['who', 'have'], ['', 'and'], ['from', 'the'], ['Cuba', 'The'], ['', 'form'], ['over', 'a'], ['', 'on'], ['towns.', 'Hence,'], ['of', 'each.'], ['nearly', 'all'], ['Celestial', 'subjects,'], ['fit', 'thernselves'], ['St.', 'Louis.'], ['river', 'whero'], ['the', 'ITon'], ['', 'a5Tt'], ['and', 'because'], ['dislocating', 'the'], ['to', 'the'], ['be', 'done'], ['fractions', 'as'], ['to', 'the'], ['one', 'which'], ['talks', 'the'], ['obliga-', 'tions'], ['', 'aatit'], ['to', 'the'], ['Into', 'such'], ['old', 'Mead'], ['who', 'was'], ['State', 'has'], ['oa', 'sea'], ['struggles', 'amongst'], ['Chairman', 'Frank'], ['Ills', 'contaminating'], ['a', 'lawyer'], ['', 'English'], ['Guided', 'by'], ['all', 'assertive'], ['ev-ry', 'member'], ['the', 'one'], ['Mining', 'Claims'], ['our', 'children'], ['team', 'will'], ['over', 'with'], ['twelve', 'inches'], ['thereon', 'as'], ['entitled,', 'from'], ['f;:r', 'distant'], ['do', 'no'], ['cents', 'a'], ['.', 'Cures'], ['the', 'next'], ['oi', 'the'], ['is-', 'ties'], ['of', 'the'], ['to', 'have'], ['were.so', 'far'], ['of', 'so'], ['private', 'or'], ['he', 'Jumped'], ['what', 'this'], ['This', 'a'], ['Presidential', 'O(lice'], ['God', 'for'], ['the', 'devil.'], ['the', 'compass'], ['would', 'have'], ['be', 'built'], ['bulk', 'of'], ['', 'of'], ['one', 'of'], ['institutions', 'and'], ['the', 'Powder'], ['Mr.', 'Lowery'], ['held', 'tue'], ['that', 'his'], ['made', '•he'], ['to', 'Caesar,'], ['utter', 'contempt'], ['to', 'satisfy'], ['And', 'how'], ['in', 'the'], ['package', 'telling'], ['by', 'our'], ['', 'adoption'], ['They', 'chose'], ['know', 'how'], ['dwelling', 'house,'], ['from', 'which'], ['well,', 'or'], ['should', 'be'], ['warehouse—how-', 'ever'], ['authorizing', 'the'], ['of', 'free'], ['consistency', 'is'], ['Por-', 'ter'], ['The', 'acetic'], ['imputation', 'of'], ['United', 'States,'], ['', 'ed'], ['to', 'comer'], ['', 'far'], ['lad', 'begged'], ['under', 'his'], ['like', 'proportion.'], ['drill.', 'Hut'], ['day', 'laborers'], ['lor', 'years,'], ['', 'alfempt.'], ['it', 'was'], ['Universi', 'y'], ['the', 'salaries'], ['r', 'the'], ['Consuls', 'in'], ['every', 'such'], ['', 'nvolving'], ['corn', 'to'], ['they', 'had'], ['In', 'Chariest-ill,'], ['such', 'prisoner'], ['Mortgage,', 'and'], ['"ulenant', 'Bannon.'], ['a', 'Hroad'], ['ouly', '14'], ['1114,', '2826,'], ['by', 'starting'], ['organ,', 'rerun'], ['remain', 'closed'], ['of', 'boys'], ['to', 'the'], ['the', 'South-Eastern'], ['space', 'and'], ['Our', 'tioops'], ['carried', 'rut'], ['house,', 'I'], ['are', 'staying'], ['Payno', 'says'], ['of', 'its'], ['fight,', 'and'], ['returned', 'to'], ['day', 'of'], ['which', 'to'], ['military', 'service'], ['room', 'mid'], ['Republic.', 'In'], ['and', 'justly'], ['to', 'join'], ['his', 'undivided'], ['Rerord*;', 'it'], ['o(', 'the'], ['', 'lions,'], ['condition.', 'He'], ['several', 'counties'], ['', 'the'], ['containing', 'about'], ['New', 'York”'], ['hilt-', 'the'], ['yet', 'he'], ['to', 'think'], ['anS', 'sisters.'], ['France', 'with'], ['can', 'be'], ['occupants', 'in'], ['each', 'other,'], ['years,', 'to'], ['to', 'welcome'], ['at', 'HXaJlcper'], ['has', 'always'], ['over', 'four'], ['', 'both'], ['was', 'decidedly'], ['gave', 'it'], ['its', 'cost'], ['ln', 'smitten'], ['doing', 'has'], ['had', 'power'], ['pro', 'rata'], ['black,', 'red'], ['two', 'before'], ['particu-', 'lar,'], ['the', 'one'], ['', 'of'], ['', 'tively'], ['', 'with'], ['as', 'a'], ['and', 'respectful'], ['Its', 'possession'], ['tlic', 'Legislature,'], ['States.', 'There'], ['ordinances', 'of'], ['individual', 'stock'], ['such', 'papers.'], ['government,', 'is'], ['institution', 'w'], ['and', 'his'], ['growth', 'of'], ['good', 'sense'], ['', 'about'], ['his', 'un-'], ['free', 'air'], ['integrity', 'of'], ['when', 'Dr.'], ['of', 'Senator'], ['of', 'the'], ['them', 'is'], ['The', 'resolutions'], ['position,', 'it'], ['as', 'a'], ['and', 'the'], ['1800', 'feet'], ['the', 'closer'], ['Tuesday', 'after'], ['affections', 'of'], ['', 'ought'], ['legis-', 'tion'], ['of', 'Esther",'], ['the', 'case.'], ['', 'plank,'], ['the', 'views'], ['ne¬', 'gro'], ['a', 'ease'], ['aspect', 'of'], ['and', 'is'], ['deed', 'of'], ['1', 'h'], ['books', 'which'], ['so', '1'], ['are', 'only'], ['so', 'little'], ['believe,', 'allow'], ['their', 'candidate'], ['native', 'modesty'], ['', 'the'], ['Mr.', 'Louis'], ['ot', 'eight'], ['it', 'is'], ['', 'tj'], ['the', 'public'], ['to', 'our'], ['is', 'perfection.'], ['exhaust', 'pipes'], ['the', 'appeal,'], ['set', 'himself'], ['the', 'sunlieht'], ['soul,', 'and'], ['', 'Simonsville,'], ['President', 's'], ['be', 'applied'], ['aHow', 'me,'], ['with', 'tbe*c'], ['', 'IrUh'], ['', 'passing'], ['', 'one'], ['of', 'the'], ['he', 'ex'], ['will', 'be'], ['', 'cuit'], ['bill', 'providing'], ['asain,', 'is'], ['ideal', 'asserted'], ['', 'and'], ['in', 'behalf'], ['shared', 'with'], ['painted', 'as'], ['report', 'on'], ['additional', 'vote*'], ['the', 'books.theniselves.'], ['00', 'to'], ['Randolph,', 'Robert'], ['upon', 'these'], ['loss', 'amounted'], ['tho', 'money.'], ['moving.', 'When'], ['shall,', 'however,carefullya\\\\\\\\'], ['deeply', 'drink,'], ['run', ';'], ['the', 'estab¬'], ['when', 'her'], ['at', 'home.'], ['the', 'charges,'], ['to', 'deserve'], ['used', 'for'], ['matter', 'for'], ['', 'lay'], ['the', 'Hint'], ['the', 'whole'], ['about', '$20'], ['“City', 'of'], ['and', 'that'], ['drink', 'perdition'], ['', 'j'], ['mitaprun', 'new'], ['alternate', 'by'], ['prevent', 'or'], ['by', 'ilz'], ['ahotild', 'm?nife->t,'], ['must', 'learn'], ['condition', 'my'], ['no', 'doubt'], ['be', 'held'], ['stands', 'on'], ['', 'Albro,'], ['is,', "'ssid"], ['', 'treaties,'], ['awaken;', 'work'], ['vote', 'for'], ['at', 'ths'], ['today,', 'shippers'], ['resources', 'ol'], ['*n', 'hold'], ['it', 'scrib-'], ['to', 'be'], ['bargain', 'diligently'], ['steady', 'stream'], ['the', 'surface'], ['grazed', 'one'], ['with', 'promptness,'], ['Receiving', 'with'], ['office,', 'rank'], ['as', 'consuls'], ['to', 'swrtve.'], ['a', "s'rcngtli"], ['effect', 'cure,'], ['', 'which'], ['full,', 'as'], ['person', 'who'], ['', '!>y'], ['is', 'a'], ['irh', 'he'], ['months', 'and'], ['', 'the'], ['national', 'system,'], ['the', 'hazard'], ['of', 'such'], ['and', 'by'], ['institution', 'of'], ['Green,', 'south'], ['telegraph', 'office'], ['his', 'slippers'], ['shale', 'found'], ['allow', 'the'], ['highest', 'privileges'], ['and', 'foreign'], ['can', 'muster'], ['ofdefendant', 'ill'], ['adjacent', 'to'], ['forth', 'bright'], ['more', 'information'], ['<lie', 'House.and'], ['piece', 'adjoining'], ['convenient', 'to'], ['by', 'fire'], ['new', 'discovery'], ['be', '-r'], ['no', 'man'], ['last', 'Winter'], ['may', 'deem'], ['', 'honors'], ['Greens', 'Farms,'], ['Maricopa', 'county'], ['ol', 'a'], ['amount', 'indicated'], ['complying', 'with'], ['—', 'I'], ['', 'to'], ['hated', 'at'], ['the', 'church'], ['', 'pect.'], ['and', 'any'], ['delicacy,', 'had'], ['American', 'vessel'], ['Tabb', 'and'], ['the', 'matter.'], ['country', 'would'], ['of', 'giant'], ['combina', 'tion'], ['I', 'erabie'], ['these', 'results.'], ['any', 'p'], ['of', 'the'], ['and', 'hurrying'], ['', 'rounded'], ['no', 'means'], ['whieh', 'was'], ['experiments', 'in'], ['Sections', '5'], ['a', 'single'], ['cities', 'corner'], ['to', 'talk'], ['of', 'being'], ['interest', 'in'], ['to', 'point'], ['University.', 'The'], ['ihe', 'weight'], ['will', 'bet'], ['when', 'night'], ['which', 'we'], ['', 'Feltch'], ['f&lntness,', 'flatulency,'], ['', 'point'], ['reservation,', 'because'], ['very', 'good'], ['it', 'is'], ['days', 'under'], ['houses', 'stand'], ['from', 'whence'], ['by', 'him'], ['that', 'a'], ['avenue', 'from'], ['makes', 'any'], ['represented', 'in'], ['', 'remind'], ['high', 'and'], ['un-', 'der'], ['Moßoberts;', 'no'], ['', 'farmers.'], ['McKee,', 'who'], ['as', 'a'], ['displayed.', "I'.y"], ['accordingly', 'I'], ['which', 'were'], ['practical', 'mind'], ['', 'of'], ['m>*', 'weil'], ['Board,', 'by'], ['will', 'there'], ['of', 'officials'], ['faculty', 'of'], ['his', 'election'], ['of', 'its'], ['gin,', 'the'], ['seat,', 'and'], ['a', 'big'], ['holding', 'the'], ['such', 'places'], ['ol', 'Clu'], ['lost', 'in'], ['of', 'this'], ['', 'and'], ['his', 'untimely'], ['ridge', 'connecting'], ['Democratic', '"light'], ["unfortunate'v", 'killed'], ['to', 'the'], ['period,', 'as'], ['to', 'strangers,'], ['loss', 'was'], ['should', 'occur,'], ['pos\xad', 'sible.'], ['the', 'cause'], ['to', 'cost,'], ['courtesy', 'a'], ['designated', 'portions'], ['night', 'Kilkee'], ['not', 'available.'], ['', 'to'], ['forms', 'the'], ['and', 'we'], ['is', 'less'], ['the', 'future'], ['1793,', 'granted'], ['in', 'congress'], ['prevent', 'or'], ['', 'Brazilians,'], ['buy', 'up'], ['', 'use,'], ['fi-lee-i', 'shillings'], ['what', 'the'], ['and', 'a'], ['was', 'correctly'], ['', 'House'], ['daughter', 'to'], ['denomina-', 'tion'], ['Minister', 'of'], ['Integrity', 'of'], ['oilier', 'creditable'], ['uninjured.', 'Five'], ['day', 'at'], ['been', 'avoided'], ['trial:', 'it'], ['He', 'escorted'], ['iudustry."', '"Very'], ['remained', 'In'], ["water's", 'edge'], ['to', 'give'], ['enemy.', 'Art'], ['', 'lost'], ['commence', 'the'], ['be', 'under'], ['corn', 'fodder,'], ['out', 'of'], ['made', 'is'], ['say', 'Abraham'], ['every', 'probability'], ['succession', 'of'], ['will', 'be'], ['manager', 'of'], ['afford', 'natural'], ['instance', 'of'], ['in', 'suitable'], ['interview', 'with'], ['', 'prived'], ['people', 'in'], ['it', 'may'], ['pound', 'tu'], ['that', 'reflected'], ['ho', 'will'], ['who', 'had'], ['', 'brought'], ['', 'berides'], ['interest', 'in'], ['to', 'meet'], ['', 'have'], ['dessert', 'I'], ['talking', 'of'], ['bas', 'bestowed'], ['', 'neither'], ['oounty,', 'upon'], ['spiinglie', 'received'], ['seen', 'by'], ['and', 'are'], ['a', 'double'], ['on', 'the'], ['d', 'litem,'], ['participate', 'witli'], ['advice', 'of'], ['he', 'shall'], ['', '"'], ['by', 'the'], ['had', 'been'], ['', 'physicians'], ['articles', 'that'], ['her', 'people,'], ['', 'deliberately'], ['South', '?'], ['', 'scription'], ['au', 'itisui.'], ['pursuing', 'the'], ['whole', 'and'], ['left', 'Joo'], ['Black', 'Hills,'], ['to', 'corner'], ['what', '--'], ['remark', 'general-'], ['out', 'nat-'], ['have', 'been'], ['Spanish', 'squadron'], ['', 'than'], ['provided', 'In'], ['a', 'cargo'], ['has', 'been'], ['to', 'arrest'], ['u.', 'parcels'], ['It', 'to-day.'], ['Attor¬', 'ney'], ['may', 'be'], ['and', 'Iriih'], ['the', 'great'], ['what', 'tbe'], ['to', 'have'], ['America', 'from'], ['would', 'chop'], ['aa', 'tbe'], ['hi', 'eh'], ['renounced', 'liis'], ['repented', 'that'], ['Lodge', 'or'], ['have', 'not'], ['', 'win'], ['', 'they'], ['that', 'on'], ['and', 'pkaue'], ['for', 'many'], ['carried', 'it'], ['quite', 'as'], ['', 'power'], ['essentially', 'altered;'], ['an', 'act'], ['millions', 'of'], ['of', 'Republican'], ["name's", 'of'], ['enactment', 'of'], ['held', 'by'], ['Garland,', 'John'], ['of', 'the'], ['will', 'leave'], ['offMining', 'Claims'], ['section', 'of'], ['', 'Guy'], ['and', 'subsequently'], ['', 'the'], [';', 'and'], ['Conventions,', 'by'], ['', 'she'], ['Treiulway.an', 'li:>'], ['bead,', 'the'], ['observethat', '1'], ['the', 'speech'], ['to', 'say,'], ['', 'ten'], ['rolled', 'on'], ['halt', 'south'], ['', 'ever'], ['much', 'facil-'], ['perpetrated,', 'and'], ['method', 'is'], ['the', 'ground.'], ['very', 'moiler'], ['fail', 'to'], ['such', 'disposition'], ['then,', 'but'], ['care', 'of'], ['peure,', 'gentlemen'], ['first', 'clamorings'], ['that', 'most'], ['is', 'the'], ['with', 'all'], ['servo', 'a'], ['Alexandria,', 'with'], ['at', 'a'], ['', 'bo'], ['where', 'Intermittent'], ['ascould', 'be'], ['be-', 'ing'], ['', '"The'], ['Ross', 'Goul'], ['roof', 'shall'], ['ques\xad', 'tions.'], ['', 'veyor'], ['ac', '•'], ['', 'package'], ['thereupon', 'have'], ['', 'which'], ['h', 'ving'], ['and', 'decreed,'], ['their', 'European'], ['was', 'to'], ['said,', 'the'], ['', 'scandals,'], ['personal', 'property'], ['is', 'attempted'], ['family', 'with'], ['.sand-hill', 'crane,'], ['the', 'protection'], ['passes', 'Irom'], ['', 'Co.'], ['It', 'is'], ['was', 'founded'], ['announcing', 'his'], ['some', 'time,'], ['land,', 'and'], ['friends', 'to'], ['still', 'maintained'], ['In', 'southern'], ['any', 'Ad-'], ['', 'the'], ['', 'protest'], ['to', 'their'], ['other', 'sec-'], ["'", 'the'], ['than', 'four'], ['', 'Messrs.'], ['civiliso', 'the'], ['in', 'the'], ['prices', 'of'], ['', 'liberty'], ['its', 'resistance'], ['', 'i'], ['and', 'so'], ['Sansome', 'street'], ['and', 'site'], ['Patlon,join', 'in'], ['our', 'country.'], ['manifest', 'in'], ['strong', 'and'], ['I', 'had'], ['the', 'thanks'], ['from', 'afar,'], ['competition,', 'by'], ['sneak', 'act'], ['Beverley', 'had'], ['30-140', '-'], ['After', 'a'], ['', 'through'], ['mouth', 'are'], ['await', 'the'], ['he', 'believed'], ['a', 'man'], ['point', 'at'], ['', 'far'], ['to', 'weaken'], ['strive,', 'anti'], ['good', 'individual'], ['Nos.', '105'], ['', 'portion*-'], ['on', 'the'], ['im-', 'mense'], ['and', 'woe'], ['or', 'twelve'], ['relation', 'to'], ['however', 'slight'], ['they', '['], ['', 'proceeded'], ['of', 'the'], ['consolidated', 'bank'], ['their', 'national-'], ['', 'sect,'], ['village,', 'with'], ['', 'fording'], ['bv', 'the'], ['wbo', 'are'], ['are', 'not'], ['be', 'authorised'], ['who', 'forgot,'], ['said', 'ho'], ['a', 'previous'], ['from', 'them.'], ['to', "fo'Jow"], ['200', 'squnro'], ['', 'may'], ['you', 'are'], ['Third', 'street,'], ['', 'few'], ['and', 'to'], ['miscreant,', 'blind'], ['argued', 'that'], ['me', 'to'], ['city,', 'without'], ['Old', '.School,'], ['situation', 'within'], ['contribute', 'lo'], ['', 'be'], ['but', 'she'], ['the', 'person'], ['all', 'the'], ['parallel', 'hri.-k'], ['of', 'the'], ['', 'dians'], ['asked.', 'The'], ['become', 'very'], ['the', 'most'], ['the', 'superior'], ['not', 'so'], ['be', 'hired'], ['12', 'acres'], ['nrciess', 'one'], ['millions', 'in'], ['phisique,', "madame,'"], ['witnesses,', 'had'], ['increase', 'Ihe'], ['and', 'slumber'], ['consultation,', 'the'], ['or', 'order.'], ['theiiiuider,', 'h«'], ['the', 'marble'], ['end.', 'He'], ['have', 'been'], ['thinking', 'it'], ['would', 'be'], ['', 'Neal'], ['South', 'Carolina'], ['a', 'hoax'], ['that', 'it'], ['may', 'rest'], ['1st', 'ot'], ['order,', 'and'], ['set', 'forth'], ['as', 'being'], ['They', 'grew'], ['popular', 'will'], ["'l'lioinis", 'Faulkner,'], ['', 'to'], ['to', 'it'], ['inevitable', 'des-'], ['the', 'fact'], ['say', 'that,'], ['concentrate', 'fed'], ['grains', 'supply'], ['no', 'county'], ['feet,', 'the'], ['In', 'tho'], ['it.', 'It'], ['window.', 'When'], ['just', 'eluded'], ['of', 'the'], ['on', 'or'], ['by', 'physicians'], ['time', 'to'], ['all', 'who'], ['referred', 'to.'], ['They', 'say,'], ['is', 'in'], ['is', 'interested'], ['tame,', 'which'], ['', 'War'], ['business', 'the'], ['of', 'Washington'], ['10,', '11,12,13,'], ['other', 'words,'], ['medium', 'of'], ['ol', 'tliao'], [',', 'was'], ['person', 'on'], ['after', 'a'], ['of', 'the'], ['the', 'streams'], ['exaggerated', 'duties'], ['poles', 'planted'], ['', 'corporate,'], ['lallri)', 'into'], ['of', 'savage'], ['this', 'very'], ['the', 'great'], ['the', 'value'], ['55', 'per'], ['1', 'and'], ['comi»o«mi>o', 'of'], ['liberated.', 'Just'], ['of', 'the'], ['a', 'foreign'], ['in:l--s', 'from'], ['due', 'this'], ['regiment,', 'as'], ['generation,', 'and'], ['on', 'shore'], ['liriiirs', 'the'], ['would', 'b'], ['Mars', 'as'], ['and', 'his'], ['then', 'the'], ['lob', 'ic-'], ['either', 'to'], ['and', 'Miss'], ['offers', 'n'], ['have', 'beeti'], ['visit.', 'She'], ['the', 'entire'], ['choir', 'girl'], ['', 'corpoiatioti'], ['', 'to'], ['in', 'ihe'], ['to', 'Amos'], ['to', 'cmpnnnel'], ['system', 'would'], ['and', 'introduce'], ['high', 'land'], ['O', 'a'], ['election', 'lie-left'], ['recess', 'annexed'], ['His', 'speed'], ["id.ib'upe", 'They'], ['', 'the'], ['', 'bound'], ['act', 'with'], ['suggested', 'that'], ['of', 'September,'], ['The', 'money'], ['so', 'the'], ['two', 'companies'], ['another', 'hud'], ['and', 'incidents'], ['legislation', 'that'], ['officer', 'or'], ['mothers', 'from'], ['r.r.d', 'when'], ['', 'lor'], ['eminent', 'talents,'], ['ol', 'the'], ['upon', 'Great'], ['S.', 'was'], ['the', 'cabin'], ['in', 'which'], ['very', 'worst'], ['wa-', 'ters'], ['is', 'always'], ['load.', 'Thus'], ['bf', 'inll'], ['Case', 'of'], ['and', 'hur-'], ['in', 'the'], ['of', 'the'], ['will', 'consist'], ['the', 'small'], ['in', 'its'], ['na¬', 'tional'], ['surroundings,', 'and'], ['Balie', 'Peyton'], ['ilium', 'serviceable'], ['sickening', 'sensation'], ['ship', 'probably'], ['virtues', 'they'], ['mans', 'industry'], ['with', 'indi-'], ['the', 'claims'], ['St.', 'Thomas'], ['it', 'had'], ['', 'monkey'], ['in', 'the'], ['for', 'this'], ['Circulars', 'for'], ['knew', 'that'], ['dav', ';'], ['min.', 'W.'], ['he', 'began'], ['commission', 'would'], ['such', 'case'], ['potato.', 'If'], ['first', 'place,'], ['the', 'delnidatn'], ['named', 'to'], ['renewed', 'at'], ['damages', 'shall'], ['of', 'survival,'], ['was', 'reported'], ['(Laughter.)', '1'], ['on.', 'The'], ['ibey', 'speculated'], ['', 'ive'], ['cli.it', 'such'], ['one', 'third'], ['considered', 'necessary'], ['about', '6,500.000'], ['', 'ed'], ['of', 'the'], ['the', 'cliff'], ['his', 'or'], ['with', 'hint'], ['concourse', 'of'], ['Christian', 'Church.'], ['hope', 'that'], ['all', 'im-'], ['prophets', 'of'], ['His', 'hands'], ['thetnce', 'N'], ['therewith', 'and'], ['bankruptcy,', 'depriving'], ['has', 'furnished'], ['are', 'purely'], ['leaving', 'in'], ['com-', 'pound'], ['he', 'hostile'], ['', 'on'], ['Company—Oak.', 'Fourth'], ['treat', 'thtConstitution'], ['by', 'J.'], ['contained', 'in'], ['at', 'any'], ['house', 'vu'], ['their', 'appearance'], ['theeountry', 'geutleinan'], ['woman', 'who'], ['draw', 'customers'], ['great', 'interests'], ['case', 'of'], ['j', 'must'], ['guarantees', 'to'], ['Gen.', 'Cameron.'], ['ot', 'her'], ['', 'fruits'], ['n', 'expended'], ['settlement', 'of'], ['', 'last'], ['party,', 'the'], ['caulk,', 'uutnarrled,'], ['e', 'Hie'], ['rate', 'eellar:'], ['tin-re,', 'and'], ['she', 'became'], ['The', 'president'], ['place', 'to'], ['always', 'lound'], ['before', 'the'], ['in', 'mud.the'], ['within', 'said'], ['expected', 'nt'], ['thrust', 'upon'], ['their', 'royal'], ['vv', 'ill'], ['the', 'surface.'], ['but', 'anxious'], ['one', 'has'], ['he', 'ever'], ['in', 'our'], [';', 'on'], ['of', 'its'], ['also', 'ulmos'], ['the', 'Gratitude'], ['North', 'Dakota,'], ['he', 'aopointed.'], ['is', 'counts'], ['court', 'of'], ['Radicals', '"ere'], ['that', 'he'], ['and', 'liberal'], ['', 'to'], ['we', 'discovered.'], ['if', 'hit'], ['mm-icl', 'tionably'], ['', 'women,'], ['of', 'the'], ['got', 'about'], ['many', 'day?'], ['a', 'trusty'], ['of', 'IlOOi.O'], ['want', 'of'], ['the', 'Senate,'], ['developments.', 'and'], ['strike', 'the'], ['searching', 'criticism'], ['county', 'of'], ['a|', 'carefully'], ['look', 'at'], ['is', 'nearest'], ['employment', 'elsewhere.'], ['to', 'return,'], ['what,', 'lay'], ['', '&'], ['so', 'soon'], ['State', 'of'], ['hence,', "A's"], ['is', 'another'], ['were', 'opposed'], ['salvation', 'with'], ['must', 'pay'], ['should', 'be'], ['by', 'the'], ['10.', '11,12,'], ['of', 'lamps,'], ['to', 'say'], ["lialfsister's", 'family,'], ['t>', 'which'], ['', 'clonic,'], ['extends', 'fur'], ['has', 'failed'], ['inflict', 'corpo-'], ['to', 'social'], ['somebody', 'as'], ['remains', 'white'], ['be', 'taken'], ['there', 'are'], ['either', '-'], ['of', 'its'], ['Mr.', 'Kelly'], ['amount', 'duo'], ['to', 'the'], ['picking', 'up'], ['Irish', 'questions'], ['', 'all'], ['of', 'Caney'], ['this', 'even-'], ['into', 'consideration'], ['tlie', 'twentieth'], ['The', 'boys'], ['of', 'much'], ['Stockton.', 'In'], ['within', 'the'], ['above', 'Company'], ['br', 'r,turiied'], ['bituminous', 'the'], ['of', 'the'], ['', 'cording'], ['across', 'the'], ['be', 'j'], ['but', 'wi'], ['departure', 'from'], ['Is', 'such'], ['Esq.', 'of'], ['', 'king'], ['mortgage', 'and'], ['the', 'United'], ['Italy,', 'Belgium'], ['payable', 'at'], ['genfiomait', 'seem'], ['villages', 'of'], ['to', 'con-'], ['a', 'fat'], ['dealt', 'freely'], ['behavior', 'in'], ['the', 'rcenue'], ['from', 'ruinous'], ['Hawaiian', 'Islands'], ['of', 'the'], ['about', '$11.'], ['h', 'looks'], ['encounters', 'the'], ['', 'He'], ['ourliu', 'initiation,'], ['skirts', 'will'], ['sn', 'imputation,'], ['consecrated', 'a'], ['stole', 'on'], ['care-', 'ully'], ['advantage', 'yet'], ['humble', 'exertions'], ['The', 'cat'], ['driving', 'club'], ['most', 'kind,'], ['with', 'two'], ['proper', 'to'], ['lost', 'stages,'], ['and', 'a'], ['be', 'below'], ['left', 'Paris'], ['separation.', 'Miriam'], ['purposes', 'we'], ['propriety', 'of'], ['it', 'is'], ['or', 'on'], ['publication', 'of'], ['utmo', 't'], ['our', 'favor.'], ['funeral', 'of'], ['presence', 'of'], ['scarcity', 'of'], ['certainly', 'they'], ['the', 'foot'], ['', 'quarters'], ['', 'to'], ['', 'they'], ['', 'wiih'], ['deals', 'in'], ['', 'mon'], ['on', 'board'], ['', 'Everett'], ['should', 'use'], ['polltrieal', 'organiza-'], ['elegantly', 'finished,'], ['firmly', 'believed'], ['tiie', 'best'], ['Fitch', 'when'], ['us,', 'and'], ['tins', 'act'], ['the', 'pretension.'], ['miscegenation,', 'the'], ['adopted', 'by'], ['Glenn,', 'of'], ['the', 'Pacific,'], ['between', 'ranges'], ['her', 'boundaries.'], ['the', 'rich'], ['gorgeous', 'in'], ['there', 'are'], ['', 'liorse'], ['come', 'to'], ['the', 'dealers'], ['', '2.'], ['and', 'dearest'], ['who', 'even'], ['of', 'the'], ['if', 'I'], ['number', 'ot'], ['of', 'the'], ['', 'scarf'], ['', 'New'], ['one', 'opinion'], ['gallant', 'army.'], ['audited', 'by'], ['promptly;', 'do'], ['', "didn't"], ['inainiained', 'every'], ['Viertioff.', 'The'], ['attention', 'of'], ['a', 'fruit'], ['kingdom.', '1'], ['Fred', 'Colter,'], ['practicability.', 'That'], ['he', 'result'], ['of', 'the'], ['', 'ficient'], ['numbers', 'as'], ['office,', "'I"], ['delightful', 'to'], ['packet', 'ship'], ['domin-', 'ion'], ['are', 'worth'], ['now', 'stands.'], ['Congress', 'will'], ['and', 'the'], ['to', 'herrelutlves'], ['enterprise', 'which'], ['anv', 'superior'], ['enjoyed', 'a'], ['his', 'abject'], ['Roan', 'Calf,'], ['some', 'wheat'], ['Byrd,', 'French,'], ['physically,', 'due'], ['an', 'aieakeningf'], ['hastily', 'reach'], ['which', 'the'], ['', 'lie'], ['comfort', 'of'], ['in', 'accordance'], ['Represents-', 'lives'], ['is', 'nodivision'], ['', 'excepting'], ['work', 'for'], ['1940.', 'redeem\xad'], ['whis-', 'ky.'], ['', 'ducted'], ['But', 'some'], ['general', 'consent'], ['helped', 'matters'], ['the', 'late'], ['a', 'cer\xad'], ['raised', 'to'], ['so', 'as'], ['leiigths,', 'but'], ['stand', 'with'], ['and', 'diminishing'], ['of', 'Dublin'], ['the', 'cattle'], ['main', 'cause'], ['the', 'Greeks,'], ['lings', 'of'], ["'nil.", 'who'], ['walls', 'and'], ['waived.', 'A'], ['The', 'scenery'], ['ill', 'lie'], ['them', 'when'], ['so', 'still'], ['Union,', 'and,'], ['is', 'o!'], ['also', 'an'], ['the', 'latter,'], ['trans-', 'acts'], ['we', 'should'], ['', 'He'], ['Ferry,', 'being'], ['to', 'those'], ['Buren', 'made'], ['only', 'to'], ['beaten', 'so'], ['after!', 'enroi.t'], ['assembled', 'at'], ['a', 'view.'], ['of', 'our'], ['in', 'effect'], ['view', 'of'], ['the', 'scene'], ['is', 'paid'], ['has', 'been'], ['into', 'the'], ['at', 'this'], ['upon', 'Ins'], ['the', 'penalty'], ['not', 'as'], ['', 'for'], ['long', 'continued'], ['summer', 'but'], ['upon', 'the'], ['the', 'second'], ['Trade,', 'wears'], ['North', 'will'], ['washed', 'oveiboard,'], ['Jumus,', 'had'], ['eat', 'of'], ['to', 'see'], ['on', 'the'], ['well', 'as'], ['the', 'Grand,'], ['up', 'after'], ['necessary', 'for'], ['', 'might'], ['whole', 'season'], ['relieving', 'agony,'], ['when', 'combined'], ['almost', 'una¬'], ['and', 'grateful'], ['the', 'distiusts'], ['to', 'your'], ['are', 'estimated'], ['Con-', 'ference.'], ['only', '10'], ['a', 'guard.'], ['flames', 'are'], ['exceed', 'one'], ['that', 'girl'], ['hor', 'board-bil'], ['Those', 'cured'], ['men', 'have'], ['the', 'work'], ['if', 'it'], ['desire', 'to'], ['of', 'bronr.e'], ['the', 'public;'], ['by', 'the'], ['jurisdictions', 'and'], ['other', 'work'], ['last', 'ten'], ['00', 'head'], ['I', 'am'], ['', 'the'], ['San', 'Fran-'], ['bullet', 'over'], ['back.', 'The'], ['circulation', 'and'], ['officer,"', 'because'], ['in', 'which'], ['horn', 'it*'], ['up.', 'They'], ['than', 'the'], ['Cambria', 'are'], ['be', 'a'], ['commend', 'to'], ['who', 'also'], ['approbation', 'or'], ['cerlifi*', 'ales'], ['>the', 'supply'], ['Monday', 'in'], ['destruction', 'by'], ['is', 'claimed'], ['agriculturalist.', 'In'], ['of', 'the'], ['the', 'horses'], ['some', 'three'], ['between', 'New'], ['Hundre', 'l,'], ['', 'who'], ['', 'an'], ['purpose,', 'rather'], ['limit', 'viol'], ['Maria', 'never'], ['Carv.', 'J'], ['may', 'be'], ['the', 'whites'], ['field', 'is'], ['he', 'certainly'], ['', 'bere'], ['by', 'the'], ['free', 'ami'], ['inspired', 'them'], ['be', 'disciimgt-d'], ['also,', 'sunk'], ['he', 'went'], ['but', 'when'], ['', 'grees'], ['as', 'to'], ['', 'the'], ['their', 'peculiar'], ['has', 'gouo'], ['of', 'crude'], ['cause', 'for'], ['interpretation', 'of'], ['The', 'second'], ['the', 'captain.'], ['-ed.that', 'the'], ['should', 'not'], ['sit', 'a'], ['then', 'made'], ['have', 'im-'], ['loving', 'and'], ['election', 'was'], ['the', 'enlightened'], ['Spanish', 'Majesty'], ['been', 'held'], ["o'", 'No-'], ['closed,', 'on'], ['denouncing', 'and'], ['their', 'offioe,'], ['Congre*', ';'], ['the', 'londttiou'], ['', 'choice'], ['trouble', 'In'], ['burdensome', 'and'], ['elected', 'for'], ['it', 'with'], ['applied', 'as'], ['of', 'September'], ['property', 'and'], ['Do', 'we'], ['the', 'proportion'], ['a', 'defect'], ['the', 'power'], ['my', 'case.'], ['', 'tbe'], ['American', 'baby'], ['we', 'will'], ['hands', 'they'], ['', '"The'], ['quickly', 'as'], ['by', 'people'], ['true', 'political'], ['the', 'contracting'], ['to', 'distinguish'], ['', 'by'], ['its', 'feet-'], ['total', 'failure,'], ['events,', 'who'], ['of', 'oata'], ['and', 'shall'], ['of', 'Fred'], ['did', 'in'], ['', 'would'], ['', 'these'], ['solicita-', 'tion'], ['entitling', 'the'], ['double', 'and'], ['tne', 'motives'], ['cool', 'the'], ['of', 'assessors'], ['if', 'it'], ['her', 'bill,'], ['with', 'sleepless'], ['said', 'that'], ['then', 'aid'], ['tint', 'Old'], ['bad', 'written'], ['it', 'a'], ['I', 'ask.'], ['men,', 'with'], ['Canada.', 'The'], ['preventing', 'the'], ['to', 'their'], ['rosperity', 'c'], ['open', 'dag\xad'], ['in', 'Alabama'], ['control', 'all'], ['Boer', 'colonies'], ['are', 'loyal'], ['him.', '"Mr.'], ['move', 'in'], ['he', 'had'], ['such', 'disposition'], ['week,', 'and'], ['when', 'we'], ['degree', 'dis-'], ['4000', 'men.'], ['off', 'an'], ['she', 'answered,'], ['belonging', 'to'], ['mind', 'far'], ['are', 'very'], ['the', 'opposition,'], ['', 'lei*'], ['in', 'arguing'], ['dilhculiies', 'between'], ['medical', 'students'], ['', 'or'], ['and', 'un.ted'], ['', 't.»'], ['by', 'a'], ['three', 'or'], ['rights', 'ul'], [">'tat»r3.", 'conducted'], ['of', 'block.'], ['to', 'etate'], ['motion', 'duly'], ['was', 'committed,'], ['for', 'Vice'], ['with', 'a'], ['as', 'in'], ['overland', 'they'], ['act', 'in'], ['pro-', 'duction'], ['the', 'strong'], ['', 'ervations,'], ['no', 'evidences'], ['the', 'weaker'], ['Judicial', 'Tribunal#'], ['scare', 'line'], ['tlieir', 'request.'], ['', 'aiitburized'], ['the', 'Kbedlve,'], ['Duplex', 'Elliptic'], ['annum', 'as'], ['day', 'of'], ['attention', 'to'], ['disaster', 'comes'], ['chili', 'purse'], ['Legation', 'iu'], ['in', 'corrupting'], ['a', 'man'], ['', 'are'], ['the', 'innocent'], ['their', 'If.'], ['', 'Court'], ['containing', 'personal'], ['could', 'wish'], ['what', 'w'], ['the', 'farmer'], ['old', 'man'], ['he', 'lacked'], ['is', 'sometimes'], ['replied', 'to'], ['the', 'postages'], ['or', 'in'], ['In', 'view'], ['probate', 'in'], ['country', 'olevutor'], ['', 'cause'], ['of', 'attorneys'], ['', 'the'], ['to', 'do'], ['', 'It'], ['the', 'length'], ['useful', 'animal'], ['mellow', 'and'], ['by', 'Dr.'], ['arsenal', 'of'], ['mis', 'oe'], ['Nantucket,', '(Mr.'], ['the', 'right'], ['to', 'n'], ['the', 'extreme.'], ['shown', 'on'], ['to', 'throw'], ['to', 'be'], ['', 'lta'], ['on', 'tho'], ['', 'ing'], ['a', 'new'], ['Y', '.'], ['pool', 'of'], ['he', 'said'], ['bv', 'the'], ['it', 'felt,'], ['came', 'down'], ['of', 'which'], ['in', 'his'], ['objects', 'of'], ['one', 'balloon'], ['trouble', 'In'], ['of', 'tlicir'], ['and', 'railroad'], ['possessed', '—also'], ['enclose', 'In'], ['i:', 'by'], ['years', 'before.'], ['', 'evidence'], ['the', 'distinguished'], ['health', ':'], ['Ii', '.'], ['him', 'in'], ['fur.her', 'sai'], ['all', 'his'], ['the', 'death'], ['F.', 'C.'], ['to', 'marry'], ['All', 'coupons'], ['the', 'day'], ['', 'from'], ['should', 'have'], ['that', 'it'], ['557', 'acres'], ['rii', 'Cieek;'], ['', 'been'], ['', "capricious,'"], ['', 'tempt'], ['pompon', 'high'], ['the', '#v/WjVarv'], ['exaggerated.', 'The'], ['to', 'move'], ['the', 'voice'], ['(lie', 'doilolpliin'], ['occult', 'proceedings'], ['ths', 'differ-'], ['tally', 'into'], ['com-', 'pletely'], ['pastor', 'of'], ['h-', 'informs'], ['1', 'Mr.'], ['The', 'woman'], ['', 'cumb'], ['to', 'apply'], ['dangerous', 'situation'], ['two', 'feet'], ['water', 'dog'], ['', 'Baid'], ['which', 'has'], ['', 'responsible'], ['con-', 'tinues'], ['last', 'Sunday'], ['of', 'us'], ['and', 'tine'], ['dial', 'long'], ['ot', 'Mrs.'], ['a', 'very'], ['', 'rigid'], ['Spokane', 'passing'], ['field', ';'], ['religious', 'beliefs,'], ['depth.', 'He'], ['a', 'fashionable'], ['very', 'weak'], ['think', 'that'], ['shall', 'be'], ['1', 'reoommend'], ['be', 'futile,'], ['50', 'cents'], ['at', 'school'], ['all,', '(Ite'], ['oi', 'tiio'], ['wheel', 'ona'], ['be', 'hoed'], ['old', 'men'], ['', 't'], ['citizen', 'fron'], ['impirtance', 'of'], ['of', 'the'], ['wife,', 'Hannah'], ['7', 'The'], ['when', 'iu'], ['and', 'accept'], ['holidays.', 'The'], ['of', 'improvement.has'], ['to', 'their'], ['and', 'ap'], ['waives', 'with'], ['other', 'non-'], ['The', 'second'], ['Richmond', 'must'], ['it', 'not'], ['li', 'c.'], ['sufficient', 'for'], ['smashed', 'and'], ['were', 'sleeping'], ['recommended.', 'The'], ['York,', 'upon'], ['', 'po'], ['manner,', 'quinine'], ['liar,', '«>('], ['political', 'sense,'], ['in', 'dolorous'], ['contributed', 'to'], ['hasty', 'in-'], ['by', 'piany'], ['congratulated', 'on'], ['', 'Private'], ['who', 'knew'], ['a', 'su'], ['be', 'no'], ['and', 'eggs,'], ['redeemed', 'in'], ['an', 'increasing'], ['English,', 'and'], ['speculators', 'this'], ['river,', 'nnd'], ['by', "'he"], ['of', 'the'], ['a', 'few'], ['', 'ceding'], ['described', 'piece'], ['has', 'fallen,'], ['there', 'all'], ['among', 'groups'], ['the', 'Milky'], ['amount', 'named'], ['The', 'middle'], ['there,', 'stood'], ['proportion', 'of'], ['', 'saying'], ['occasion.', 'And'], ['members,', 'al-'], ['deeds', 'of'], ['and', 'ability.'], ['represented.', 'Human'], ['I', 'put'], ['the', 'indi-'], ['No', 'other'], ['', 'lost'], ['war-', 'rant.'], ['speculators', 'this'], ['is', 'ought'], ['in', 'the'], ['less', 'than'], ['mission-', 'aries'], ['delusive', 'cxpe-!'], ['doubt', 'was'], ['live', 'in'], ['', '"'], ['loud-speak-', 'ing'], ['not', 'prepared'], ['hotter', 'than'], ['the', 'Chief'], ['', 'they'], ['', 'gold'], ['pernicious', 'example'], ['goods', 'cheaper'], ['of', 'th*'], ['', '800,000'], ['little', 'natives'], ['mortgage,', 'and'], ['lime.', 'The'], ['N', 'CL'], ['and', 'the'], ['and', 'the'], ['in', 'the'], ['as', 'aiso'], ['fact', 'that'], ['mint', 'at'], ['time,', 'place,'], ['in', 'the'], ['to', 'cor.'], ['nights', 'wcie'], ['ot', 'Ideas'], ['', 'ested'], ['unequally', 'distributed'], ['that', 'the'], ['treason.', 'The'], ['snioto', 'them.'], ['in', "diameter.—'Phis"], ['But', 'how,'], ['hemlock', 'bark,'], ['west', 'two'], ['an', 'axiom'], ['', 'of'], ['to', 'ride'], ['among', 'the'], ['fully', 'consuitcd,'], ['Smith-', 'field,'], ['west', 'end'], ['the', 'people'], ['', 'rosy'], ['commissioner', 'of'], ['her', 'efforts'], ['and', 'two'], ['28th,', '1843;'], ['', 'recurrence'], ['practice', 'can'], ['straight', 'breast,'], ['of', 'the'], ['', 'drills,'], ['thereupon', 'to'], ['of', 'little'], ['down', 'by'], ['believed', 'to'], ['in', 'the'], ['', 'their'], ['sees', 'schools'], ['well', 'lighted'], ['to', 'go'], ['he', 'introduced'], ['till', 'ho'], ['the', 'sperits'], ['mystery', 'overhanging'], ['every', 'Bishop'], ['rights,', 'Souihein'], ['local', 'loan'], ['the', 'State'], ['pre-', 'pares'], ['at', 'last'], ['and', 'anarchy'], ['brides,', 'where'], ['within', 'their'], ['two', 'story'], ['and', 'banks'], ['the', 'patients.'], ['re\xad', 'paired'], ['cook', 'who'], [',', 'and'], ['vo', 'defective,'], ['in-', 'jury'], ['repeated.', 'The'], ['Chaiity', 'and'], ['ought', 'not'], ['the', 'last'], ['to', 'Consul'], ['construction', 'of'], ['budding', 'will'], ['reasons,', 'any'], ['delegation', 'in'], ['in', 'tbe'], ['made', 'up'], ['equally', 'decisive'], ['and', 'con-'], ['of', 'the'], ['in', 'Book'], ['to', 'anti,'], ['1,000', ',000'], ['prolusion', 'by'], ['intoxicating,', 'got'], ['that', 'blows,'], ['provided', 'niftcicnt'], ['toward', 'an'], ['por¬', 'tion'], ['', 'ed'], ['speech,', 'I'], ['who', 'were'], ['for', 'under'], ['resort', 'to'], ['and', 'the'], ['serve', 'his'], ['18', 'feet,'], ['and', 'Vaughn'], ['main', 'question'], ['Attorney', 'General;'], ['powder', 'ns'], ['the', 'plans'], ['not', 'be'], ['engaged', 'in'], ['feet', 'west'], ['discuss\xad', 'ed'], ['the', 'plaintiff'], ['', 'made'], ['steadily', 'for'], ['of', 'another'], ['366', 'days'], ['lted', '.State*'], ['foundation.', 'They'], ['the', 'premises,'], ['of', 'the'], ['', 'ed'], ['upon', 'the'], ['nearer', 'the'], ['re¬', 'proach.'], ['end', 'they'], ['called', 'his'], ['obtain', 'd'], ['was', 'an\xad'], ['this', 'resolution'], ['iu', 'the'], ['body', 'in'], ['', 'CiiiDtr.LAND'], ['', 'daily'], ['Henry', 'Clny'], ['thep', 'y'], ['and', 'ask'], ['If', 'was'], ['from', 'the'], ['remedy', 'or'], ['obtained', 'lid.-'], ['', 'gal'], ['2m.', '171s.-'], ['the', 'heat'], ['loan', 'aaaoclatlon.and'], ['twenty-', 'one'], ['nor', 'a'], ['that', 'the'], ['do', 'and'], ['bis', 'bent'], ['destructive', 'of'], ['the', 'boundary'], ['up', 'the'], ['surprised', 'at'], ["years'", 'course'], ['not', 'sure.'], ['yet', 'it'], ['', 'fell'], ['not', 'yet'], ['', 'fche'], ['have', 'been'], ['', 'greater'], ['the', 'authority'], ['magistrates,', 'anil'], ['greaijst', '"Rough'], ['he', 'hid'], ['that', 'if'], ['Montgomery,', 'Alabama.'], ['swung', 'to'], ['The', 'pro-dicta-'], ['the', 'dreaded'], ['most', 'of'], ['authority', 'in'], ['urges', 'ill'], ['and', 'had'], ['and', 'the'], ['ever', 'been.'], ['to', 'agree'], ['', 'may'], ['is', 'to'], ['bacon', '?"'], ['of', 'these'], ['i', 'io'], ['necks', 'clear'], ['will', 'admit'], ['permit', 'any'], ['the', 'hatti-scher-'], ['', 'have'], ['with', 'the'], ['harbors', 'and'], ['jVIissippi', 'Valley'], ['of', 'the'], ['of', 'the'], ['Senator,', 'Mr'], ['again-t', 'SO'], ['', 'her'], ['adults.', '.'], ['neatly', 'with'], ['repre-', 'sents'], ['', 'waiters'], ['much', 'freedom'], ['lowest', 'figure,'], ['would', 'not'], ['but', 'chose'], ['', 'region,'], ['is', 'living,'], ['a', 'single'], ['saying', 'it'], ['the', 'United'], ['in', 'the'], ['not', 'also'], ['has', 'made'], ['out', 'the'], ["Elect'", 'r,'], ['to', 'give'], ['', 'can,'], ['', 'pended'], ['now', 'be'], ['to', 'the'], ['lint,as', 'his'], ['and', 'then'], ['aaid,', 'Great'], ['', 'cover'], ['kept', 'securely'], ['', 'ced'], ['tells', 'them,'], ['a', 'tight'], ['and', 'what'], ['high', 'prices.'], ['never', 'got'], ['to', 'a'], ['his', 'plans'], ['', '“It'], ['were:', 'Mrs.'], ['coffin', 'factories,'], ['less', 'of'], ['work', 'ing'], ['any', 'manner'], ['now', 'hold-'], ['aud', 'aflcction,'], ['', 'any'], ['and', 'apology'], ['spon•ool', 'to'], ['upon', 'the'], ['', 'saying'], ['it', 'on'], ['Con-', 'crete'], ['ttie', 'present'], ['', 'of'], ['a', 'spirit'], ['renders', 'the'], ['the', 'now'], ['our', 'sons'], ['estimate', 'as'], ['', 'the'], ['objection', 'io'], ['swing', 'open'], ['Hungary', 'to'], ['without', 'debate,'], ['by', 'the'], ['Is', 'a'], ['', 'ability'], ['left', 'Anton'], ['of', 'the'], ['now', 'motor'], ['onnuitant', 'to'], ['indeed,', 'seems'], ['believe', 'that'], ['of', 'dock,'], ['was', 'clearly'], ['worked', 'it'], ['and', '10'], ['to', 'permit'], ['a', 'pointer'], ['', 'to'], ['Yesterday', 'afternoon'], ['smooth', 'on'], ['his', 'old'], ['work,', 'whereas'], ['with', 'the'], ['civil', 'broils,'], ['vote', 'of'], ['the', 'halls'], ['at', 'once.'], ['entered', 'into'], ['of', 'such'], ['sat-', 'isfied'], ['out,', 'appointed'], ['connexion', 'with'], ['character', 'of'], ['parcel', 'of'], ['enormously', 'val1'], ['', 'hedges'], ['equal', 'to'], ['', 'letter'], ['e', 'must'], ['on', 'their'], ['the', 'girl'], ['hemor-', 'rhage'], ['s!', 'Harrison?'], ['of', 'his'], ['buy', 'votes'], ['you', 'have'], ['', 'a'], ['taken', 'most'], ['for', 'it'], ['be', 'known'], ['a', 'total'], ['useless', 'by'], ['The', 'day'], ['blocks', 'would'], ['aald', 'petition'], ['The', 'shores'], ['In', 'stony'], ['mountains', 'go<'], ['ami.-alde', 're-'], ['', 'The'], ['fire', 'was'], ['of', 'her'], ['him', 'by'], ['', 'beniticcnt'], ['men', 'of'], ['bondsman', 'for'], ['William', 'H.'], ['weeks', 'ago.'], ['glassware', 'was'], ['to', 'April'], ['carpeted', 'drawing'], ['signal', 'the'], ['Constitution', 'of'], ['having', 'the'], ['n*', '-.n'], ['now', 'destroyed,'], ['', 'tirely'], ['of', 'amalgamation'], ['that', 'evil'], ['no', 'one'], ['or', 'esc-'], ['appointed', 'by'], ['importance,', 'accord-'], ['Daniel', 'was'], ['-tream*', 'anil'], ['', 'telegraph'], ['far', 'been'], ['long', 'est'], ['l.-ren', 'n.anv'], ['that', 'all,'], ['greatly', 'excited'], ['have', 'been'], ['sum', 'and'], ['in', 'the'], ['was', 'better'], ['those', 'terrible'], ['24th', 'day'], ['preparation', 'ul'], ['on', 'the'], ['saving', 'their'], ['minutes', '13'], ['the', 'guest'], ['road', 'will'], ['boy,', 'shows'], ['the', 'postmaster'], ['', 'that'], ['the', 'treatment'], ['by', 'Mr.'], ['sufficient', 'to'], ['or', 'salary'], ['soiled', 'by'], ['', 'not'], ['by', 'its'], ['lor', 'a'], ['shoe', 'k'], ['of', 'a'], ['not', 'accede'], ['', 'will'], ['to', 'enter'], ['', 'twenty-one'], ['the', 'earners'], ['without', 'which'], ['which', 'she'], ['the', 'latter'], ['capacity', 'of'], ['of', 'Phoenix,'], ['nge', 'that'], ['stocks', 'were'], ['"foregone', 'conclusion."'], ['the', 'states'], ['are', 'reaiiy'], ['The', 'First'], ['of', 'the'], ['people', 'the'], ['the', 'cat'], ['the', 'most'], ['the', 'required'], ['of', 'the'], ['and', 'she'], ['it', 'when'], ['fruits', 'of'], ['catarrh', 'of'], ['Even', 'the'], ['following', 'bounds,'], ['Abscesses', 'of'], ['', 'To'], ['one-tenth', 'were'], ['', 'striking'], ['site', 'for'], ['', 'that'], ['of', 'the'], ['me', 'efficient'], ['free-', 'dom'], ['that', 'as'], ['such', 'great'], ['a', 'number'], ['the', 'box'], ['a', 'trial:'], ['10,0\'")', 'Volunteers'], ['the', 'magistrate,'], ['to', 'a'], ['the', 'soil'], ['these', 'prep-'], ['him', 'plenty'], ['', 'raging'], ['on', 'both'], ['fastened', 'to'], ['the', 'royal'], ['had', 'balked'], ["didn't", 'jest'], ['better', 'succcss.'], ['act', 'this'], ['guarding', 'himself,'], ['navigation', 'or'], ['', 'place'], ['a', 'manner'], ['a', 'white'], ['resignation?', 'If'], ['power,', 'and'], ['was', 'to'], ['', 'The'], ['taken', 'some'], ['the*', 'llritish'], ['the', 'imported'], ['the', 'unfortunate.'], ['of', '450'], ['duty', 'is,'], ['good', 'tobacco'], ['', 'farmer'], ['of', 'which'], ['remains', 'in'], ['society', 'believe'], ['from', 'thence'], ['as', 'any'], ['born', 'to'], ['26th', 'day'], ['ado.', 'If'], ['Clara', 'M.'], ['extent', 'that'], ['suggestion', 'was'], ['land,', 'purchased'], ['friar', 'that'], ['guarantee', 'of'], ['necessary', 'to'], ['it', 'Was'], ['for', 'three'], ['', 'ami'], ['against', 'tho'], ['calls', 'upon'], ['have', 'a'], ['in', 'their'], ['Carrie', 'A.'], ['', 'IT'], ['his', 'morals'], ['may', 'be'], ['bnt', 'tcred'], ['the', 'Commentator,'], ['home,', 'on'], ['ly.', '(the'], ['been', 'ail,'], ['', 'and'], ['if', 'things'], ['to', 'know'], ['ol', 'our'], ['platforms', 'and'], ['at', 'the'], ['', 'When'], ['plan', 'ni'], ['been', 'raised'], ['matter', 'of'], ['', 'as'], ['', 'secure'], ['influence', 'public'], ['that', 'Gwynn'], ['movements,', 'inside'], ['when', 'they'], ['from', 'the'], ['found', 'lmpossi-'], ['speculators', 'this'], ['referred,', 'the'], ['a', 'man'], ['manner', 'and'], ['from', 'Pittsylvania'], ['made', 'one'], ['in', 'every'], ['d', "ri'iiulri'tl"], ['Its', 'fame'], ['without', 'feed'], ['ox!', 'ritement,'], ['the', 'tracks'], ['would', 'plead'], ['of', 'Wa*hington,'], ['settled', 'and'], ['them', 'that'], ['of', 'making'], ['doubtless', 'as'], ['with', 'about'], ['P', 'Bjhs,'], ['that', 'they'], ['correspondent', 'banks'], ['Memphis', 'filter'], ['a', 'fortnight'], ['', 'which'], ['that', 'we'], ['', 'moil*'], ['', 'out'], ['final-', 'ly'], ['to', 'his'], ['are', 'being'], ['', 'Young,'], ['and', 'slime'], ['ol', 'exclusive'], ['in', 'which'], ['given', 'away.'], ['taxes,', 'sod'], ['Hjlls,', 'and'], ['tho', 'ticket'], ['', 'also'], ['themselrcs', 'On'], ['and', 'J^oan'], ['slavery,', 'nothing'], ['these', 'stateljr'], ['aud', 'other'], ['"Literary', 'Messenger,"'], ['the', 'tears'], ['Many', 'women'], ['is', 'remembered'], ['still', 'more'], ['too', 'ready'], ['he', 'to'], ['to', 'impute'], ['that', 'question'], ["M'.gul", 'in'], ['', 'rers'], ['otliec', 'word-,'], ['get', 'the'], ['arrested', 'Angell'], ['that', 'if'], ['Jiard', 'by'], ['that', 'way'], ['and', 'charge'], ['', 'lize'], ['friends', 'of'], ['indi-', 'vidual'], ['her.', '“I'], ['and', 'ex¬'], ['he', 'had'], ['', 'fighting'], ['yesterday', 'was'], ['thank', 'such'], ['receipt', 'of'], ['cheap', 'fare'], ['in', 'tiie,greatesi'], ['was', 'afraid'], ['I', 'knew'], ['this', 'fore-'], ['more', 'tender'], ['resort', 'and'], ['', 'lie'], ['of', 'the'], ['fivo', 'times'], ['this', 'policy,'], ['some', 'paving'], ['stout', 'powerful'], ['the', 'same'], ['midst', 'of'], ['', 'signated'], ['proclaim', 'a'], ['had', 'tied'], ['pruce', 'a'], ['The', 'former'], ['of', 'the'], ['shares', '57'], ['any', 'such'], ['ofour', 'Government'], ['been', 'thoroughly'], ['the', 'said'], ['of', 'the'], ['him', 'for'], ['North,', 'Philadelphia'], ['t', 'f.ir'], ['', 'sent'], ['Humbug', 'in'], ['lvu', 'Klux'], ['extent', 'when'], ['of', 'the'], ['on', 'the'], ['bushels', 'of'], ['gunpowder,', 'lucifer'], ['to', 'marrying'], ['six', 'xveeks,'], ['crush', 'the'], ['cent,', 'of'], ['years,', 'aud'], ['as', 'oppressive'], ['trial', 'Hundreds'], ['be', 'constructed'], ['of', 'Pennsylvania,'], ['rather', 'outetde'], ['had', 'already'], ['Don', 'Quixote,'], ['to', 'another'], ['paper', 'as'], ['', 'petitioned'], ['ol', 'defeat;'], ['of', 'the'], ['ill', 'disposing'], ['Jefferson', 's'], ['with', 'the'], ['foot', 'in'], ['the', '-uc-'], ['taleiii*,', 'the'], ['was', 'still'], ['a', 'graduate'], ['ro', 'willing'], ['an', 'unexpressed'], ['right.', 'We'], ['a', 'resolution,'], ['eu', 'Ills'], ['endeavored', 'to'], ['person', 'elected'], ['', 'The'], ['over', 'to'], ['Not', 'that'], ['5Jo..', 'The'], ['', 'M-jesty,'], ['one', 'so'], ['', 'better'], ['his', 'calling'], ['a', 'chaste,'], ['In', 'his'], ['in', 'eloquent'], ['the', 'pool'], ['in', 'which'], ['be?n', 'against'], ['Often', 'the'], ['about', 'six'], ['for', 'intensive'], ['best', 'quality'], ['frightful', 'combination'], ['een', 'the'], ['strong', 'induce-'], ['fhssanr', 'is'], ['which', 'a'], ['whole', 'series'], ['allow', 'the'], ['with', 'any'], ['language', 'and'], ['have', 'been'], ['of', 'the'], ['', 'could'], ['', 'tigu.nm'], ['exactly', 'right'], ['back', 'to'], ['to', 'enter'], ['United', 'States,'], ['to', 'iefer'], ['carried', 'by'], ['leave', 'abun-'], ['vehicle', 'is'], ['issue', 'it!'], ['oi', 'the'], ['will', 'be'], ['volunteers', 'left'], ['gets', 'licked,'], ['the', 'Idaho'], ['be', 'shown'], ['floor', 'of'], ['This', 'arises'], ['the', 'West,'], ['entering', 'the'], ['I', 'started'], ['by', 'electricity'], ['him-', 'self'], ['', 'tions'], ['point', 'wc'], ['of', 'the'], ['in', 'so'], ['moved', 'to'], ['offender,', 'who,'], ['tho', 'sale'], ['as', 'the'], ['the', 'purpose,'], ['of', 'his'], ['gate*', 'erected;'], ['Ague', 'patients,'], ['connection', 'with'], ['and', 'with'], ['man.', 'The'], ['with', 'favor'], ['for', 'which'], ['the', 'high'], ['A', 'covered'], ['such', 'persons'], ['and', 'nieces,'], ['of', 'camphor.'], ['market', 'under'], ['', 'mothers,'], ['', 'ches'], ['faith', 'in'], ['1865.', 'Ed.'], ["mail's", 'at'], ['of', 'the'], ['city', 'ui'], ['of', 'the'], ['Judge', 'Bash'], ['pre-', 'viously'], ['oflhe', 'Administration,'], ['com-', 'mand'], ['navigation', 'of'], ['he', 'faced'], ['a', 'case'], ['gambling', 'place,'], ['justice—', '.Marinho'], ['July,', 'in'], ['ladles', 'of'], ['in', 'appearance,'], ['ascer-', 'tain'], ['the', 'manse,'], ['muskrats', 'abound'], ['in', 'obtaining'], ['Re', 'either'], ['to', 'make'], ['gift', 'serves'], ['3.', 'The'], ['know', 'from'], ['let', 'him'], ['protecting', 'distance'], ['', 'their'], ['gave', 'some'], ['rules,', 'making'], ['the', 'circumstances,'], ['a', 'great'], ['taw', 'Hirhmnnil'], ['impor-', 'tance'], ['more', 't:uu;>»;'], ['clear', 'proof'], ['yet', 'do'], ['of', 'manhood.'], ['collected', 'for'], ['the', 'upper'], ['to', 'deserving'], ['hat', 'the'], ['the', 'throne'], ['railroad', 'trains,'], ['(hem', 'ever'], ['and', 'what'], ['with', 'ron'], ['', '(20)'], ['say', 'at'], ['at', 'her'], ['mines', 'ot'], ['', 'toilowed'], ['dil-', 'igently'], ['material,', 'and'], ['', 'monia'], ['in', 'my'], ['their', 'noonday'], ['the', 'Rocky'], ['of', 'time;'], ['and', 'most'], ['thousand', 'souls'], ['identification', 'tags'], ['', 'tucket'], ['job', 'on'], ['', 'unfortunates,'], ['', 'was'], ['', 'tho'], ['the', 'claimants'], ['strength', 'of'], ['is', 'so'], ['any', 'position'], ['you.', 'by'], ['it', 'were,'], ['will', 'be'], ['', 'of'], ['principle', 'of'], ['consider', 'chiefly'], ['', 'motion'], ['of', 'arms'], ['suppose', 'she'], ['Amendment.', 'We'], ['the', 'fact,'], ['Mr.', 'Greeley'], ['?7', '000,000,'], ['zeal,', 'which'], ['in', 'spite'], ['them', 'injustice'], ['or', 'safety'], ['publication', 'of'], ['to', 'Quassapaug'], ['', 'that'], ['He', 'stated'], ['to', 'say'], ['', 'agent'], ['In', 'confiding'], ['in', 'execution'], ['of', 'her'], ['Tscharner', 'Michaux,'], ['growers.', 'Even'], ['was', 'written'], ['', 'wovld'], ['whole.', 'Mr.'], ['this', 'city,'], ['found,', 'for'], ['changes', 'of'], ['were', 'to'], ['art', 'I'], ['which', 'he'], ['President', 'is'], ['wisdom,', 'and'], ['for', '$116,000,'], ['not', 'disturb'], ['means,', 'the'], ['and', 'silver'], ['', 'show'], ['the', 'Delegate'], ['silver', 'led'], ['in', 'the'], ['oe', 'served,'], ['cao', 'a'], ['pie', 'and'], ['and', 'south'], ['roof,', 'or'], ['proved', 'to'], ['t', 'o-da'], ['U.', 'States'], ['little', 'extra'], ['confine', 'their'], ['the', '|ioorcr'], ['', 'great'], ['gesticulating,', 'and'], ['one', 'strt'], ['themselves', 'into'], ['St.', 'Johns.'], ['Rockbridge.', 'Joseph'], ['', 'mercy.'], ['', 'in'], ['', 'bibulous'], ['the', 'ter-'], ['other', 'lauds.'], ['after', 'hler'], ['defiance', 'at'], ['', '2.'], ['in', 'being'], ['any', 'person'], ['where', 'hardening'], ['come', ';'], ['', 'he'], ['two', 'modes'], ['that', 'the'], ['length', 'of'], ['that', 'the'], ['', 'them'], ['-people', 'know'], ['ill-', 'ness'], ['oue', 'side.'], ['justify', 'and'], ['C:n', 'ter'], ['', 're'], ['accessory', 'industries'], ['the', 'time'], ['the', 'Plaza'], ['with', 'friendship,'], ['which', 'they'], ['robbery,', 'by'], ['', 'tic'], ['tho', 'Bank'], ['of', 'small'], ['stand', 'along\xad'], ['from', 'his'], ['of', 'it'], ['', 'duly'], ['and', 'Meridian;'], ['the', 'noli'], ['', 'Miss'], ['a', 'few'], ['upon', 'the'], ['', 'know'], ['Spencer', 'has'], ['', 'te'], ['', 'sponding'], ['mail', 'is'], ['will', 'be'], ['ve', 'men,'], ['are', 'again'], ['of', 'sixty'], ['annual', 'average.'], ['partly', 'owned'], ['feared,', 'when'], ['many', 'years,'], ['to', 'deter-'], ['the', 'prevention'], ['hides', 'of'], ['things,', 'when'], ['five', 'years,'], ['7,', 'on'], ['', 'Lis'], ['wide', 'a'], ['with', 'the'], ['dis-', 'cussions'], ['jurisdiction', 'as'], ['give', 'a'], ['us', 'well'], ['of', 'the'], ['th»', 'Mouse'], ['', 'year'], ['article', 'than'], ['pray', 'for'], ['wi', 'll'], ['in', 'its'], ['of', 'cxccuilng«aldtru*t.'], ['', 'physiological'], ['—Mr.', 'Stockbridge,'], ['massive', 'letter'], ['ground.', 'A'], ['es', '¬'], ['from', 'tho'], ['was', 'indeed'], ['ion', 'with'], ['made', 'of'], ['and', 'taking'], ['-', 'Beginning'], ['so', 'long,'], ['ot', 'this'], ['that', 'neccs-'], ['finally', 'dawned'], ['views', 'afforded'], ['discern', 'the'], ["B's", 'political'], ['Smith', 'of'], ['the', 'attempt'], ['of', 'the'], ['each', 'stockholder'], ['another', 'long'], ['Father', 'of'], ['72,', 'and'], ['and', 'il'], ['upper', 'part'], ['our', 'duly,'], ['such', 'men'], ['Julia', 'really'], ['was', 'at'], ['«', '.'], ['abounding', 'by'], ['<lay', 'of'], ['we', 'consider'], ['crimes', 'of'], ['step', 'beyond'], ['necessr.ry', 'IV.r'], ['He', 'was'], ['Lackey', 'was'], ['and', 'widoly'], ['by', 'the'], ['are', 'against'], ['an', 'excitement'], ['puro', 'and'], ['but', 'of'], ['still', 'frozen'], ['Is', 'there'], ['defaults', 'have'], ['us.', 'But,'], ['to', 'introduce'], ['taking', 'info'], ['be', "cominL'."], ['colonies', 'a'], ['States', 'an'], ['of', 'Race'], ['feeble', 'barrier'], ['of', 'those'], ['assigned', 'by'], ['tho', 'thirty-seoond'], ['matter.', 'Electricity'], ['not', 'ex-'], ['much', 'of'], ['homely', 'face'], ['that', 'the'], ['at', 'the'], ['is', 'a'], ['-', '7'], ['of', 'fifty-live'], ['furnishes', 'the'], ['viz.the', 'Spaniards'], ['', "Paul'"], ['', 'tint'], ['cry', 'like'], ['wau', 'tho'], ['age,', 'made'], ['nominated', 'at'], ['whioh', 'not'], ['good', 'roads.'], ['that', 'the'], ['offering', 'another'], ['what', "slic'd"], ['motion', 'to'], ['the', 'distance,'], ['horses', 'and'], ['leaving', 'the'], ['down', 'the'], ['but', 'at'], ['Repub-', 'lican'], ['rers.', '1'], ['wife', 'and'], ['adheres', 'to'], ['housekeeper', 'wi.l'], ['again', 'read,'], ['are?', 'Is'], ['thus', 'drugged'], ['can', 'be'], ['a', 'large'], ['»', 'r'], ['inaugu\xad', 'rated'], ['asserts', 'there'], ['such', 'a'], ['the', 'place'], ['thereof,', 'or'], ['', 'then'], ['', 'ftoni'], ['the', 'plans'], ['pound', 'of'], ['people', 'for'], ['they', 'may'], ['Washington.pure', 'lies!'], ['disappoint-', 'm<'], ['the', 'indigna-'], ['which', 'grow'], ['4t1', '3-4'], ['circulating', 'medium'], ['which', 'arc'], ['as', 'It'], ['not', 'by'], ['having', 'log'], ['his', 'attention'], ['', "warter's"], ['v.', '!'], ['were', 'turned'], ['the', 'territorial'], ['direct', 'opposition'], ['corner', 'on'], ['of', 'the'], ['', 'b«*'], ['queen', 'in'], ['many.', 'But'], ['Sergeant', 'T.'], ['committee', 'thi:'], ['report', 'the'], ['easts', 'of'], ['State,', 'passe*'], ['will', 'yearly'], ['chief', 'executive'], ['this', 'idea'], ['or', 'four'], ['be-', 'lieve'], ['sorry', 'to'], ['ike', 'care'], ['|', 'sit,'], ['then', 'surprised'], ['if', 'the'], ['the', 'end'], ['regard', 'to'], ['distant', 'friends'], ['lion', 'of'], ['immediately', 'places'], ['in', 'the'], ['the', 'erojis.'], ['Prince', 'tried'], ['1:1', 'middling'], ['messages.', 'But'], ['That', 'event'], ['&c.,', 'are'], ['statement', 'as'], ['Government', 'will'], ['straighten', 'them'], ['or', 'their'], ['was', 'so'], ['and', 'brought'], ['Hi', 'feet'], ['extended', 'over'], ['Isaacs,', 'in'], ['', 'Wilson'], ['of', 'sulphurous'], ['distinct', 'accounts'], ['slavery', 'which'], ['and', 'useful'], ['', 'beyond'], ['', 'ed'], ['which', 'w*s'], ['it', 'is'], ['24th', 'day'], ['theie', 'were'], ['and', 'payable,'], ['of', 'trade'], ['year,and', 'hank'], ['had', 'been'], ['lie', 'iett'], ['', 'consequently'], ['people', 'His'], ['there', 'any'], ['or', '2H'], ['stores', 'of'], ['engrnst', 'these'], ['the', 'pot'], ['strobes', 'minute,'], ['could', 'not'], ['can', 'be'], ['disperse.', 'In'], ['', 'evealcd'], ['', 'cotton'], ['course', 'was'], ['were', 'less'], ['at', 'the'], ['the', 'great'], ['war', 'tax'], ['by', 'Rt'], ['of', 'months'], ['with', 'Repub-'], ['', 'own'], ['Statesville,', 'and'], ['to', 'be'], ['very', 'inferior'], ['this', 'purpose,'], ['bursting', 'or'], ['only', 'right'], ['', 'occupations,'], ['Judge', 'Hoadly'], ['(hen', 'rendered'], ['to', 'plaintiff'], ['undervaluation', 'or'], ['from', 'the'], ['Fay', '-!'], ['made', 'at'], ['should', 'be'], ["ednca'iiig", 'our'], ['cast', 'Few'], ['and', 'as'], ['', 'weak,'], ['shall', 'proceed,'], ['girl', 'into'], ['Kansas', 'to'], ["e'ear", 'the'], ['', 'publicans'], ['line.', 'A'], ['persuade,', 'or'], ['', 'the'], ['State', 'demanded'], ['our', 'resources'], ['', 'the'], ['', 'enough'], ['it', 'mi(k'], ['that', 'the'], ['copper', 'mines'], ['Hand', 'unshaken'], ['of', 'the'], ['terms,', 'to'], ['put', 'down'], [';', 'and'], ['Barry', 'has'], ['to', 'require'], ['government', 'and'], ['names', 'pre-'], ['he', 'iiuconsti-'], ['widder;', "that's"], ['great', 'American'], ['euaranty', 'of'], ['of', 'that'], ['occupied', 'by'], ['a', 'f<'], ['', 'sonata'], ['the', 'iujustioe'], ['tack', 'of'], ['vitality', 'of'], ['h.ts', 'been'], ['street,', 'ami'], ['', 'tors,'], ['highest', 'cilice'], ['principle,', 'where'], ['or', 'foreseeing,could'], ['all', 'were'], ['', 'States'], ['temper', 'and'], ['Louisiana.', 'Of'], ['a', 'great'], ["p'an", 'which'], ['the', 'men'], ['constituent', 'element'], ['to', 'the'], ['that', 'the'], ['to', 'cor.'], ['with', 'double'], ['These', 'Anay'], ['of', 'the'], ['H', 'tlx'], ['', 'at'], ['affections,', 'we'], ['be', 'removed,'], ['and', 'debility.'], ['', 'of'], ['wide', 'margin'], ['employed', 'In'], ['Cherries.', 'The'], ['', 'ally'], ['Government', 'have'], ['cotton', 'it«elf'], ['bridge,', 'and'], ['like', 'Pillow,'], ['', 'great'], ['joined,', 'and'], ['2,', 'Cotton'], ['who', 'favored'], ['of', 'the'], ['over', 'to'], ['granted', 'in'], ['the', 'least'], ['sel', 'fish'], ['discontent,', 'sedition?'], ['for', 'the'], ['every', 'uight.'], ['a', 'tire'], ['', 'United'], ['Tariff,', 'and'], ['our', 'citizens,'], ['bespeak', 'a'], ['administration', 'announced'], ['is', 'the'], ['a', 'problem'], ['United', 'States,'], ['the', 'Eighth'], ['do', 'duty'], ['should', 'partially'], ['used', 'Ten'], ['Inch', 'it'], ['regulation,', 'which'], ['and', 'any'], ['if', 'Ireland'], ['na', 'ture,'], ['no', 'shoes,'], ['are', 'mostly'], ['ground', 'slope4'], ['', 'banks'], ['thereof', 'on'], ['ship', 'of'], ['to', 'usurp.'], ['lawu.', 'Ailed'], ['I', 'ivitks'], ['south-', 'ern'], ['it', 'not'], ['', 'as'], ['found', 'two'], ['arrangements', 'to'], ['with', 'crystal'], ['said', 'deed'], ['tolls', 'from'], ['', 'those'], ['the', 'County'], ['and', 'is'], ['in', 'said'], ['and', 'splendid'], ['to', 'be'], ['deputation', 'of'], ['that', 'no'], ['falling', 'mountains—swallowed'], ['attached', 'thereto'], ['Burns', '&'], ['It', 'has'], ['the', 'car,'], ['his', 'posterity;'], ['reign', 'of'], ['out', 'the'], ['around', 'her'], ['cunous', 'character,'], ['in', 'every'], ['Ohio', 'and'], ['in', '1-M>'], ['with', 'this'], ['at', 'one'], ['and', 'conveyed'], ['so', 'prevalent'], ['about,', 'but'], ['some', 'Ttxas'], ['page', '319,'], ['', 'weaving'], ['Pickaway', 'rountv'], ['Vincent;', 'thence'], ['in', 'the'], ['Caldwell,', 'Wade,'], ['average', 'increase'], ['free', 'stale.'], ['The*', 'one'], ['Butte,"', 'to'], ['inquiry,', 'and'], ['this', 'crying'], ['made', 'for'], ['to', 'llie'], ['', 'where'], ['and', 'Bllndeye'], ['', 'Maxwell'], ['main¬', 'tained'], ['any', 'deficiency'], ['and', 'Helen'], ['of', '"Glory!'], ['or', 'shelter'], ['preserving', 'liberty,'], ['here', 'be'], ['lines', 'so'], ['the', 'Spanish'], ['be', 'rather'], ['eighty', 'years,'], ['from', '130'], ['that', 'would.'], ['piece', 'of'], ['propositions', 'have'], ['', 'the'], ['cents', 'a'], ['are', 'besieging'], ['by', 'the'], ['the', 'Government'], ['the', 'other'], ['Democratic', 'candidate,'], ['their', 'authority,'], ['and', 'a'], ['believed', 'that'], ['with', 'pistol'], ['before', 'encumbered.'], ['man', 'as'], ['a', 'high'], ['', 'is'], ['treaties', 'already'], ['board', 'to'], ['Mo', ','], ['write', 'this'], ['may', 'become'], ['free-1rado', 'principles'], ['are', 'suffer-'], ['', 'Pennt--,'], ['', 'the'], ['commander', 'oftiienriva-'], ['experience', 'and'], ['', 'the'], ['because', '"the'], ['', 'ty,'], ['', 'the'], ['made', 'as'], ['interests', 'have'], ['but', 'there'], ['', 'preparation'], ['have', 'done'], ['prevent', 'our'], ['new', 'position'], ['Xeucro', '•luce;'], ['ot', 'the'], ['give', 'atrial—it'], ['', 'the'], ['brought', 'in'], ['the', 'scant'], ['the', 'proper'], ['gone', 'down'], ['certain', 'prospect'], ['and', 'vigorous'], ['Brian,', 'but'], ['Court', 'dotli'], ['in', 'the'], ['', 'In'], ['come', 'criterion,']]
print(results)
[{'the': 0.10147410000115062, 'of': 0.09111821715327291, 'to': 0.0800439308707209, 'and': 0.06939831712209747, 'in': 0.03536933332669831, 'a': 0.028398293798845314, 'was': 0.02727199167456622, 'be': 0.0266867198491962, 'is': 0.02415138080020866}, {'hundred': 0.20899361853515802, 'dred': 0.017033094318071044, 'eight': 0.013504214417413191, 'degrees': 0.012456671526657324, 'due': 0.011095587193587319, 'north': 0.010896831403482672, 'long': 0.010890732984234812, 'men': 0.010857278348412578, 'dollars': 0.010458383799497265}, {'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}, {'it': 0.12438046964611195, 'they': 0.09908896108784665, 'and': 0.09635238176428093, 'which': 0.0793610016130424, 'he': 0.07389255269764594, 'you': 0.059932821593910154, 'It': 0.0582638900637266, 'I': 0.05379108227004911, 'who': 0.05158640078808042}, {'able': 0.08041847285999441, 'and': 0.06501596389430095, 'order': 0.06004630970980249, 'enough': 0.05591913322322703, 'is': 0.0531264962652024, 'him': 0.048322678282867015, 'right': 0.046470580848894764, 'was': 0.04217700213240034, 'attempt': 0.04192635610481366}, {'is': 0.26351219754795635, 'be': 0.2078310710301647, 'are': 0.13519178924723887, 'was': 0.1129507276169888, 'and': 0.07266071628417264, 'been': 0.03818430286149086, 'Is': 0.03605566750304204, 'not': 0.03539323581294185, 'were': 0.03506637057818147}, {'and': 0.11582081944112449, 'was': 0.04225261395959518, 'held': 0.03592895762799326, 'Beginning': 0.02926079870317736, 'is': 0.027806631077598554, 'look': 0.026545353863800903, 'arrived': 0.026240397869270526, 'that': 0.0255265603479058, 'interest': 0.024134996272950678}, {'and': 0.17128521616957315, 'of': 0.15663003206239498, 'is': 0.06033175145704086, 'are': 0.055248814447034236, 'it': 0.0540881034808143, 'after': 0.052354816840982296, 'in': 0.04540953072793188, 'that': 0.030524961225887097, 'was': 0.02938353503450492}, {'of': 0.3321050614817467, 'in': 0.14910127502055798, 'and': 0.09381302886709715, 'to': 0.07400471943570397, 'with': 0.06733612174895594, 'for': 0.06111015936998158, 'that': 0.039770634822513175, 'In': 0.034716076833201, 'on': 0.02988931332984859}, {'and': 0.19354989935298222, 'that': 0.1579746913565372, 'as': 0.15448361679314834, 'but': 0.0475520605658099, 'even': 0.037988917866489995, 'or': 0.024052538746895356, 'But': 0.02381979456009173, 'And': 0.020301183230292875, 'and,': 0.019836146554616362}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.6457688471739997, 'a': 0.10876582984709046, 'be-': 0.056144161051548985, 'The': 0.042204120646873455, 'tho': 0.0333605042611211, 'be¬': 0.0194954216076803, 'be\xad': 0.017704687410423973, 'no': 0.015251365570699942, 'and': 0.0150275902002734}, {'of': 0.15945765284713104, 'and': 0.09343927188959995, 'to': 0.07148357208661185, 'the': 0.06904503677902835, 'for': 0.0457742458321099, 'a': 0.040828961190166144, 'be': 0.0367262297794992, 'in': 0.03666369000645223, 'was': 0.028448813936381198}, {'<s>': 0.05426565324719795, 'and': 0.044445972365426564, 'made': 0.021694712583539576, 'was': 0.020931920880133754, 'recorded': 0.017387201838834423, 'that': 0.01661780384100564, 'be': 0.014822874002807063, 'is': 0.01378718404889997, "o'clock": 0.013297718418623995}, {'to': 0.4279840414289704, 'and': 0.09790467904153906, 'we': 0.0823850058263962, 'I': 0.06698779579928948, 'will': 0.06383779006001988, 'not': 0.06104220118102934, 'would': 0.04995839358000613, 'they': 0.035629495072022926, 'you': 0.034289026737185334}, {'and': 0.0666672222818591, 'of': 0.046193698533595215, 'to': 0.037784114220044525, 'the': 0.03482682720566339, '<s>': 0.019558576724369486, 'a': 0.017718890064596274, 'his': 0.01661151532382775, 'in': 0.016191488009760443, 'at': 0.01521039466340531}, {'of': 0.33016872699590255, 'to': 0.120610215203289, 'and': 0.08667846604786278, 'for': 0.05683906611859967, 'with': 0.05673218437827495, 'by': 0.051106646881204115, 'that': 0.02995459658412562, 'from': 0.02989066395827932, 'on': 0.027097492579813573}, {'and': 0.08065115970908836, 'them': 0.034741264455021924, 'put': 0.03393847235235448, 'out': 0.030324100456217955, 'carry': 0.024614501276048497, 'was': 0.023915996504260528, 'work': 0.023096297608759246, 'it': 0.022532056597830582, 'that': 0.022361432657540006}, {'of': 0.12642654347255788, 'and': 0.06920770004749957, 'in': 0.04113063429839098, 'to': 0.039460944154770555, 'that': 0.029877787057406513, 'on': 0.02517998801676788, 'for': 0.024471087243369164, 'things': 0.01672232242668383, 'those': 0.013689248065138443}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.09908218571238031, 'of': 0.0769151570275628, 'as': 0.04400910091636531, 'that': 0.03987650373371493, 'all': 0.036869080797058966, 'but': 0.032298979891867606, 'for': 0.03004246258835539, 'so': 0.021359486626302743, 'fact': 0.0160618876200197}, {'to': 0.34970354222480854, 'will': 0.19176192979129858, 'not': 0.09414086703025835, 'may': 0.06008402130311699, 'the': 0.05489464601832695, 'and': 0.05300390730234811, 'shall': 0.052031543443419134, 'a': 0.0466779209798249, 'would': 0.0450512759245379}, {'with-': 0.07980306238892035, 'and': 0.07600317116707721, 'find': 0.07581566775452665, 'pointed': 0.06615887843051825, 'go': 0.058961713326761415, 'carry': 0.058362413307848963, 'get': 0.04870678743233526, 'brought': 0.04828336917317886, 'went': 0.047994898107255365}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'and': 0.07496744927759343, 'to': 0.04881329766255247, 'will': 0.035034172559629914, 'not': 0.032807325221249406, 'I': 0.030787804680282135, 'the': 0.029891008298762914, 'would': 0.023147759574589904, 'he': 0.022374203253604744, 'is': 0.021686886471943872}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.3939590666536084, 'of': 0.1456155013805246, 'a': 0.10240899903373575, 'and': 0.056950804963789584, 'by': 0.05025014126192817, 'for': 0.04777049126230001, 'to': 0.037725922518988236, 'The': 0.02288435694767419, 'with': 0.01877619933150951}, {'and': 0.0603443515981216, 'it': 0.057758619942490125, 'to': 0.036968149526691425, 'that': 0.02914346259179048, 'is': 0.027346460663969292, 'It': 0.020737604203570945, 'of': 0.018045576123751305, 'was': 0.018009351090075742, 'which': 0.017193536629341824}, {'the': 0.29029291752996095, 'of': 0.2657920946732921, 'his': 0.05163956680968951, 'to': 0.05055019750801179, 'in': 0.0464250320710032, 'their': 0.04604139686994079, 'good': 0.0441809062152359, 'public': 0.03641956719289069, 'perfect': 0.0333854795224581}, {'was': 0.07650751245762076, 'looked': 0.06212267273319501, 'and': 0.061495315807971525, 'held': 0.05935352740393193, 'arrived': 0.05517432882686205, 'presided': 0.04446791418641999, 'laughed': 0.04221685362511652, 'called': 0.03738565489374883, 'be': 0.03464768313438387}, {'to': 0.08931606283397064, 'the': 0.0884031794695147, 'of': 0.0722907445228048, 'and': 0.05687411227644874, 'in': 0.03218499153857406, 'be': 0.026863622488952545, 'was': 0.02366411475909885, 'that': 0.020584370592096474, 'for': 0.019862109775457847}, {'we': 0.14061076615510062, 'I': 0.10160630465978483, 'they': 0.08058734155978471, 'and': 0.07883651104557017, 'he': 0.07393874556028772, 'who': 0.07030055558844002, 'which': 0.06940665023896395, 'it': 0.06657078356340392, 'that': 0.031327416136994024}, {'the': 0.4044287728989089, 'a': 0.1651158177173993, 'at': 0.06392716937058537, 'of': 0.05169544472202966, 'The': 0.05116272930828495, 'an': 0.03351730633822887, 'for': 0.032930178035168345, 'and': 0.028598159985317107, 'tho': 0.022631786219878082}, {'the': 0.15378903668702737, 'of': 0.09249548824970906, 'and': 0.07595235865820654, 'to': 0.07006226204227813, 'for': 0.02569471643071183, 'in': 0.025365441158559817, 'be': 0.023483724513089645, 'is': 0.020659405704139575, 'was': 0.018878285055910545}, {'and': 0.0120864997976485, 'men': 0.009953325899059158, 'in': 0.009210879674555108, ';': 0.008802801507405584, 'there': 0.007570856363255082, 'to': 0.007221161797799322, '': 0.006853923248674552, 'right': 0.00678610578059497, 'man': 0.0067764212634914955}, {'of': 0.1978328667254137, 'and': 0.12171540832325842, 'or': 0.10172675114359758, 'the': 0.0715347335742929, 'about': 0.054014235225233305, 'to': 0.05040023388824486, 'for': 0.04610287019661807, 'by': 0.03689998682449155, 'in': 0.029583967752202928}, {'and': 0.09289682875398107, 'to': 0.08362463815713578, 'of': 0.07865776104634967, 'the': 0.06502250552004986, 'was': 0.04293123221278658, 'be': 0.040856920591184086, 'for': 0.03853427113734677, 'is': 0.031189643383301092, 'in': 0.030049705904780007}, {'feet;': 0.1338014044916582, ';': 0.05236178963222644, 'running': 0.0496232440187462, 'feet,': 0.04914909326083571, '2;': 0.046721404201345657, '3;': 0.04019372309644519, '4;': 0.03639137390251367, '5;': 0.03191972051789777, 'feet:': 0.031646642826013927}, {'No.': 0.1905574064237599, 'and': 0.11742752150676514, 'the': 0.08573513577163215, 'section': 0.06716570345827272, 'Section': 0.050372685483039234, 'Book': 0.041964109859781606, 'lot': 0.03038117392758461, '.': 0.029338886421182788, 'of': 0.02681231493466765}, {'of': 0.2384161882432651, 'in': 0.14312244080379552, 'and': 0.1206150862929951, 'by': 0.09827968288885396, 'for': 0.06814733683069557, 'are': 0.05657678758365627, 'In': 0.054553338463706885, 'is': 0.03975376030229968, 'with': 0.030060094533908004}, {'the': 0.16916655027322977, 'of': 0.09610972877537258, 'and': 0.06476630762113637, 'a': 0.05084816639771816, 'to': 0.04541898084047627, 'in': 0.04120047961402981, 'be': 0.019866405767281572, 'for': 0.0169023718586994, 'was': 0.016076944507863202}, {'this': 0.36958452883098086, 'the': 0.34259986908756906, 'said': 0.0885473050618066, 'that': 0.03530383876428362, 'York': 0.024672885559096684, 'a': 0.02104614446098538, 'The': 0.016874915255733456, 'tho': 0.016380934896143423, 'of': 0.016156586306279933}, {'the': 0.32502446183051686, 'of': 0.1907277669981441, 'and': 0.08626770038412222, 'live': 0.06550056161870133, 'a': 0.06409949918638821, 'The': 0.05051581748910053, 'tho': 0.028554591600647408, 'capital': 0.02790484696757709, 'his': 0.02666962173745455}, {'to': 0.6363862723609941, 'and': 0.06338516877403895, 'not': 0.0516583067705787, 'will': 0.04576649334089893, 'would': 0.0279404977258583, 'they': 0.020845281520806808, 'may': 0.019190457513474823, 'shall': 0.016220185721492277, 'the': 0.015563994534363803}, {'the': 0.1606523825115084, 'and': 0.09840462809456928, 'of': 0.07009695972567442, 'was': 0.043754317011795475, 'a': 0.0428354194269197, 'be': 0.03936489290494575, 'Mr.': 0.02684667330048554, 'is': 0.026349779393466152, 'The': 0.025060469945123242}, {'the': 0.2994019276497981, 'an': 0.15623501807934456, 'any': 0.08392525459226878, 'that': 0.05905643672949075, 'last': 0.05378825777347446, 'such': 0.04618134106310105, 'and': 0.043276420916354655, 'of': 0.04034453884708455, 'a': 0.0400458899293403}, {'the': 0.18569082095527795, 'of': 0.08036465464605304, 'The': 0.07771425594879346, 'Mr.': 0.07134755128871598, 'and': 0.05004412695469776, 'that': 0.04809895270981636, 'a': 0.030382148191854107, 'Mrs.': 0.02415799873788853, 'his': 0.017341480938086247}, {'of': 0.42405370046663937, 'in': 0.11989662394285966, 'to': 0.09647579139351956, 'for': 0.07404440944051088, 'by': 0.05787281721668603, 'at': 0.04998072148792678, 'with': 0.04316641030467881, 'from': 0.04283664288615131, 'In': 0.032533716272405484}, {'and': 0.07520166197965884, 'is': 0.06987969741216218, 'necessary': 0.06706930058661055, 'as': 0.06232999113078815, 'enough': 0.056310440279060764, 'able': 0.054538084377104, 'order': 0.05029937523768137, 'was': 0.0447174707921287, 'have': 0.0440718483786297}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'It': 0.308759070312999, 'it': 0.23507253215569313, 'which': 0.10498735032789805, 'there': 0.06586242932396297, 'that': 0.03799274013007893, 'There': 0.03402017009191303, 'he': 0.033236554743068795, 'and': 0.026293100640026133, 'who': 0.02263117467461751}, {'to': 0.2166549587442623, 'and': 0.11382683339650906, 'in': 0.061465740580443795, 'of': 0.046522949531286294, 'know': 0.0444676054879885, 'that': 0.03865358001643305, 'or': 0.038244800123143186, 'determine': 0.03550730087390715, 'question': 0.035507292281882485}, {'part': 0.07268713102532033, 'one': 0.07071065938650846, 'some': 0.043508101530019876, 'out': 0.03575042106872343, 'members': 0.025760665467621124, 'and': 0.022440178638608456, 'tion': 0.02191026583655202, 'portion': 0.021052670553751075, 'side': 0.02092702198887348}, {'the': 0.6969309007796757, 'a': 0.07155852043216708, 'his': 0.031873791237050884, 'tho': 0.02469592979192483, 'The': 0.02251188277184931, 'of': 0.021786518126852155, 'and': 0.020441210023890065, 'this': 0.016189054079336344, 'said': 0.01575115754757246}, {'of': 0.35533556986066056, 'to': 0.12957036817900783, 'in': 0.1064226793852042, 'on': 0.06140220613439886, 'by': 0.057956679082359394, 'and': 0.056325554289380235, 'for': 0.054395718485289, 'that': 0.04579340593385644, 'from': 0.044518976855363705}, {'the': 0.728200429724696, 'a': 0.056723864615153, 'The': 0.05012787139764091, 'of': 0.04373850775587098, 'tho': 0.03603715911854208, 'and': 0.012791759327917408, 'in': 0.010024460165757334, 'tbe': 0.009586031858445247, 'by': 0.006442254066742466}, {'the': 0.17172383410285816, 'a': 0.16013837413769977, 'of': 0.0897213990225678, 'and': 0.07941775219595099, 'to': 0.076457427338603, 'from': 0.05043747281422674, 'is': 0.049111778496207445, 'are': 0.042402173211439326, 'electric': 0.04018805963768791}, {'to': 0.11281399803289245, 'and': 0.09843914181452033, 'the': 0.06842805974766637, 'of': 0.05687026202824076, 'in': 0.04203057214573107, 'not': 0.03970656524608337, 'I': 0.025337889147534078, 'a': 0.02176065028799115, 'or': 0.020454441480062344}, {'the': 0.18569082095527795, 'of': 0.08036465464605304, 'The': 0.07771425594879346, 'Mr.': 0.07134755128871598, 'and': 0.05004412695469776, 'that': 0.04809895270981636, 'a': 0.030382148191854107, 'Mrs.': 0.02415799873788853, 'his': 0.017341480938086247}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'and': 0.09726853556481815, 'as': 0.07160402239417574, 'able': 0.059779858998548346, 'order': 0.054447382735833286, 'began': 0.05095759911946827, 'enough': 0.050690463931008574, 'time': 0.04237325790120134, 'right': 0.03517264075211007, 'going': 0.03257808617566102}, {'I': 0.17225515204316716, 'they': 0.07018000683537888, 'he': 0.06899820537466604, 'and': 0.04895442916875126, 'we': 0.0476234306971451, 'that': 0.03070326979539832, 'it': 0.028675648835063232, 'We': 0.025737288915472115, 'who': 0.022195445316665147}, {'the': 0.44677634503301367, 'court': 0.1358917653913398, 'a': 0.08757110224857889, 'The': 0.03732288598578159, 'his': 0.03643779935695624, 'school': 0.03368578535572566, 'tho': 0.02554421956250853, 'dwelling': 0.01910098533765953, 'opera': 0.017334181077804683}, {'the': 0.16819398629507223, 'a': 0.13202403462668133, 'was': 0.11589667815920916, 'is': 0.10972655853104037, 'are': 0.08450039167140182, 'be': 0.06746333565257376, 'and': 0.06380722929503117, 'were': 0.05890370565310024, 'his': 0.04548222184720917}, {'his': 0.0871191375784256, 'the': 0.07267569784664335, 'her': 0.05501978943406567, 'John-': 0.045009422691827845, 'sea-': 0.033726592483549235, 'Jack-': 0.027735587511211128, 'of': 0.025243226572607316, 'per-': 0.024545898747016938, 'per': 0.022846161288595165}, {'and': 0.2564602662320493, 'that': 0.09313127477238857, 'but': 0.08494204266932508, 'But': 0.03436532817538641, 'time': 0.031253204197043805, 'And': 0.025145300471250315, 'or': 0.019250281254382606, 'even': 0.017926289307121025, 'day': 0.014021027323826742}, {'and': 0.13787420496769373, 'the': 0.09286412872217549, 'a': 0.053992032547592744, 'of': 0.04568366524819612, 'to': 0.04071930171926921, 'in': 0.03883537183877799, 'I': 0.031239115353256207, 'will': 0.02778423589738294, 'for': 0.021437359698497437}, {'the': 0.3750943401577431, 'this': 0.16068010179693568, 'a': 0.10279611729457162, 'any': 0.04634223610734871, 'his': 0.04143611941625734, 'good': 0.03859101366422944, 'same': 0.036757115988318934, 'no': 0.03399625908006325, 'of': 0.032821664351270596}, {'a': 0.29632863803279347, 'the': 0.29319660315607976, 'his': 0.08466798825706318, 'and': 0.0658144597103064, 'The': 0.044372622840493044, 'her': 0.032202816167186225, 'my': 0.023612300999622103, 'their': 0.022963559228793846, 'no': 0.022225727717514736}, {'and': 0.1301270114295851, 'according': 0.08525640557170482, 'as': 0.06760175422514625, 'went': 0.06044408235382893, 'go': 0.055953344753071725, 'subject': 0.05069415398410162, 'them': 0.036027228637576764, 'or': 0.03418997823126099, 'addition': 0.0308032043281532}, {'up': 0.028727332734942778, 'in': 0.015094152014446294, 'him': 0.01327393335687834, 'them,': 0.01207533412936259, ';': 0.01173268651389166, 'it,': 0.011284677667053211, 'time': 0.011243407600123281, 'down': 0.009897075507421312, 'out': 0.009652494656626761}, {'and': 0.17805051509683698, 'was': 0.152483923042491, 'is': 0.14159480518079579, 'are': 0.09979590332513556, 'be': 0.048643095909988575, 'were': 0.045543202859017966, 'not': 0.044103803192354324, 'been': 0.04293661606827236, 'or': 0.04136896168535797}, {'and': 0.08685753228186245, 'that': 0.03311254863761124, 'was': 0.030070884103840786, 'made': 0.0246277289903959, 'is': 0.023446737027546346, 'as': 0.020451885404229223, 'it': 0.019612570247315688, 'up': 0.019077074913983288, 'but': 0.01771085066638833}, {'not': 0.3645521356847308, 'has': 0.1629487811219789, 'have': 0.10563221637958962, 'had': 0.06504793161278646, 'as': 0.062037488989778775, 'and': 0.05678746430696255, 'is': 0.030260395006499564, 'which': 0.019292785530021356, 'it': 0.017026892181544115}, {'the': 0.3692409109447755, 'said': 0.2046094787908835, 'a': 0.04916009168758423, 'of': 0.046561254189769974, 'this': 0.03296975206290897, 'his': 0.03066690407314564, 'tho': 0.02142355773459549, 'in': 0.014359703056885584, 'their': 0.013031302405895819}, {'and': 0.2077384279023899, 'the': 0.05689602980259669, 'I': 0.04077835907797324, 'was': 0.03862876865255101, 'had': 0.029270341780521653, 'is': 0.02877672650992485, 'he': 0.02750428455663412, 'have': 0.024488269935397027, 'that': 0.02193389928382778}, {'virtue': 0.07446520038896885, 'out': 0.065008335608151, 'part': 0.03947215825672998, 'one': 0.03562890125655043, 'quarter': 0.03241584136443704, 'favor': 0.0239235849421329, 'result': 0.023354276051738905, 'guilty': 0.022667050730808908, 'means': 0.022196791642065155}, {'the': 0.23131570266520746, 'our': 0.15591560146723332, 'their': 0.13492258029805515, 'of': 0.10801247481104359, 'and': 0.08698386447821807, 'his': 0.06652142903806138, 'in': 0.053727405673914055, 'its': 0.026373771171504103, 'my': 0.02501282469560387}, {'one': 0.054270682382265484, 'on': 0.018635178835198843, 'receipt,': 0.017617818445693552, 'two': 0.017537711655102473, 'person': 0.011334835133105108, 'law': 0.010571859356273687, 'and': 0.010509494720972786, 'day': 0.009758359148914084, 'man': 0.009475781226335717}, {'the': 0.14852630390270222, 'of': 0.12671608490399544, 'on': 0.07401082247680522, 'to': 0.055000880397542924, 'and': 0.04738965741070641, 'in': 0.037087094028440286, 'by': 0.03002796918650046, 'a': 0.027138954646907826, 'for': 0.026336872663262553}, {'amount': 0.1324991777774628, 'number': 0.1195832847481357, 'power': 0.05600932900002943, 'out': 0.048236251334887056, 'piece': 0.0422564643697225, 'board': 0.04087941925551844, 'state': 0.039278170903067705, 'place': 0.03585312338384088, 'plenty': 0.03232403925452944}, {'the': 0.8801520978546141, 'tho': 0.03516263770939168, 'The': 0.030731011900014205, 'tbe': 0.013202028380028317, 'and': 0.008723928367313288, 'this': 0.0052139127140157495, 'its': 0.005130562652591462, 'their': 0.004289313862364009, 'of': 0.003965436674753061}, {'the': 0.46765339487724533, 'of': 0.12673556051297113, 'his': 0.046588731645437066, 'their': 0.04136282262621412, 'in': 0.03783336999919241, 'a': 0.03228670731075071, 'our': 0.03133043059991987, 'and': 0.03127061505354022, 'all': 0.026663659935441567}, {'the': 0.15148490168489717, 'of': 0.13583652804367666, 'sai': 0.10384314468257169, 'in': 0.061924284818837126, 'a': 0.061761377705183015, 'and': 0.041314510502277524, 'New': 0.03989431812215925, 'an': 0.024018181501534532, 'to': 0.01909883614290916}, {'<s>': 0.11107758465720001, 'it.': 0.02294468665262739, 'them.': 0.016024343455324244, 'country.': 0.010227144711602998, 'time.': 0.009783760694581936, 'him.': 0.009080371368328396, 'years.': 0.008745155329793204, 'of': 0.008512576172979496, '.': 0.008304803029606542}, {'to': 0.2849138609951852, 'has': 0.15484156649993383, 'had': 0.10323110289853107, 'will': 0.09503781545255045, 'have': 0.08874158352013692, 'and': 0.08834498624543688, 'would': 0.05632651628231597, 'shall': 0.03514089183141581, 'may': 0.03195973438040186}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'of': 0.23971455144800088, 'to': 0.1914157611989152, 'in': 0.13305486716838594, 'for': 0.09436628434311173, 'with': 0.0701296758458586, 'on': 0.052055596810937764, 'from': 0.03632796851560582, 'by': 0.027381580349151557, 'In': 0.025408759699834457}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'of': 0.26180700396004014, 'to': 0.13046205787879683, 'in': 0.12959874192086887, 'with': 0.08699542108604937, 'and': 0.0785655203909359, 'for': 0.051131989656096895, 'all': 0.049505110102839, 'on': 0.04671525326389499, 'by': 0.03052528803942879}, {'not': 0.2909459919268081, 'to': 0.19162253690697897, 'I': 0.14760361783249287, "don't": 0.09144714473534618, 'we': 0.0748570676838862, 'you': 0.061791086135353515, 'We': 0.039977118301561976, 'they': 0.03347822432804092, "didn't": 0.031096578402452012}, {'the': 0.14379428209276804, 'of': 0.10823588490868821, 'to': 0.0827042812586203, 'and': 0.05197408721748163, 'in': 0.0501377582593593, 'at': 0.044645185639923424, 'a': 0.03285920098573817, '.': 0.0221338463363058, 'for': 0.019868949600616925}, {'and': 0.20003908491540728, 'is': 0.04041344864029046, 'or': 0.035237427130461144, 'but': 0.03421646427910321, 'be': 0.02793385549479176, 'was': 0.02689110342832867, 'not': 0.02677959716089306, 'that': 0.02308569792290343, 'done': 0.022943616466529947}, {'they': 0.1688448108650608, 'who': 0.10045215328306022, 'we': 0.09201623567438437, 'which': 0.08870867417890872, 'there': 0.07700899795250477, 'that': 0.05404051067376348, 'They': 0.04588648589875279, 'and': 0.04428233895555999, 'We': 0.04419966447682515}, {'the': 0.16866521496506504, 'of': 0.10134741350355506, 'and': 0.07055437288341877, 'a': 0.04534265260080411, 'to': 0.0413013158134652, 'his': 0.025910871644329928, 'be': 0.025020793975801862, 'my': 0.023697134385706232, 'I': 0.02200907055966385}, {'the': 0.6562377718922799, 'a': 0.10769780370046501, 'and': 0.05246891076513886, 'The': 0.03334862254039583, 'tho': 0.029832246071983762, 'in': 0.028500666440141598, 'al-': 0.020544476249403042, 'of': 0.01620732702177645, 'our': 0.014176543941590954}, {'of': 0.35832925562014534, 'in': 0.1441260964261106, 'to': 0.10153241065591626, 'by': 0.08224211504288392, 'for': 0.057448987470630375, 'that': 0.05456814295971369, 'and': 0.04874421013993942, 'with': 0.03929391158995342, 'on': 0.038583091664788884}, {'the': 0.4194760133204718, 'of': 0.21993837615035414, 'a': 0.07820699333991614, 'for': 0.06890082472066605, 'in': 0.05989702553633682, 'our': 0.04388859965268209, 'and': 0.02825844469242619, 'with': 0.026338191511716732, 'The': 0.022108850604616738}, {'to': 0.6828244198750902, 'not': 0.08674414408212534, 'will': 0.052651854524954765, 'would': 0.04513180164819765, 'and': 0.0327727902958387, 'can': 0.02887884027791392, 'could': 0.018063576204481048, 'should': 0.017712203148145804, 'may': 0.016502735516020585}, {'and': 0.08362943294997585, 'together': 0.07769806815080653, 'connected': 0.0635902168573379, 'connection': 0.06228367212358626, 'accordance': 0.047530813078388766, 'comply': 0.026000666542743977, 'acquainted': 0.023189098613704624, 'compared': 0.02214887744238745, 'contact': 0.01973810078197255}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.1313140036135754, 'of': 0.1027507024190645, 'to': 0.07476970299196374, 'and': 0.06455885788111582, 'a': 0.05143557469112698, 'in': 0.031455505429987214, 'by': 0.02601727992271456, 'or': 0.024779628828319963, 'that': 0.022779698424792584}, {'and': 0.12287239192699688, 'make': 0.10296312716045827, 'for': 0.07223309911829481, 'that': 0.07158109260795523, 'of': 0.06104855051857094, 'with': 0.060270480909950436, 'to': 0.04576690514902329, 'give': 0.04424854091214321, 'but': 0.039822350271379814}, {'was': 0.11732724512881941, 'be': 0.08652388302127678, 'he': 0.08055695572082232, 'and': 0.06429250401260765, 'been': 0.059084931497754484, 'had': 0.0509735519769431, 'is': 0.05084307137494407, 'above': 0.04881719898528316, 'has': 0.04362101002132871}, {'of': 0.26216013414220135, 'to': 0.12922764330974462, 'on': 0.08550387330321055, 'by': 0.07937552076272507, 'in': 0.07491831145146069, 'with': 0.07485126303067323, 'and': 0.059701424540247766, 'that': 0.05554820111168661, 'from': 0.03888892464011661}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'the': 0.7077942144432715, 'this': 0.07233378257452498, 'tho': 0.03049263886566688, 'The': 0.026685087890588946, 'to': 0.02603949799452528, 'our': 0.022425529085504856, 'and': 0.02102891754327576, 'that': 0.015184154862730755, 'any': 0.015120829282898688}, {'<s>': 0.10514401260260799, '.': 0.016459320058466273, 'it.': 0.013484712208384689, 'them.': 0.010348158826723748, 'day.': 0.006710013809881599, 'him.': 0.0061878063876993515, 'time.': 0.006177099641911567, 'of': 0.0060543371589817695, 'country.': 0.00551450571704916}, {'to': 0.45985485440783713, 'the': 0.11545204519738739, 'a': 0.0798073580868715, 'and': 0.04397087254624787, 'will': 0.038355498311099925, 'of': 0.03275484079471082, 'in': 0.025727743195569454, 'could': 0.019529907514107984, 'can': 0.018723619886100863}, {'covered': 0.1020858309452194, 'filled': 0.08463863441453434, 'together': 0.07233504976408846, 'and': 0.06079947761630909, 'up': 0.05254834154437108, 'charged': 0.02855485928750383, 'loaded': 0.023821691788717504, 'thence': 0.021589646545428987, 'down': 0.02155174769690413}, {'as': 0.07308174150437989, 'up': 0.06573330207535677, 'and': 0.05338260874627114, 'back': 0.03536351272435947, 'down': 0.031102529544523316, 'went': 0.030671475210404937, 'came': 0.027342903940805942, 'according': 0.02707235506286685, 'regard': 0.02677627423279838}, {'amount': 0.0995008966446256, 'number': 0.08924763260263822, 'out': 0.0680976611951885, 'point': 0.0660987611323109, 'time': 0.06588686103071821, 'plenty': 0.04619361387646886, 'deal': 0.03435321080490822, 'means': 0.03229709886228123, 'thousands': 0.032158118562754946}, {'the': 0.3218887590826484, 'a': 0.08686119282433291, 'and': 0.07613156704910069, 'of': 0.05271960827074656, 'in': 0.0308001910237427, 'to': 0.028306705208173383, 'The': 0.02672237079220858, 'tho': 0.02064148906740596, 'by': 0.013205292701043812}, {'the': 0.21949346728742322, 'of': 0.12888142478502584, 'young': 0.0833915232260745, 'two': 0.06304656125671602, 'and': 0.061947647947214204, 'The': 0.038895554760906594, 'good': 0.026851341740849948, 'three': 0.026364846150053897, 'our': 0.02289391239398038}, {'to': 0.4201705277653777, 'will': 0.10861571854324881, 'had': 0.08870088084465604, 'have': 0.07228751603267132, 'has': 0.06324634044415882, 'be-': 0.06304481337993445, 'would': 0.051921641275165534, 'not': 0.04270033070132927, 'and': 0.03561814406608093}, {'and': 0.07876689232418883, 'as': 0.06702440671241168, 'is': 0.057637312032161936, 'right': 0.052582805358804524, 'him': 0.04551869721224671, 'able': 0.041478070668639226, 'time': 0.04102003149333166, 'them': 0.03423358401862002, 'enough': 0.0339909602857986}, {'the': 0.42446691281405696, 'Supreme': 0.17740759813926726, 'said': 0.05514565471941017, 'Circuit': 0.03810957727350013, 'this': 0.037741232843978206, 'Police': 0.03700510120484572, 'District': 0.03629859049347633, 'tho': 0.03317138131996823, 'The': 0.030150101858420538}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'they': 0.20095910601057312, 'who': 0.124523102880469, 'which': 0.06576408277105182, 'and': 0.062084023891891514, 'we': 0.056580197458329436, 'there': 0.04337561755871434, 'They': 0.0415246748722641, 'that': 0.028696993435751186, 'you': 0.02556594275175593}, {'of': 0.3209870167342882, 'for': 0.1416375557004062, 'by': 0.08898734227630199, 'in': 0.08569005839771135, 'that': 0.07242008550233002, 'to': 0.06580515891195804, 'and': 0.06572777399041392, 'with': 0.04330886890889293, 'all': 0.03819141636213868}, {'the': 0.12671861763322573, 'of': 0.10759771495017814, 'and': 0.09182402573619498, 'to': 0.07434084002111045, 'in': 0.039655270421379785, 'a': 0.03464549447144441, 'for': 0.029242192494663286, 'or': 0.021617722532755065, 'four': 0.018022081759731044}, {'the': 0.15607193799238153, 'of': 0.11543365527198013, 'in': 0.10431001369780722, 'and': 0.06821341557689518, 'to': 0.056839451971798, 'for': 0.046607655628114225, 'a': 0.04383796269132037, 'In': 0.028586301920093857, 'that': 0.02810385598890731}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'is': 0.09213517668138704, 'not': 0.06382310314879153, 'able': 0.06377756170911089, 'time': 0.056390421417557485, 'right': 0.04979551150019635, 'have': 0.047288829236261445, 'him': 0.04634013758712368, 'enough': 0.04414126127098178, 'and': 0.0433097066808092}, {'and': 0.2598076956190424, 'was': 0.1309237700813833, 'is': 0.11410946782408489, 'are': 0.07180540799406811, 'but': 0.06293089841184034, 'were': 0.059636985070825314, 'He': 0.03179594897239422, 'be': 0.02052145526187128, 'has': 0.0196216549090466}, {'of': 0.1724587128603541, 'and': 0.10232929717210827, 'is': 0.09706851765784583, 'with': 0.09057319125743792, 'to': 0.08396292664928676, 'by': 0.06808200296295713, 'as': 0.0660567220179131, 'in': 0.06277988848697233, 'for': 0.06029824593745419}, {'of': 0.33191907683304406, 'in': 0.09582633658190783, 'and': 0.07545947152368626, 'with': 0.07320939268241085, 'for': 0.06750175334464788, 'to': 0.0645245293356905, 'that': 0.0545120967352072, 'by': 0.04342196650585442, 'almost': 0.04080302706830654}, {'of': 0.2833693089484213, 'that': 0.10811844288593726, 'and': 0.10662083437768888, 'to': 0.09463276672085295, 'in': 0.08824655943488828, 'for': 0.0664897277858954, 'by': 0.05099602956606445, 'with': 0.03846604802522818, 'as': 0.03045645640010543}, {'to': 0.1979035151831351, 'of': 0.18130228337517496, 'the': 0.14541891862264808, 'in': 0.11845236295472743, 'a': 0.049403962657992455, 'and': 0.047909075793789224, 'his': 0.04076774611100155, 'for': 0.0393177353327809, 'I': 0.031067859526018853}, {'It': 0.1298655577825775, 'that': 0.06843857316429541, 'it': 0.06618386969877936, 'which': 0.06265938968811574, 'there': 0.05667034342793492, 'This': 0.03919041274386069, 'and': 0.032754674638403834, 'he': 0.025159456963103066, 'this': 0.01974738444522794}, {'fifteen': 0.1175977466877019, 'hundred': 0.108713205614443, 'twenty': 0.08505874432601553, 'ten': 0.07470460050246855, '100': 0.06985567763681125, 'six': 0.06270991108129545, 'eight': 0.056164483599501575, '50': 0.05548409171088513, '30': 0.04181045586727101}, {'more': 0.08918231862693858, 'person': 0.041925487235713044, 'one': 0.03180862876206295, 'man': 0.03094497516634387, 'law': 0.02656222816492717, 'whether': 0.015350590738477844, 'action': 0.014585063933428025, 'right': 0.014226183623899396, 'time': 0.013850154256665425}, {'the': 0.6450752159221637, 'and': 0.08450588324258847, 'The': 0.05360187291303511, 'tho': 0.040009915788677686, 'in': 0.031213371552909607, 'a': 0.024173531993553217, 'great': 0.023089510428015873, 'of': 0.020568747924298605, 'his': 0.015091726314186846}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'it': 0.1187102407202494, 'they': 0.11786581505014107, 'he': 0.08156124203831308, 'which': 0.0662004988011087, 'you': 0.05699203718316853, 'as': 0.055480195818753825, 'we': 0.05543650958894393, 'who': 0.0551785867592742, 'that': 0.05370926239408278}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'there': 0.1724828893197209, 'they': 0.10173229519452093, 'you': 0.0685229773784888, 'who': 0.06473490009901371, 'which': 0.06304519538582071, 'that': 0.06269052956244593, 'There': 0.05250185536089249, 'and': 0.05073874243233057, 'we': 0.045454072307539194}, {'the': 0.22376675678896588, 'and': 0.11894565519471034, 'to': 0.10285864248691212, 'a': 0.08975179393917965, 'of': 0.08399001975735913, 'be': 0.0509749888196219, 'his': 0.037793003813015216, 'was': 0.03609926906814657, 'The': 0.033179033099978154}, {'to': 0.5709158691249301, 'the': 0.16162644042903582, 'and': 0.04812718944403379, 'that': 0.03157678103716041, 'this': 0.030732598518076318, 'which': 0.02426002447569983, 'of': 0.023155810006950224, 'a': 0.01806410828225963, 'To': 0.010305186766635277}, {'and': 0.06836615806839769, 'closing': 0.050893343497395126, 'was': 0.030410464365082754, 'valued': 0.024267484682224193, 'held': 0.022214654137899494, 'sold': 0.021055232583252027, '2': 0.020543621014705526, 'is': 0.020278384145430397, 'arrived': 0.019208907943256866}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'well': 0.09857483323893175, 'and': 0.0776383525709243, 'far': 0.05949378141146232, 'such': 0.04411237910605383, 'much': 0.0329038441231109, 'just': 0.030696561161891643, 'but': 0.029572420729734546, 'so': 0.029412895476331684, 'it': 0.029270713481247494}, {'the': 0.11465877822957096, 'and': 0.08691397614958754, 'of': 0.0684481415135792, 'to': 0.047612852416672874, 'in': 0.02458400066508134, 'that': 0.022156300571771172, 'said': 0.02177707665441787, 'for': 0.020119557938665083, 'his': 0.0199577743010974}, {'of': 0.5096329782940627, 'in': 0.19390829406097262, 'to': 0.06149768604111854, 'that': 0.0478889323296513, 'In': 0.04382994975986251, 'for': 0.03573158081883348, 'by': 0.022830366445967906, 'and': 0.02186583590891844, 'from': 0.017548448563929953}, {'was': 0.20397999279254078, 'be': 0.1545654388114736, 'been': 0.10289563823003013, 'is': 0.08499364607264678, 'were': 0.06545001289081656, 'and': 0.043495576852066016, 'are': 0.04017045146598056, 'have': 0.03716176369837105, 'had': 0.036891598409098336}, {'the': 0.10567039952385696, 'and': 0.07390389905273341, 'of': 0.05463762196833574, 'to': 0.04621044118977007, 'in': 0.033743119247883264, 'at': 0.02430700263706217, 'was': 0.022720215418310045, 'is': 0.022485849785225113, 'that': 0.022154606369123413}, {'the': 0.5064750755708597, 'and': 0.08850894329801963, 'a': 0.08840703114645244, 'The': 0.05692262014542437, 'tho': 0.027524552461796043, 'of': 0.026879044396871575, 'to': 0.018651855422256176, 'at': 0.015422020214298988, 'this': 0.013657111408056616}, {'Mr.': 0.0849121196784214, 'A.': 0.08280433874728164, '.': 0.08145549059216205, 'John': 0.04920887173347141, 'of': 0.048255303137818735, 'Mrs.': 0.03727084497188931, 'and': 0.0360687546207077, '<s>': 0.03142975192063354, 'C.': 0.026076997903122835}, {'the': 0.5757104425109334, 'The': 0.09210553393401952, 'and': 0.0733615564919135, 'a': 0.04465501578896293, 'said': 0.03537417511315459, 'tho': 0.03343098304458661, 'if': 0.03332052632160412, 'of': 0.02945658890728012, 'that': 0.023550728026842143}, {'of': 0.15324369321951478, 'to': 0.08933348557693582, 'that': 0.08833595529568253, 'and': 0.08687188196793748, 'in': 0.04523864817614994, 'on': 0.04336197374882581, 'for': 0.04224528361654128, 'was': 0.03799672110385091, 'with': 0.03777242975799738}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'any': 0.2832515365999, 'a': 0.2616570442541545, 'the': 0.14343856324525567, 'no': 0.06841797450150143, 'Any': 0.06430501868676096, 'other': 0.041985669031348115, 'every': 0.0399579403319592, 'some': 0.03349346635638861, 'of': 0.030305552816045325}, {'to': 0.11611623202716108, 'and': 0.0927670277041291, 'of': 0.05480015358824163, 'the': 0.03853384443427393, 'is': 0.03353964289198347, 'in': 0.029809014802675858, 'was': 0.0288691907044105, 'con-': 0.025306563829559637, 'will': 0.02411726427444757}, {'the': 0.1490099543157555, 'of': 0.12469996092339555, 'and': 0.0895617069776411, 'to': 0.049555930277057104, 'in': 0.037487343305092666, 'be': 0.03520975431758532, 'for': 0.034380823591628, 'their': 0.02934071419110373, 'was': 0.026817927384443198}, {'and': 0.3014821151051759, 'was': 0.12141311355459725, 'as': 0.07065745878115919, 'is': 0.0628659156174078, 'he': 0.056562473983541965, 'be': 0.0529092060594621, 'not': 0.04677172370402217, 'that': 0.04453847419994225, 'to': 0.03997021286117197}, {'a': 0.2798503606201979, 'this': 0.20070722237300181, 'the': 0.16897641755135343, 'to': 0.14987112569239877, 'last': 0.05248554115322125, 'next': 0.03760344297881363, 'his': 0.026398008137989232, 'that': 0.024784135737151478, 'and': 0.023535673931609113}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'and': 0.20982951992940316, 'to': 0.1191039777715214, 'not': 0.03903957227939709, 'that': 0.028959219156538953, 'or': 0.02754408301558847, 'who': 0.02659348785819813, 'of': 0.026094111035287845, 'will': 0.025683829625368023, 're-': 0.024727742544405223}, {'as': 0.15832370718864952, 'and': 0.09669743093210365, 'is': 0.06800357063662096, 'order': 0.049756718090450944, 'necessary': 0.04762907625617685, 'time': 0.046133216802455634, 'not': 0.044248709789671214, 'right': 0.04397268468555158, 'enough': 0.04218975546810305}, {'the': 0.20381759011136966, 'his': 0.1584508451603503, 'our': 0.155840569128325, 'a': 0.10912388792065948, 'their': 0.08413993601621798, 'of': 0.05873872391449477, 'her': 0.05563166856665698, 'my': 0.04885873941725618, 'other': 0.04347618149419944}, {'part': 0.041814086596334524, 'one': 0.04134926436508371, 'out': 0.035402841510384524, 'side': 0.028862210444509873, 'line': 0.02074851348144377, 'amount': 0.019906626991899982, 'all': 0.019737825695701743, 'and': 0.018545975370854267, 'tion': 0.016365261887047473}, {'Los': 0.8466830930694964, 'the': 0.02830024126427634, 'and': 0.017590412507874135, 'of': 0.016410868106984156, 'com¬': 0.002691539640712567, 'to': 0.002365354116603298, 'com-': 0.0023202245785355785, 'all': 0.0020713007565212067, 'these': 0.001623086261493716}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'the': 0.10935321992562334, 'of': 0.07055009218697632, 'and': 0.04090699394940684, '.': 0.03862009833238652, 'a': 0.03790902927964509, 'to': 0.024032078252882866, 'at': 0.015220112517303147, '<s>': 0.015038868216319239, 'in': 0.014911123075786875}, {'A.': 0.544141374383763, '.': 0.11728122770999996, 'Mrs.': 0.052465091200879506, 'J.': 0.04723095565928819, 'W.': 0.035851304608181485, 'S.': 0.03449707137672712, 'M.': 0.03099406149521467, 'C.': 0.02862393458391735, 'N.': 0.02771629806617868}, {'I': 0.12513872098343115, 'they': 0.08357544414239974, 'it': 0.08190617309249656, 'and': 0.0815868912740847, 'you': 0.08088658783336793, 'he': 0.07837937158007811, 'which': 0.06818803404394078, 'that': 0.0672771737644144, 'we': 0.037464759024131426}, {'to': 0.27545024284435193, 'that': 0.08882073690219, 'may': 0.07734858916335359, 'can': 0.07638863041225788, 'will': 0.0727722711803104, 'not': 0.07263896487387114, 'should': 0.04831896682563185, 'must': 0.038231152479160736, 'could': 0.03547045340386988}, {'the': 0.1844441770319582, 'south': 0.17270827545777226, 'north': 0.14758809253716265, 'east': 0.13312266834521988, 'west': 0.11740281509508677, 'one': 0.056493289570540436, 'other': 0.04689442941036244, 'either': 0.029527928032793346, 'a': 0.026020376492630268}, {'provisions': 0.08155268622048072, 'copy': 0.07438298592748818, 'date': 0.061886723423349964, 'part': 0.06076408457322527, 'one': 0.05124169281485493, 'out': 0.04701489352502034, 'people': 0.04423834088325635, 'publication': 0.03792894646628187, 'members': 0.026565416948037213}, {'the': 0.269730201415033, 'of': 0.0910997607579036, 'public': 0.07270172702604868, 'Sunday': 0.06746993731138733, 'high': 0.06561689485292851, 'The': 0.06290812868987715, 'this': 0.05724304568433348, 'a': 0.04795290134879577, 'that': 0.042642313196897395}, {'and': 0.10550288511889883, 'as': 0.03892752115408401, 'of': 0.03421751256525285, 'to': 0.027773846585885283, 'or': 0.02622949860078334, 'the': 0.023926700377727126, 'that': 0.0235657692814555, 'it': 0.021440684085453597, 'in': 0.019670650563019712}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.27986822202769596, 'said': 0.14675203564820966, 'of': 0.13039801432769665, 'and': 0.07367964447176892, 'such': 0.05845676486095778, 'The': 0.0523158080489567, 'that': 0.026037586080508546, 'or': 0.020810162764091325, 'this': 0.018602514563593943}, {'the': 0.2633386288666156, 'he': 0.10313492363846669, 'a': 0.10145314834708817, 'I': 0.09938565863735846, 'and': 0.09693043754174643, 'was': 0.06166362960623837, 'be': 0.043421860869106085, 'never': 0.04159961644626833, 'is': 0.03612752229036968}, {'it': 0.2834030725463564, 'It': 0.23869947315892012, 'he': 0.06361093780148354, 'there': 0.0618799603153546, 'which': 0.053981210955323856, 'that': 0.04369272734238851, 'this': 0.03143321285797801, 'This': 0.030533814048383415, 'and': 0.030374721819487117}, {'of': 0.1120222012945736, 'to': 0.10805564283787389, 'and': 0.10471511639213496, 'the': 0.08010409794060377, 'in': 0.07152795479599623, 'for': 0.038161825115349504, 'that': 0.03105212765693482, 'or': 0.023210256416274246, 'In': 0.022952299139503595}, {'of': 0.32095198866429236, 'this': 0.1341791099097044, 'in': 0.10036887990423098, 'the': 0.08816128385190428, 'that': 0.06927732665912303, 'said': 0.0393615099934089, 'to': 0.03550047194651126, 'In': 0.020088980448438955, 'and': 0.019269922901128684}, {'feet;': 0.12434890594495451, '2;': 0.09892656202008526, '3;': 0.09002356716118383, '4;': 0.08653608705637308, '5;': 0.059262211241565575, '6;': 0.04277447842386288, '7;': 0.04013091670758408, ';': 0.03363129180807383, 'feet,': 0.030280831753287885}, {'of': 0.18171121334239781, 'and': 0.15477625645117196, 'in': 0.14599847856764325, 'that': 0.094188869649063, 'to': 0.07078393310997617, 'on': 0.06957989816223116, 'nearly': 0.047736657089924986, 'by': 0.0469213034513314, 'with': 0.04429312544393228}, {'that': 0.2373884972957856, 'and': 0.1377305686505458, 'which': 0.09625758968948137, 'as': 0.09061390695885867, 'but': 0.05385423997632569, 'what': 0.04964456326503512, 'when': 0.044032929811388136, 'if': 0.04092900816275678, 'If': 0.025422165943560813}, {'the': 0.314898083850604, 'of': 0.11117544213003971, 'two': 0.05985457839574133, 'three': 0.05924698429112187, 'several': 0.05014899814858758, 'a': 0.050108027541398134, 'their': 0.0451153796978904, 'other': 0.04506736821598396, 'for': 0.04222507027796368}, {'one': 0.09256824762898934, 'part': 0.0674274335493596, 'some': 0.05120648280056133, 'out': 0.04944939543362918, 'all': 0.03230362698104824, 'portion': 0.028282467414459354, 'any': 0.023294251004539735, 'much': 0.02210418497572579, 'that': 0.021590985948602686}, {'the': 0.36857810482364345, 'this': 0.09197424603130958, 'The': 0.08768447883983285, 'National': 0.08436677335282519, 'State': 0.07198125844268286, 'said': 0.050486287234291265, 'that': 0.0319884174408592, 'City': 0.03003472243513628, 'a': 0.027591466133489843}, {'southeast': 0.2053673582890305, 'the': 0.178157394364479, 'northwest': 0.14992415284783422, 'northeast': 0.12726195335421273, 'southwest': 0.06706781623544061, 'a': 0.047247609110843025, 'east': 0.03324366400832461, 'west': 0.0330150898364142, 'and': 0.019789510871081165}, {'two': 0.16347123080564704, 'few': 0.10644577970891445, 'four': 0.10097772091558796, 'many': 0.09902626114265485, 'ten': 0.09682458200986384, 'three': 0.08282097509223535, 'five': 0.07083227418491503, 'twenty': 0.0706028492665483, 'of': 0.05946042511713626}, {'the': 0.28705410755788624, 'this': 0.14593777522033138, 'a': 0.12144293521508405, 'The': 0.08171780573780614, 'his': 0.06843938311666463, 'that': 0.058441750716157335, 'our': 0.0431207032635729, 'one': 0.0342803563792211, 'said': 0.03124982902855269}, {'up': 0.018164502101530162, ';': 0.01162208331085315, 'him,': 0.010458792530640295, 'hundred': 0.01029064135030188, 'him': 0.00997277119613871, 'made': 0.009888304085213614, 'time': 0.008347658336788667, 'them': 0.00799611659941173, 'them,': 0.007645086513012413}, {'.': 0.07226717495645492, 'of': 0.05839249190943676, 'and': 0.053822751219334365, 'the': 0.04665887543924675, 'by': 0.029504441178203382, 'H.': 0.024524614720099615, 'Mrs.': 0.02404488748354358, 'J.': 0.023549247209877507, 'to': 0.02115250011442077}, {'two': 0.2778681957044195, 'few': 0.14901263234834586, 'six': 0.07855902031086825, 'three': 0.0718606209243598, 'several': 0.06617593445472637, 'four': 0.058250703232083235, 'twenty-four': 0.047838309991698226, 'five': 0.04313986136873534, 'eight': 0.04216565439719355}, {'he': 0.26234042388263396, 'I': 0.17013104241927296, 'who': 0.09737593636648968, 'they': 0.08274616754030523, 'she': 0.05702459482874251, 'which': 0.035973378065662594, 'we': 0.035587723425290485, 'He': 0.03509435106233808, 'and': 0.03291001015972299}, {'set': 0.3754021711138449, 'not': 0.049805689370722474, 'lay': 0.030130030706353537, 'laid': 0.029154149885052195, 'setting': 0.02860456069307257, 'put': 0.02247348725350506, 'and': 0.021000049501242953, 'to': 0.017451300212391132, 'brought': 0.013577605957435583}, {'the': 0.18226616748733143, 'of': 0.09055536536617964, 'and': 0.07875087345412557, 'a': 0.04282959090962975, 'that': 0.0423577110756612, 'The': 0.028952021800772214, 'in': 0.02827161666549837, 'no': 0.02464103014114996, 'Mr.': 0.02431919560564389}, {'and': 0.1189733053664964, 'the': 0.10287702719755622, 'of': 0.08189169893754962, 'to': 0.06345255385957328, 'be': 0.04334095657672097, 'was': 0.04121106403093484, 'in': 0.03680279821111817, 'is': 0.030567295462412034, 'are': 0.02482235030573041}, {'that': 0.24518832228121373, 'and': 0.1774511864229357, 'which': 0.11564753278702528, 'but': 0.07527064641576942, 'as': 0.06011157558036081, 'when': 0.05111040334296318, 'to': 0.030375862655894644, 'where': 0.029254414776844335, 'if': 0.026267776143043573}, {'in': 0.3833961892697146, 'of': 0.1287881518832357, 'In': 0.08405615627912366, 'to': 0.0779725618374049, 'for': 0.053228439926078966, 'and': 0.0474332600463636, 'with': 0.04601267376095176, 'at': 0.03635668502868479, 'have': 0.02860321997094682}, {'one': 0.09011870075177028, 'out': 0.07184222173831309, 'part': 0.062296779890565736, 'some': 0.04469047989410629, 'account': 0.04430483992413245, 'any': 0.03062274357086134, 'all': 0.026797790022556507, 'that': 0.02576799466411198, 'tion': 0.0223424726678013}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'one': 0.07824991613049741, 'part': 0.06060505846807443, 'out': 0.053403871939630664, 'some': 0.031747519292171816, 'side': 0.02766153276433834, 'end': 0.02608831104874374, 'members': 0.02530915101977882, 'portion': 0.024924456047398843, 'all': 0.023432288260240956}, {'it,': 0.012123693715627578, 'it': 0.010917158446305504, 'up': 0.009895244501039282, 'them': 0.00899939641254669, 'in': 0.008871486514711195, 'men': 0.008861839268313864, 'them,': 0.008303609679136199, 'out': 0.00812909129683783, 'him': 0.008127168687610424}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'to': 0.11272467325873015, 'the': 0.09570920935957357, 'of': 0.08084508540075111, 'and': 0.07746796351453314, 'a': 0.03161606912023797, 'in': 0.024763881588432984, 'at': 0.024446783401682257, 'for': 0.018599489625864805, 'is': 0.01726400145434898}, {'the': 0.6973200896012846, 'of': 0.056865821075184106, 'tho': 0.038521775818648026, 'said': 0.02858664163570219, 'this': 0.02675206388555443, 'a': 0.022281397898755047, 'for': 0.013586202639459722, 'tbe': 0.011830192600907256, 'his': 0.011791517913735934}, {'of': 0.1833501196086419, 'and': 0.10986392262179655, 'in': 0.1073401822166999, 'a': 0.07334323880346338, 'is': 0.06799372196631193, 'are': 0.06044135586870377, 'was': 0.05369747621288452, 'for': 0.04304761666107195, 'his': 0.038579610158169006}, {'W': 0.10885086180981304, 'M': 0.08962385808542442, 'J': 0.08815037885305665, 'C': 0.08144449491961595, 'S': 0.07565573974651656, 'E': 0.07480965297703332, 'A': 0.07089097266370924, 'H': 0.06872129070148511, 'B': 0.06456748181320644}, {'the': 0.6273507633424429, 'this': 0.06428085443174868, 'The': 0.053888873766872424, 'a': 0.04214731648537168, 'tho': 0.033422858836492104, 'an': 0.031228855231256673, 'said': 0.02361540599349282, 'of': 0.02275126857407034, 'that': 0.021533312104755533}, {'of': 0.18881621532757856, 'or': 0.1415511769484429, 'about': 0.13279634521565203, 'than': 0.11604813225767052, 'and': 0.11119222556568661, 'the': 0.08485630107188788, 'nearly': 0.04842663153420565, 'thousand': 0.045160577806341994, 'over': 0.04173402538868026}, {'and': 0.11854277767363487, 'Beginning': 0.0998399338242081, 'was': 0.0504262876382174, 'Commencing': 0.04790893866787179, 'is': 0.032553168230926174, 'that': 0.022915999095843454, 'look': 0.022455180722230645, 'it': 0.02211519550850427, 'him': 0.02203921514419195}, {'they': 0.16653527163488996, 'there': 0.15468712516904873, 'There': 0.11213580281545406, 'we': 0.10012079098603287, 'who': 0.06261633608168644, 'They': 0.058830625436879676, 'you': 0.048694717224273106, 'which': 0.03973434391379926, 'We': 0.033360171193133725}, {'to': 0.1342220874524386, 'the': 0.06166073887120439, 'and': 0.061506837196195686, 'of': 0.06125543581566612, 'in': 0.019462387040139455, 'or': 0.016195441492983034, '<s>': 0.015018534866330566, '.': 0.01382194424910937, 'be': 0.01317845992440072}, {'be': 0.18936566582535957, 'was': 0.15939339853344128, 'is': 0.11124806520218214, 'been': 0.10834581946635746, 'and': 0.07372355767883933, 'are': 0.06083082880280074, 'were': 0.05862177956386812, 'being': 0.046453157659979386, 'the': 0.0317827813484253}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'it': 0.14339332651152467, 'and': 0.1410811782448388, 'he': 0.09596237887432031, 'It': 0.09043289531671937, 'that': 0.07332291024651735, 'which': 0.06295335613023384, 'who': 0.0442292803523929, 'nor': 0.03991938460516614, 'What': 0.037039759317203304}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'to': 0.15013074367116191, 'who': 0.14895714634187476, 'I': 0.1258992173524551, 'they': 0.1047567116568158, 'we': 0.09385760422557038, 'and': 0.07091073405213177, 'would': 0.05544815801488154, 'We': 0.047296384041556304, 'not': 0.04425201802116283}, {'get': 0.07245670546976644, 'was': 0.06827773018828956, 'and': 0.06627903282426373, 'him': 0.052442468208758614, 'it': 0.050561188617061346, 'them': 0.04807318223935662, 'are': 0.047026350523610795, 'go': 0.0433307210705129, 'come': 0.040797963484801664}, {'one': 0.08042420157140619, 'part': 0.032043171700228294, 'out': 0.0263892874605741, 'account': 0.022973774735704888, 'that': 0.02040503637434788, 'cause': 0.01971525116846932, 'any': 0.019226048295374037, 'some': 0.01894423731088184, 'tion': 0.0169779352099483}, {'they': 0.1924567231286223, 'we': 0.09883733238354396, 'who': 0.09825745183286565, 'which': 0.07861762953249227, 'They': 0.05046819547642477, 'that': 0.03963754358107931, 'there': 0.03793901988119814, 'you': 0.037816969159278076, 'and': 0.035771071796512593}, {'of': 0.261995217214944, 'in': 0.11115038233339353, 'to': 0.1071703370427688, 'and': 0.0813716481039389, 'with': 0.07887249248867384, 'that': 0.06049478687833398, 'on': 0.045805357418202595, 'for': 0.04530444657424017, 'by': 0.0351997100574729}, {'the': 0.27301107300039196, 'to': 0.11528958522357699, 'will': 0.09475243229828753, 'and': 0.09321019830511688, 'an': 0.06204374147898957, 'not': 0.05711941521029477, 'of': 0.05074599716025799, 'no': 0.049395638340749025, 'a': 0.04850604918094615}, {'of': 0.114846716815137, 'the': 0.09341477184861326, 'and': 0.09283601524646796, 'to': 0.04889975338559888, 'be': 0.02844673514296001, 'was': 0.024439074852522585, 'in': 0.024277422751602506, 'he': 0.02410150152783796, 'a': 0.023576819431986994}, {'the': 0.21359654562084998, 'and': 0.1847861701237834, 'to': 0.09206146196514947, 'a': 0.07282749727972157, 'can': 0.056429852875688524, 'will': 0.04374234054245103, 'of': 0.034695548447699606, 'that': 0.033288659796426985, 'which': 0.03268716234743573}, {'and': 0.11699056771139936, 'was': 0.0642321532138564, 'are': 0.04737744067368362, 'is': 0.04175978206615256, 'be': 0.03579653858854015, 'or': 0.03323215886257419, 'were': 0.029829858953797472, 'that': 0.025305146102945215, 'it': 0.023539553400793875}, {'a': 0.20002164488532595, 'the': 0.12932934529955895, 'A': 0.09248605610309635, 'One': 0.06437520395599695, 'that': 0.048421374421666476, 'one': 0.04377533523948664, 'of': 0.04346451979712173, 'and': 0.041242438817400855, 'last': 0.03316609189701519}, {'and': 0.2117867434533566, 'the': 0.19812249802999118, 'of': 0.19188268939153577, 'with': 0.049108529468151946, 'or': 0.04261569645338653, 'no': 0.03867642767763052, 'for': 0.03340394123066886, 'by': 0.030366336822041224, 'in': 0.02736049843219228}, {'of': 0.3973521814693932, 'on': 0.1312837247450707, 'in': 0.12800106798233968, 'to': 0.10089395227941995, 'from': 0.051804331899899615, 'by': 0.04344476124047932, 'and': 0.030858875496101272, 'along': 0.02789624724265697, 'across': 0.027785506479338164}, {'there': 0.29100461787593696, 'There': 0.20961099099383865, 'It': 0.11646010216603463, 'it': 0.11446608423608592, 'which': 0.044384321458045245, 'This': 0.041346396543592547, 'that': 0.04014586578485077, 'this': 0.028507712450048954, 'he': 0.020257926390959767}, {'of': 0.19950964421321404, 'at': 0.1296044712487719, 'in': 0.1121035421820745, 'to': 0.09391235999691212, 'for': 0.08682411368751362, 'on': 0.08587396653774168, 'and': 0.06438446945126378, 'from': 0.04078696998398939, 'In': 0.03603585209054605}, {'said': 0.0868038092324564, 'the': 0.0798206479070409, 'of': 0.07784141270367533, 'to': 0.05712347864761651, 'on': 0.036826508738923014, 'by': 0.015943500991931946, 'his': 0.014947846229651722, 'in': 0.01379889226348476, 'any': 0.01089133230483474}, {'the': 0.3202909879586693, 'a': 0.09974488619723397, 'of': 0.09505239532221865, 'in': 0.06696048977029677, 'and': 0.05609100804467277, 'to': 0.039379671843900434, 'The': 0.03768476941155955, 'an': 0.027009430026169616, 'for': 0.025945785371014156}, {'the': 0.6263879929494476, 'at': 0.14675301146938013, 'tho': 0.03823276855304896, 'its': 0.03535960617767424, 'The': 0.03379233204954558, 'our': 0.02974307902040424, 'their': 0.027033829006328735, 'to': 0.024982860251399883, 'his': 0.021188818462720502}, {'has': 0.315316474669289, 'have': 0.3053893018954045, 'had': 0.20094362268135563, 'not': 0.042339835372495555, 'having': 0.034443756042231065, 'lias': 0.010226327690966144, 'ever': 0.009687276184719313, 'bad': 0.009261247364148986, 'never': 0.008871706137810732}, {'the': 0.7358145973021053, 'tho': 0.0334019054033255, 'of': 0.028487603756501657, 'The': 0.024765114235793723, 'on': 0.022244428800006225, 'an': 0.020370679073172446, 'in': 0.016653205555832315, 'and': 0.014322784980040611, 'tbe': 0.014310551767378846}, {'is': 0.07663142334250335, 'able': 0.05883238994114108, 'and': 0.055989110419884816, 'was': 0.05311460510975883, 'him': 0.052517118155760836, 'as': 0.05112296669023947, 'time': 0.045713887414032955, 'not': 0.04227122361778588, 'ready': 0.03832997129577359}, {'and': 0.08610817649487001, 'called': 0.07565170131055826, 'based': 0.051357810871794515, 'down': 0.049225505125758545, 'placed': 0.043344942054355066, 'depend': 0.03465433983402664, 'put': 0.03383978458204052, 'insist': 0.031799510709015606, 'depends': 0.03094521355325884}, {';': 0.028431762489734294, 'it,': 0.016981525986579843, 'him,': 0.015372527692784979, 'them,': 0.01130165876110519, 'it': 0.009538954252425095, 'him': 0.009264969159856357, 'in': 0.00916285579949917, 'time,': 0.008164571405095149, 'States,': 0.008145680833819006}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'and': 0.10554403174171771, 'the': 0.10251672015884046, 'of': 0.0737839692809668, 'to': 0.037296720506854945, 'that': 0.03218344031569238, 'a': 0.029631321519831635, 'for': 0.025682464394194304, 'which': 0.023540080012729468, 'in': 0.0210857740940172}, {'be': 0.19779355567490228, 'was': 0.13144391946921405, 'is': 0.12844929674617456, 'are': 0.12586936670389984, 'been': 0.0934933705976539, 'were': 0.07910333703141507, 'so': 0.05464690513724389, 'and': 0.04990937391564262, 'have': 0.03197749595213041}, {'of': 0.16975780532419973, 'the': 0.15870771085682592, 'in': 0.094827126314822, 'a': 0.08362984967252945, 'to': 0.03578653124101124, 'and': 0.03319447653918662, 'as': 0.02226184024634214, 'that': 0.021971055319676892, 'from': 0.01982436174938387}, {'a': 0.38568407431634866, 'the': 0.24420378164404916, 'very': 0.062060105388261795, 'and': 0.05486576997548284, 'his': 0.04865088079631413, 'their': 0.04642898468570813, 'of': 0.036884011959699224, 'most': 0.03380516768955352, 'its': 0.025054542070948305}, {'it': 0.11347727835580726, 'and': 0.09254465393419296, 'he': 0.08946611201896967, 'they': 0.07684476519513142, 'which': 0.06631593640040682, 'It': 0.05036628708774879, 'I': 0.04794157032603539, 'who': 0.04410829295304152, 'that': 0.043164193751218126}, {'the': 0.1666505279774501, 'of': 0.10171362760812398, 'and': 0.07112644144394072, 'in': 0.06674789369654777, 'a': 0.06288855211205885, 'that': 0.028001179412309316, 'to': 0.024786882385816895, 'for': 0.023732646914443854, 'be': 0.02271902361527242}, {'sell': 0.09800633926805263, 'and': 0.06961326263530508, "o'clock": 0.06646160649701707, 'day': 0.06464419372868252, 'sold': 0.04824986800438298, 'held': 0.04145383585627954, 'was': 0.038361682103198035, 'died': 0.0325895351886995, 'sale': 0.023726232198077915}, {'of': 0.13041261968589551, 'the': 0.10953871916413525, 'in': 0.07662993640251624, 'for': 0.06438322269599599, 'to': 0.05566372079139247, 'and': 0.054310490679074536, 'at': 0.04975145345648675, 'a': 0.041413137944625485, 'by': 0.028734445736255984}, {'and': 0.2523345601922114, 'he': 0.11021832857161948, 'had': 0.10926773671789387, 'was': 0.07833149062879895, 'I': 0.06508872980288898, 'who': 0.05038262547630787, 'have': 0.04421910766551979, 'be': 0.034400833045059837, 'He': 0.03339240866417062}, {'of': 0.24713834878023927, 'to': 0.1985704108781593, 'from': 0.0731899694357484, 'in': 0.06851168731552854, 'at': 0.06052100598883203, 'and': 0.04368059629581564, 'the': 0.02423579465079348, 'In': 0.022820660844950567, 'by': 0.020783957688232914}, {'one': 0.13027668708462814, 'out': 0.07742206756685843, 'part': 0.06474114282857145, 'some': 0.05640712659716483, 'time': 0.03954471000289752, 'account': 0.03620724368530425, 'all': 0.03238127669140698, 'and': 0.028154969476639407, 'that': 0.02755643570827209}, {'it': 0.11538796975578612, 'and': 0.08558513006049022, 'they': 0.07750488065662994, 'which': 0.06446205120127957, 'he': 0.06124984395618844, 'It': 0.05704976551727627, 'that': 0.04959308137990716, 'you': 0.04663866234631756, 'I': 0.039975485631013996}, {'of': 0.10815652357631562, 'the': 0.08657778935426479, 'and': 0.05844284519881049, 'to': 0.05182257355979542, 'in': 0.0319713324801739, 'a': 0.02719091293940763, 'be': 0.02241762488625473, 'at': 0.020049723286981475, 'as': 0.019070942908865046}, {'it': 0.1392655652583725, 'he': 0.12198865129870436, 'It': 0.0920730759264974, 'which': 0.06588711175855988, 'I': 0.06221487354667309, 'and': 0.05220228347513967, 'who': 0.04105502827225842, 'He': 0.03721999320042121, 'that': 0.034840913784500716}, {'of': 0.6046398966406534, 'in': 0.1601947225786308, 'to': 0.03201555151056344, 'In': 0.02742141247447321, 'and': 0.024892812381698964, 'the': 0.013194078276583327, 'by': 0.010076229947305039, 'for': 0.009329981366858564, 'on': 0.007682150080082567}, {'will': 0.3987729121521245, 'would': 0.1254220371233384, 'may': 0.07676639134318636, 'could': 0.062371058150742766, 'should': 0.056721788699738956, 'shall': 0.056485227836735576, 'and': 0.055425738711396916, 'can': 0.04657634311626166, 'not': 0.044699700046200636}, {'the': 0.24048784398010126, 'of': 0.10632421434120215, 'and': 0.10553153298358099, 'The': 0.07183108295659232, 'that': 0.02575588295156761, 'his': 0.017425129602790537, 'tho': 0.015481695617446048, 'these': 0.014408992859812612, 'to': 0.014363182432615144}, {'have': 0.15589919938060376, 'has': 0.1410355653565667, 'had': 0.13300658977775684, 'and': 0.1176893187679858, 'was': 0.0685350836763307, 'been': 0.06288057108879791, 'be': 0.061788814606302395, 'is': 0.05187291217134232, 'are': 0.03950417746396868}, {'to': 0.08574794257686337, 'at': 0.08150792000854312, 'of': 0.0727453599118222, 'and': 0.05626118174506013, 'the': 0.053382823191769894, 'on': 0.031699628441038935, '.': 0.024416692968245016, 'in': 0.024250638424639957, 'for': 0.02047339329940252}, {'that': 0.1494039970295463, 'and': 0.11807955961541436, 'as': 0.07486658572385042, 'which': 0.07090312874741424, 'but': 0.05295498695386721, 'what': 0.02911529990874337, 'if': 0.028283828760923717, 'when': 0.019147653933440173, 'If': 0.018417706627101755}, {'the': 0.19841723690176089, 'of': 0.11900156441154412, 'a': 0.11059306933687624, 'and': 0.07458847151279195, 'to': 0.05618040746586808, 'in': 0.043924608425905676, 'that': 0.025531535377807505, 'The': 0.025278444653188504, 'with': 0.017747358420901367}, {'day': 0.10446692855177825, 'State': 0.08719471511690084, 'state': 0.069874443548593, 'line': 0.06889585374773621, 'side': 0.056002114162921765, 'city': 0.04584199732510799, 'county': 0.045457020618963354, 'County': 0.04037890777353817, 'corner': 0.02432608195731209}, {'that': 0.1494039970295463, 'and': 0.11807955961541436, 'as': 0.07486658572385042, 'which': 0.07090312874741424, 'but': 0.05295498695386721, 'what': 0.02911529990874337, 'if': 0.028283828760923717, 'when': 0.019147653933440173, 'If': 0.018417706627101755}, {'the': 0.5654480028455545, 'of': 0.13662850015798786, 'a': 0.031657411994617655, 'The': 0.02789048917839341, 'and': 0.026056234219684803, 'tho': 0.0234229112060969, 'on': 0.018516806113261158, 'to': 0.011011018396926253, 'his': 0.010675291249104114}, {'to': 0.18639844288524918, 'and': 0.1310172596657234, 'of': 0.04088107338844204, 'the': 0.034951481398091115, 'will': 0.024651858328918447, 'not': 0.024474295068396722, 'he': 0.022217309236579174, 'I': 0.020778651677317402, 'in': 0.019715184407970418}, {'the': 0.20764452348708753, 'of': 0.15501502460682523, 'a': 0.12438548578861329, 'in': 0.08018570422118226, 'to': 0.05583941369632598, 'and': 0.051268769341855945, 'for': 0.0279549692477683, 'as': 0.025519095615369043, 'In': 0.02174590997779696}, {'the': 0.08789720635497154, 'and': 0.07820325291506017, 'of': 0.07409488784379216, 'to': 0.06286243358342224, 'be': 0.05661814672863629, 'a': 0.04478774919695505, 'in': 0.029168427928634, 'was': 0.027046363262135754, 'is': 0.026073151479528232}, {'to': 0.17207253898122438, 'and': 0.14801248338639478, 'was': 0.11574561397398539, 'be': 0.0865748295952146, 'were': 0.06720358019803002, 'been': 0.053656957701084036, 'are': 0.0428547013321966, 'not': 0.03921331091065787, 'will': 0.03730149534430236}, {'and': 0.14403712828321022, 'was': 0.05409542049532583, 'is': 0.04755302866199846, 'are': 0.03933571051081775, 'it': 0.036725988420219964, 'be': 0.034475645091999026, 'that': 0.03181847776710277, 'were': 0.025977671003503573, 'as': 0.024231652383938682}, {'said': 0.1450870943558143, 'the': 0.1429704313006125, 'this': 0.08834880498438998, 'and': 0.08590792635385017, 'a': 0.07696390038951245, 'same': 0.04308818145273705, 'of': 0.03717824993317433, 'next': 0.025849742249983463, 'their': 0.023882957136649553}, {'the': 0.18865064154752814, 'of': 0.09521314359217854, 'Mr.': 0.05936560020366942, 'The': 0.05918413378541302, 'and': 0.04789785501490848, 'that': 0.04093932846997176, 'a': 0.03062771603476304, 'this': 0.01791027151166763, 'in': 0.016031536642742206}, {'of': 0.10858785295590319, 'by': 0.09132648655608773, 'and': 0.07535420767404954, 'Rev.': 0.06782030154176064, 'to': 0.03352265255204117, '<s>': 0.028442656689521464, 'in': 0.02211507321295788, 'said': 0.02195704496031406, 'that': 0.019687502765185484}, {'the': 0.18054390839256768, 'a': 0.17086938177448308, 'of': 0.1323055746893742, 'his': 0.08287489028619138, 'this': 0.06306957802069292, 'their': 0.046872817419041105, 'no': 0.0382819513535936, 'any': 0.03766810006085749, 'good': 0.036105625757240606}, {'to': 0.20999618821382707, 'will': 0.09766199061349902, 'that': 0.09048779989616414, 'would': 0.08525501473290571, 'may': 0.07434809861691094, 'should': 0.06342090138772452, 'and': 0.06008005993860416, 'which': 0.04617920360348284, 'can': 0.04023707976421504}, {'in': 0.3310264047719233, 'of': 0.25982534932603396, 'In': 0.08332644537542716, 'to': 0.05992108197358779, 'for': 0.04430901689492045, 'and': 0.04392684352292606, 'with': 0.03741039018570603, 'that': 0.036202914902248536, 'by': 0.0341175880817833}, {'of': 0.2681419968320887, 'in': 0.12760376622753275, 'and': 0.12176573208396027, 'for': 0.0895731733927833, 'that': 0.0784861047975152, 'to': 0.05414734897068343, 'but': 0.03184275399313908, 'with': 0.02960213765700995, 'by': 0.025371087762003232}, {'he': 0.16159108211126322, 'it': 0.09280110668817612, 'It': 0.07977385000479743, 'and': 0.07613246566645786, 'which': 0.07373407847191212, 'who': 0.06834514445533726, 'He': 0.06718666202572755, 'that': 0.051282480250503096, 'there': 0.04255798270273247}, {'the': 0.1969046682681857, 'and': 0.0879894850400531, 'of': 0.08678862173894052, 'a': 0.0622786389833835, 'to': 0.03640997461909609, 'The': 0.02328725096719051, 'by': 0.019831931687238798, 'with': 0.017823677182975003, '.': 0.01665474047445631}, {'to': 0.31530164298214153, 'would': 0.11152160640333642, 'will': 0.08811312408366744, 'I': 0.08410098120662243, 'we': 0.06910762749823078, 'who': 0.061483700107672366, 'shall': 0.05587801969383202, 'and': 0.0531429749442677, 'they': 0.04671155666831684}, {'he': 0.20953008541511037, 'they': 0.1466205001020667, 'I': 0.1434172525182516, 'who': 0.1275071271828291, 'we': 0.05994566034576255, 'she': 0.0582547947879379, 'and': 0.04054684082742752, 'He': 0.036482206086446034, 'which': 0.035029705049333344}, {'of': 0.24121822736124499, 'the': 0.16562174750646352, 'and': 0.11634026087877959, 'to': 0.09949590117715619, 'a': 0.06001667288156687, 'his': 0.04361858804678788, 'for': 0.03521893976786513, 'at': 0.030264949414990132, 'all': 0.028042719501267466}, {'the': 0.5497454243876849, 'The': 0.055538386189387834, 'of': 0.04731352082229719, 'our': 0.0388112795758461, 'his': 0.03760577357955617, 'American': 0.03279184630526833, 'their': 0.029866829886750306, 'and': 0.027167334369740205, 'tho': 0.027095441882145518}, {'of': 0.20049164813437464, 'in': 0.14164889230278, 'at': 0.11799612469470523, 'to': 0.10805733829235892, 'and': 0.07080272692268391, 'on': 0.06624397867355822, 'In': 0.05530128686766816, 'At': 0.05409308602139609, 'with': 0.042837581200100526}, {'be': 0.2446803618699603, 'was': 0.24045103008943366, 'been': 0.12964235772723057, 'is': 0.08139387624830605, 'were': 0.063493478588589, 'are': 0.04726207565379026, 'and': 0.040184689128621734, 'he': 0.025206037659779752, 'being': 0.02293144488875338}, {'the': 0.4239861381291708, 'a': 0.283189678958267, 'of': 0.07411074297554447, 'this': 0.047134363563388855, 'The': 0.04327094333689738, 'with': 0.0318972343907784, 'A': 0.027183548391838994, 'tho': 0.02096190869370016, 'and': 0.02010146681185817}, {'the': 0.35360529302054805, 'take': 0.3243013262708602, 'taking': 0.0789098305882645, 'to': 0.03260800302356765, 'a': 0.03246000234419979, 'took': 0.03116555826835659, 'taken': 0.030499837230202474, 'and': 0.027936729953986706, 'or': 0.027769337937341255}, {'made': 0.12750493469384805, 'take': 0.10672742669631952, 'make': 0.09342571431332054, 'took': 0.08098387165833265, 'put': 0.07477720079350578, 'give': 0.0692323356219098, 'taken': 0.06786890847175, 'picked': 0.05493738193761685, 'keep': 0.05436734168556864}, {'the': 0.3922777023820088, 'of': 0.11194299977228336, 'a': 0.08818138870583082, 'his': 0.07293291347637393, 'their': 0.06957435477223331, 'its': 0.04901088325967115, 'and': 0.042300427173807956, 'The': 0.03794517109652819, 'our': 0.034152442656295065}, {'it': 0.13009728994080838, 'and': 0.09476832599926462, 'I': 0.08249617631883871, 'he': 0.07211880189996134, 'which': 0.06600138280932699, 'they': 0.06576941534235868, 'It': 0.053621929964999204, 'that': 0.04920390493180151, 'you': 0.044750088850989425}, {'to': 0.3514403295288277, 'and': 0.12893104639806294, 'will': 0.12607596020815037, 'would': 0.08370489137140162, 'not': 0.04399441830139313, 'could': 0.032792801110989644, 'I': 0.0316606376720863, 'can': 0.028690314477239978, 'the': 0.028367957917612437}, {'the': 0.19457860373787608, 'a': 0.14162659057106844, 'and': 0.09269958248321156, 'of': 0.0821022314748055, 'to': 0.05230975741486887, 'The': 0.029662234887930017, 'or': 0.02400461883398479, 'an': 0.023866470716943814, 'in': 0.021015376709852873}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'the': 0.8343936489148255, 'The': 0.09737956870853676, 'tho': 0.02685986150372595, 'his': 0.010079462218276958, 'tbe': 0.009860757899970506, 'a': 0.003836721055027455, 'its': 0.003825117355377701, 'their': 0.0035813245012620287, 'Tho': 0.0033550371856302303}, {'of': 0.2888378543069679, 'in': 0.14565989949420416, 'to': 0.10882801372654052, 'with': 0.06850090902861485, 'for': 0.05109022674716648, 'that': 0.04831058994063372, 'by': 0.04533944438295001, 'at': 0.03965466458052129, 'In': 0.03215357424358222}, {'<s>': 0.09932472107896241, '.': 0.04009862314028278, 'lots': 0.015028153269569763, 'Mr.': 0.013779906394407342, 'President': 0.013106263678750738, 'it.': 0.013100639626780342, 'and': 0.01179803866940873, 'St.': 0.011202033728653804, 'from': 0.010409171689378976}, {'of': 0.3445727144518819, 'to': 0.142945796636849, 'in': 0.1074707066156685, 'by': 0.07237618509396662, 'and': 0.05655584579804846, 'with': 0.05553412758519381, 'for': 0.05211972173633682, 'from': 0.04935460542505995, 'that': 0.034665922049704694}, {'of': 0.2445739193337201, 'that': 0.22205504524676628, 'and': 0.12064201102717556, 'if': 0.054753602307051445, 'as': 0.052447681595126014, 'to': 0.04512039175079227, 'If': 0.04418548547992442, 'all': 0.04109616669784298, 'but': 0.04022984947174121}, {'place': 0.6847151330207596, 'point': 0.03427435409446063, 'day': 0.011128330548355981, 'power': 0.010265982232323927, 'city': 0.009009083866318573, 'out': 0.008771694715640804, 'state': 0.0077854743670445845, 'and': 0.004574245393623495, 'the': 0.0036781360171977175}, {'the': 0.3683594850209296, 'a': 0.1944749741009828, 'dining': 0.07648050425715888, 'this': 0.04298910580730175, 'his': 0.026313283997036835, 'and': 0.018528059734729364, 'other': 0.017653235435818856, 'tho': 0.017365173513785526, 'of': 0.0172291624391035}, {'and': 0.07387188549544521, 'put': 0.056654542407402586, 'work': 0.04802035942711895, 'it': 0.04719262512351353, 'out': 0.043264697380459044, 'placed': 0.036841984941081964, 'that': 0.03505526965002433, 'him': 0.033645445174067284, 'them': 0.03247126099225598}, {'to': 0.5381762398759168, 'will': 0.11280087728631272, 'would': 0.053008189074136805, 'and': 0.04685647629416636, 'not': 0.036589985852868254, 'can': 0.027511341161368462, 'must': 0.027284179088937828, 'shall': 0.026444804518138593, 'should': 0.025864757269834972}, {'the': 0.15443580495470277, 'of': 0.08033983068109139, 'and': 0.07746673437587527, 'to': 0.044380595986804765, 'a': 0.023793305534792513, 'in': 0.02204016951496984, 'was': 0.020410415404279143, 'on': 0.01900926995603341, 'he': 0.01798566956746732}, {'and': 0.13138779441418363, 'of': 0.11452835077345339, 'the': 0.10108047685654721, 'to': 0.045355374649344686, 'for': 0.03877034419752932, 'a': 0.038331212563399886, 'that': 0.03577152487086106, 'which': 0.03465855471199002, 'or': 0.0317270974950182}, {'at': 0.3372955510700846, 'the': 0.1377170698617946, 'of': 0.04409774586575282, 'and': 0.040896357459348075, 'to': 0.03215571887321016, 'At': 0.032006820188506285, 'a': 0.021404516970922285, 'so': 0.01763660384082514, 'that': 0.014753750732443931}, {'and': 0.1115180572580448, 'or': 0.0709501233254112, 'appear': 0.067733809243956, 'days': 0.06309105403646031, 'that': 0.04739254516804717, 'time': 0.045316007611204794, 'brought': 0.03233941116834793, 'just': 0.031423180951644425, 'long': 0.03108310392237562}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'of': 0.48907467301633617, 'to': 0.10366521533645079, 'for': 0.054765382097722366, 'that': 0.04679337853417481, 'in': 0.043868271660807936, 'with': 0.04164082866221717, 'by': 0.03812174037842147, 'all': 0.036194303970519835, 'as': 0.03191851103165302}, {'the': 0.7551712657460324, 'The': 0.03374100971687465, 'tho': 0.03302116029619504, 'in': 0.03276759896472392, 'a': 0.026086636338153012, 'and': 0.025923795733714557, 'no': 0.01991305320411212, 'to': 0.014459931623447103, 'tbe': 0.013446869310534317}, {'the': 0.18865064154752814, 'of': 0.09521314359217854, 'Mr.': 0.05936560020366942, 'The': 0.05918413378541302, 'and': 0.04789785501490848, 'that': 0.04093932846997176, 'a': 0.03062771603476304, 'this': 0.01791027151166763, 'in': 0.016031536642742206}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'the': 0.38090175059052495, 'of': 0.22048637673955146, 'and': 0.133347669789427, 'The': 0.05740260915120539, 'to': 0.03839199674148918, 'for': 0.024892203723528166, 'an': 0.024821289296677766, 'by': 0.022832548946168634, 'their': 0.02275716776353958}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'of': 0.07858503074155922, 'and': 0.07803557080696075, 'to': 0.07747135227581889, 'the': 0.07243262796459926, 'in': 0.06417305785045004, 'a': 0.03357472856752043, 'was': 0.030037390036403565, 'is': 0.03001547729734283, 'for': 0.026142527772413028}, {'I': 0.4234139978675125, 'to': 0.10529896345242151, 'not': 0.08531615456354943, 'you': 0.08305612212267043, 'we': 0.06040284499345935, 'and': 0.05291649337301706, '1': 0.05157874188249746, 'We': 0.03964316901881764, 'they': 0.025691160518944135}, {'be': 0.15261013619422634, 'have': 0.14228313364017944, 'he': 0.11007000107425262, 'had': 0.08841411979020695, 'and': 0.08692455514378698, 'was': 0.06357745133702578, 'has': 0.06292932285750318, 'I': 0.06211740534091349, 'is': 0.0435038250518551}, {'men': 0.020522431577533397, 'him': 0.015957189656365063, 'time': 0.013643330430092405, 'out': 0.013118354087311632, 'up': 0.012706198789153316, 'city': 0.009922890016624813, 'them': 0.009765975858123457, 'can': 0.009536490522279645, 'in': 0.009483412222525677}, {'the': 0.4211437017369511, 'a': 0.14424407865691843, 'of': 0.06187981858870891, 'on': 0.05199113831692643, 'and': 0.03168459620078188, 'in': 0.028859553639917806, 'The': 0.022188394591058157, 'for': 0.02079031256486613, 'tho': 0.020546651663456404}, {'the': 0.17947139721925612, 'of': 0.12497875045865785, 'and': 0.057027007638890195, 'in': 0.05509407881356, 'a': 0.04610467824206484, 'to': 0.036129359911231874, 'as': 0.02151368200567899, 'for': 0.02136408597916686, 'that': 0.02086832229033471}, {'and': 0.017925489173262307, 'it': 0.013711089098122124, 'him': 0.01355009000618232, 'him,': 0.011923637062799265, 'time': 0.009593940188505233, 'them': 0.009259624967626164, 'men': 0.008967463951530712, 'them,': 0.008570313712148728, 'it,': 0.008403971942964142}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'it': 0.023513092548094906, 'it,': 0.015660870246104738, 'him': 0.014789705264991033, 'up': 0.014702859687941904, 'them,': 0.012072411676076275, 'them': 0.011138439870544192, ';': 0.010856962405723735, 'and': 0.009942103715023225, 'time': 0.009278104015795395}, {'of': 0.44231003909994904, 'in': 0.14860137047152677, 'to': 0.06399254497744683, 'In': 0.04751703041955144, 'by': 0.0427412201179887, 'that': 0.042426465277037036, 'on': 0.0420061155130906, 'from': 0.03745404194602412, 'at': 0.03262075015855119}, {'of': 0.34076260488681653, 'in': 0.20438078804483314, 'to': 0.06455774179674417, 'and': 0.05482509726119695, 'from': 0.047486896843994424, 'In': 0.035488409541510585, 'on': 0.03463272131965567, 'at': 0.018053901619682705, 'for': 0.014922705464924246}, {'and': 0.08362943294997585, 'together': 0.07769806815080653, 'connected': 0.0635902168573379, 'connection': 0.06228367212358626, 'accordance': 0.047530813078388766, 'comply': 0.026000666542743977, 'acquainted': 0.023189098613704624, 'compared': 0.02214887744238745, 'contact': 0.01973810078197255}, {'the': 0.20890940245982775, 'of': 0.09724457196565933, 'and': 0.06404678483167926, 'a': 0.0425979193746801, 'in': 0.03433837491836702, 'to': 0.030969467918345442, '.': 0.02565262044984228, 'an': 0.02086168329258178, 'The': 0.017497502998413444}, {'the': 0.3205916395894266, 'a': 0.2395613970303079, 'of': 0.13373978644487247, 'and': 0.08420197851548993, 'this': 0.04509444615629051, 'his': 0.030901201851582436, 'very': 0.03051653182123771, 'most': 0.023542614977945815, 'by': 0.023423029759710626}, {'the': 0.5216104949166935, 'The': 0.07818913965442621, 'this': 0.07033018329195452, 'of': 0.06438941364134232, 'said': 0.0349564227523208, 'our': 0.026201637944192228, 'such': 0.02576940211211684, 'any': 0.02405963779209623, 'his': 0.023501446824185958}, {'that': 0.2662103163765805, 'and': 0.11649147601289526, 'which': 0.09608614949200375, 'when': 0.09140356497682237, 'but': 0.06435945260703325, 'if': 0.060158776499802315, 'as': 0.055463078999108704, 'where': 0.04177732096810282, 'what': 0.03009529574810684}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.3908597229027021, 'to': 0.08812723825811727, 'in': 0.06924914866595153, 'with': 0.05466430432393942, 'and': 0.054189825217381755, 'by': 0.05253876140542735, 'for': 0.049854301420118735, 'that': 0.04776143625151071, 'at': 0.0369560753751861}, {'of': 0.38872569762854997, 'in': 0.09780034781736963, 'to': 0.08746401295074997, 'on': 0.07656827131586112, 'by': 0.0696118284114136, 'and': 0.047773063572694424, 'that': 0.04590947697683043, 'from': 0.03859531020959504, 'with': 0.03229147775874169}, {'of': 0.22498437770001112, 'the': 0.06493983730122284, 'and': 0.04433114124786183, 'in': 0.032738584855476066, 'with': 0.025416731407197767, 'it': 0.024196651740311794, 'a': 0.017892900142028288, 'for': 0.017190267946681447, 'ar-': 0.015349415968421654}, {'the': 0.6532604155092447, 'The': 0.075229025487532, 'and': 0.057096690909624014, 'tho': 0.04635762106111971, 'a': 0.030248015388437573, 'other': 0.021592248593416814, 'tbe': 0.01792787830694912, 'of': 0.010460267203932514, 'an': 0.007154805444828134}, {'of': 0.24922914644469146, 'to': 0.13794371511089895, 'in': 0.12803831460939313, 'and': 0.09165815785495864, 'with': 0.08896190574171425, 'that': 0.061789011124180136, 'on': 0.043578441932625125, 'from': 0.03898576263302351, 'all': 0.032989295976440736}, {'it': 0.034107694936003734, 'and': 0.02793495757563469, 'there': 0.022018091236194446, 'them': 0.017162438378795573, 'day': 0.016174689259432523, 'him': 0.01611974851408758, 'made': 0.013880773509212607, 'year': 0.012412956866015299, '<s>': 0.012405654786653142}, {'a': 0.3851659699788809, 'so': 0.14692445256301806, 'the': 0.12043110909165797, 'very': 0.06724023389517104, 'his': 0.0378354500196206, 'not': 0.035927927700552365, 'and': 0.03409025215639596, 'as': 0.028346125123387394, 'have': 0.022901414228721665}, {'of': 0.304773800629139, 'the': 0.27969142220597265, 'a': 0.08436940563893579, 'and': 0.04099039945583451, 'their': 0.03884458651971239, 'in': 0.03771891895840833, 'his': 0.034774617019190476, 'to': 0.024059394524206995, 'great': 0.02129954511960073}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'is': 0.1890011153762216, 'was': 0.1812102952275331, 'be': 0.1439461407181916, 'as': 0.13835215975691656, 'are': 0.06081729676179968, 'were': 0.053189821933238166, 'and': 0.04851535350733246, 'been': 0.041687981805955475, 'Is': 0.03484032504566676}, {'and': 0.128277951537973, 'place': 0.06023411150353899, 'was': 0.035508289270325795, 'held': 0.03083027042280106, 'not': 0.027958061117803194, 'arrived': 0.02742089258377327, 'that': 0.027393617160944825, 'them': 0.025123625285054678, 'are': 0.02507591892755048}, {'<s>': 0.09399681194208016, '.': 0.024657145483839432, 'it.': 0.02142499955885138, 'them.': 0.012891507845959896, 'Clerk.': 0.010536916035380586, 'him.': 0.009193494434554538, 'thereof.': 0.008288025187299703, 'and': 0.007419424532992537, 'time.': 0.007144152024448378}, {'the': 0.3038545595448136, 'a': 0.26951878337019686, 'of': 0.12603348317876598, 'in': 0.09126220275623184, 'and': 0.04197726256673026, 'very': 0.03708755601977781, 'to': 0.03661112131157109, 'for': 0.02796636361167619, 'The': 0.02739294157892582}, {'from': 0.2700680120077569, 'and': 0.1282959643078735, 'of': 0.12805739556832293, 'at': 0.072295807988547, 'in': 0.047110766025175874, 'with': 0.03169880729021013, 'for': 0.027257230214806763, 'by': 0.026225448213013546, 'to': 0.025967888241582044}, {'the': 0.24692956159003168, 'of': 0.12886398429875345, 'other': 0.05535380422332906, 'all': 0.04835596473937386, 'an': 0.04496895562315764, 'a': 0.036825489033968796, 'their': 0.032845108467156645, 'good': 0.03160517401945386, 'this': 0.031399103075112074}, {'and': 0.022662324770945434, 'the': 0.015132000791585064, 'persons': 0.013222370972513841, 'feet': 0.012444953676072006, 'a': 0.012351921639297467, 'line': 0.011315444527545416, 'lot': 0.011233250352356389, '<s>': 0.010970259622256354, 'which': 0.009415968024686033}, {'<s>': 0.1338867402615701, 'it.': 0.02609181338463684, 'them.': 0.011741730159300436, ':': 0.010197272428783525, '.': 0.00969989800484581, 'country.': 0.009160280102642403, 'people.': 0.00766769832995165, 'time.': 0.0075792591552722435, 'year.': 0.0074586338131543365}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'line': 0.05455540030527523, 'State': 0.03873239497864174, 'number': 0.037633314083964906, 'name': 0.03441224494063421, 'estate': 0.02304192594385762, 'corner': 0.021891623021569516, 'city': 0.02189144908731446, 'daughter': 0.021833218153425434, 'state': 0.02080715260431728}, {'be': 0.41935248631642974, 'is': 0.1012863295939082, 'was': 0.09708483472822117, 'and': 0.07982437192295468, 'been': 0.07115131480322737, 'have': 0.04005325989161435, 'are': 0.038169902660625955, 'not': 0.03795248192448979, 'had': 0.0356021250715963}, {'of': 0.2527915939806853, 'the': 0.2451567585283281, 'a': 0.07711879528317057, 'in': 0.06773741269250957, 'to': 0.050702433861372465, 'and': 0.03937858747610316, 'from': 0.026472543654762502, 'The': 0.026337178794950906, 'for': 0.026103320862742474}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.10631112473892627, 'the': 0.09943241832474299, 'and': 0.08159794106622675, 'to': 0.08044019399615582, 'a': 0.0411705846870669, 'be': 0.032482607452970214, 'was': 0.026600329505008413, 'or': 0.02456876992697593, 'is': 0.021232665187409037}, {'thousands': 0.3466929970807679, 'millions': 0.3182848021914284, 'number': 0.08509443394993593, 'hundreds': 0.07881206383078229, 'sum': 0.03254038378417938, 'couple': 0.02173718205006517, 'billions': 0.017954777535904732, 'sands': 0.011205388019234727, 'Millions': 0.010163731769972031}, {'made': 0.12349235907008906, 'and': 0.10795653013507085, 'or': 0.06323574108540468, 'caused': 0.035661992292693005, 'that': 0.035280660194085184, 'it': 0.029304422681591245, 'accompanied': 0.02399608848039157, 'was': 0.023950887885994355, 'surrounded': 0.02258498349681361}, {'to': 0.3860482179138965, 'will': 0.17615461198161617, 'may': 0.10175438092405316, 'shall': 0.06323321881208119, 'should': 0.056737015972401474, 'would': 0.050522907269260495, 'can': 0.042025120120176375, 'must': 0.04062002511837367, 'not': 0.03211174013306918}, {'went': 0.08683324565499717, 'go': 0.07476330580440535, 'came': 0.05394514230576035, 'back': 0.047297493639340674, 'it': 0.04706181582391388, 'out': 0.046435294313249977, 'put': 0.044640592301587366, 'down': 0.04048017963153846, 'come': 0.03746281779864652}, {'or': 0.23390180043969425, 'and': 0.11006864250430576, 'not': 0.10849369410727655, 'be': 0.0930284628117784, 'was': 0.06875407562355483, 'the': 0.06327773124192466, 'is': 0.05671500887486831, 'are': 0.0553302414079964, 'with': 0.04451351391020234}, {'the': 0.19160126594257101, 'and': 0.100250567070355, 'of': 0.08693368689376259, 'a': 0.05377930019925598, 'be': 0.04253538924496419, 'to': 0.04168896895704185, 'in': 0.0363660647004163, 'was': 0.02809540747755261, 'his': 0.023990108892760164}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'that': 0.30246902938335324, 'which': 0.10704091316787251, 'if': 0.08469709230156716, 'as': 0.07844477058325534, 'and': 0.07460880669444017, 'when': 0.06247567718397861, 'where': 0.052738740885928975, 'but': 0.04462112473008598, 'whom': 0.04135188655360903}, {'W': 0.10885086180981304, 'M': 0.08962385808542442, 'J': 0.08815037885305665, 'C': 0.08144449491961595, 'S': 0.07565573974651656, 'E': 0.07480965297703332, 'A': 0.07089097266370924, 'H': 0.06872129070148511, 'B': 0.06456748181320644}, {'one': 0.13027668708462814, 'out': 0.07742206756685843, 'part': 0.06474114282857145, 'some': 0.05640712659716483, 'time': 0.03954471000289752, 'account': 0.03620724368530425, 'all': 0.03238127669140698, 'and': 0.028154969476639407, 'that': 0.02755643570827209}, {'and': 0.18982846063657646, 'fact': 0.08636389629172457, 'said': 0.06689448016241971, 'so': 0.0629021587670802, 'believe': 0.0515993089842667, 'say': 0.048249381541273735, 'know': 0.04583908674047788, 'stated': 0.028470845041112556, 'show': 0.026244421298845532}, {'of': 0.17662243176141348, '<s>': 0.1321589673951811, 'the': 0.10288493455073111, 'to': 0.09783704449014641, 'in': 0.03994158514824103, 'and': 0.03427436504895227, 'said': 0.02857560477033286, 'for': 0.02580397603423429, 'by': 0.020611760818374354}, {'and': 0.09611377979382967, 'together': 0.06030448595031675, 'covered': 0.03676937166272939, 'him': 0.032438653052046594, 'up': 0.030460413497620714, 'it': 0.02269175320641507, 'met': 0.021809108688738414, 'them': 0.02113687577611875, 'but': 0.01784208772281916}, {'and': 0.0864082807169658, 'that': 0.035408922365818565, 'of': 0.03293668690789474, 'or': 0.017829553571295224, 'it': 0.015866632564093652, 'the': 0.013872350972873607, 'him': 0.01372686058766437, '<s>': 0.013500434184049817, 'for': 0.013201902450339567}, {'an': 0.5307015015012837, 'the': 0.17174108937468094, 'proposed': 0.044647272562304025, 'this': 0.04156791046610866, 'said': 0.026906685345025168, 'An': 0.024470026700152626, 'from': 0.020288096572120738, 'a': 0.017956425368274746, 'and': 0.015845651521376798}, {'the': 0.1331954013331003, 'of': 0.10395761905650669, 'and': 0.09166744382168995, 'a': 0.0674867672110823, 'to': 0.04481959524883369, 'was': 0.033914181021321675, 'be': 0.027669522756191306, 'is': 0.023821375196731925, 'been': 0.01992601692954109}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'virtue': 0.07446520038896885, 'out': 0.065008335608151, 'part': 0.03947215825672998, 'one': 0.03562890125655043, 'quarter': 0.03241584136443704, 'favor': 0.0239235849421329, 'result': 0.023354276051738905, 'guilty': 0.022667050730808908, 'means': 0.022196791642065155}, {'<s>': 0.07037752055964767, 'and': 0.04171036397520784, 'was': 0.01793185209281164, 'that': 0.017850205571295075, 'made': 0.016091896972288522, 'it.': 0.015031913622321813, 'file': 0.014852976451169154, 'is': 0.011815953178702224, 'be': 0.010141608905394478}, {'and': 0.11838072578865622, 'It': 0.11106901293053309, 'it': 0.1057196161244008, 'he': 0.09596508021861545, 'I': 0.0818472320629072, 'which': 0.04516010053904725, 'He': 0.03932569595655428, 'who': 0.03795485547277035, '1': 0.03343575843070501}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'day': 0.05605722078687592, 'State': 0.03412492128126604, 'side': 0.01812447280490586, 'corner': 0.013974666879395952, 'county': 0.012089673309696085, 'state': 0.01122491882734514, 'line': 0.01082023914461269, 'part': 0.010508128869820204, 'House': 0.010474530195833498}, {'the': 0.7503347230691612, 'The': 0.049654749596183025, 'a': 0.03805058105941272, 'tho': 0.03322960143140841, 'his': 0.027350071364232956, 'their': 0.025299604185153035, 'its': 0.021038610195265088, 'our': 0.01655964833476579, 'and': 0.016400303817221663}, {'and': 0.16164800464696896, 'looked': 0.045216115691277876, 'look': 0.04033698320051188, 'down': 0.03882943462177904, 'called': 0.038020213833549574, 'imposed': 0.03750932733015356, 'bestowed': 0.03547947855056595, 'that': 0.033050869693857135, 'conferred': 0.03242395721706223}, {'was': 0.19217740219953444, 'is': 0.16636750306851786, 'are': 0.06365852674724218, 'and': 0.06297842081453316, 'be': 0.05283384276418337, 'had': 0.052349125571853776, 'were': 0.044980606439849066, 'been': 0.038109291367387624, 'has': 0.034620961925959114}, {'and': 0.11466088913790702, 'that': 0.05532000573712739, 'as': 0.04709364811439039, 'which': 0.027921097184170882, 'the': 0.027643100012842033, 'of': 0.025193515050706702, 'but': 0.024181478855027992, '<s>': 0.02361422624512566, 'when': 0.021289870781935925}, {'to': 0.2331445121053883, 'told': 0.11998769619887521, 'of': 0.11399635935288124, 'with': 0.09693419694040241, 'tell': 0.07979949389916866, 'tells': 0.07688704976492547, 'for': 0.07262489052805095, 'upon': 0.04956886175085805, 'by': 0.04205935565295525}, {'of': 0.28904275301978616, 'to': 0.10425489449077704, 'with': 0.08335158245061107, 'and': 0.08130176230066131, 'is': 0.07483310701908084, 'in': 0.07117533326210203, 'that': 0.05315215290608015, 'by': 0.049864758545983615, 'for': 0.049609958070349375}, {'and': 0.1184209893340516, 'time': 0.028649742499019717, 'week': 0.025500704121281883, 'up': 0.0166876248559706, 'one': 0.014656815853786859, 'that': 0.014627028491013744, 'demand': 0.01353565870986673, 'but': 0.013187863744962438, 'day': 0.012785249410117147}, {'of': 0.20780635281744989, 'in': 0.17801110175732154, 'without': 0.0915478616053879, 'to': 0.08583686423718223, 'have': 0.07022817093801804, 'make': 0.06621122143790516, 'by': 0.06275090740569912, 'for': 0.05222353332242955, 'or': 0.04946092822028797}, {'in': 0.019644948386125977, 'up': 0.017334454224300737, ';': 0.011225791933419467, 'him,': 0.010184032075675632, 'him': 0.008218272151289877, 'it,': 0.008147540050876168, 'them,': 0.006667325084324974, 'up,': 0.0063580877567533875, ',': 0.006102134847413745}, {'of': 0.1185212040020593, 'the': 0.10565420974429535, 'and': 0.06675772832788313, 'to': 0.05490707131792555, 'in': 0.04790252568823683, 'be': 0.034091047418141306, 'a': 0.030375565391413503, 'or': 0.02966883251926121, 'for': 0.028101475749425182}, {'to': 0.11272467325873015, 'the': 0.09570920935957357, 'of': 0.08084508540075111, 'and': 0.07746796351453314, 'a': 0.03161606912023797, 'in': 0.024763881588432984, 'at': 0.024446783401682257, 'for': 0.018599489625864805, 'is': 0.01726400145434898}, {'of': 0.05820818162700881, '<s>': 0.05247775566051044, 'and': 0.03664222722627784, ':': 0.03482022157200749, 'in': 0.028932312768545996, 'the': 0.028304059053122117, 'to': 0.02022467418801367, '.': 0.018897297910205738, 'as': 0.0186971689240886}, {'of': 0.17816318309358542, 'and': 0.10700500752284052, 'in': 0.10093079046733842, 'with': 0.09398745388885821, 'as': 0.09233730060526593, 'to': 0.08812241324220688, 'for': 0.06376433141624357, 'is': 0.05666944968456332, 'by': 0.05446462795648978}, {'the': 0.17995379374225942, 'of': 0.12918827017959583, 'a': 0.05542226251253751, 'at': 0.05540984440073911, 'and': 0.05381124978842609, 'to': 0.0375741823394331, 'in': 0.0302388151779323, '.': 0.023903814550487668, '<s>': 0.017379245685460763}, {'and': 0.11855345980160215, 'that': 0.04834655291398339, 'made': 0.0378194600336547, 'is': 0.03527537111848093, 'was': 0.03499608325061649, 'placed': 0.02838596072187782, 'as': 0.025722738445492364, 'be': 0.025414814918467716, 'or': 0.02501953233801765}, {'the': 0.2617639967904876, 'and': 0.20166142384879185, 'to': 0.09490365254244706, 'of': 0.06923060031864038, 'The': 0.048973128206264795, 'that': 0.02913510871047933, 'which': 0.025205451268786178, 'or': 0.02464222035599852, 'an': 0.022766910001227218}, {'of': 0.30781243347322285, 'in': 0.12963719533411652, 'to': 0.12791085336364197, 'and': 0.08077257294304888, 'for': 0.05630466354387866, 'by': 0.0460194242675015, 'that': 0.044144188421520826, 'with': 0.043587430127283736, 'from': 0.03790693314755587}, {'and': 0.17924669708147947, 'of': 0.14508780436401067, 'that': 0.1171472381364496, 'in': 0.10651945547008625, 'for': 0.09426087088967157, 'to': 0.0834449398347438, 'by': 0.04440375131331862, 'or': 0.04372192304801074, 'with': 0.037187321923578535}, {'.': 0.06323508034611855, 'and': 0.048142569627102776, 'be-': 0.024584746729157083, '<s>': 0.024387447838941125, 'of': 0.02105265622113751, 'Mrs.': 0.020691801667463185, 'Mr.': 0.019588445997910382, 'said': 0.016724236058338244, 'W.': 0.015290854396980575}, {'the': 0.18900385325169994, 'and': 0.1615464516564065, 'in': 0.10180116208560017, 'of': 0.09934648325360598, 'their': 0.06253459686428224, 'for': 0.057564644632529194, 'a': 0.04680906503691979, 'or': 0.04370184804668206, 'to': 0.04127236907671182}, {'of': 0.2346017983177867, 'to': 0.12912800942609948, 'in': 0.11648202190610984, 'for': 0.11019453915830224, 'that': 0.09380396104598324, 'and': 0.07011853167342323, 'by': 0.05179785909900997, 'with': 0.05138972197064697, 'In': 0.03299676202655354}, {'and': 0.10968615154899033, 'that': 0.10300191553271104, 'as': 0.06787944444478897, 'of': 0.06784266536627429, 'to': 0.04946776343917317, 'make': 0.04536235238254599, 'which': 0.043134291809455536, 'but': 0.03568964334384511, 'if': 0.0324340118960915}, {'the': 0.1918999409162787, 'of': 0.15192051112495283, 'to': 0.07065234045676035, 'and': 0.06944169659195475, 'in': 0.042883776196565755, 'a': 0.03371894818679388, 'with': 0.02554145244754443, 'on': 0.024654792034055486, 'The': 0.021736652753211374}, {'of': 0.09924636802463128, 'the': 0.09190321226143573, 'and': 0.07873357061964639, 'to': 0.05403607539554666, 'be': 0.04740400120181518, 'in': 0.03165088556212201, 'or': 0.028533597054211397, 'for': 0.024261752734536787, 're-': 0.023287272260284375}, {'min.': 0.16489391881703153, '.': 0.112059476390314, 'N.': 0.09890751747488893, 'Mrs.': 0.09233982565529299, 'M.': 0.06303262423809297, 'W.': 0.06248722672801971, 'mln.': 0.06110884664387726, 'J.': 0.059914059495868276, 'deg.': 0.04851978176963528}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.09412589747639956, 'of': 0.08742134541196799, 'to': 0.07431018669063834, 'in': 0.06390942503732248, 'and': 0.061275412914504994, 'a': 0.04817862118106245, 'In': 0.02406162173729238, 'by': 0.021405273222558276, 'for': 0.02128642569329682}, {'and': 0.2030063790731375, 'that': 0.05076267883276005, 'was': 0.02838552512212713, 'or': 0.02589431089047292, 'it': 0.024084669608190893, 'is': 0.02230044850805885, 'but': 0.020845014230754383, 'them': 0.01880305831409997, 'as': 0.01788544774589804}, {'the': 0.5382231329869738, 'a': 0.24484230507039403, 'The': 0.06604372779041708, 'tho': 0.02894787889617785, 'this': 0.021952854374347474, 'and': 0.011610329363556483, 'his': 0.011184460874438352, 'whole': 0.011046996548628188, 'A': 0.01077728065555105}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'be': 0.10978933935270511, 'He': 0.1075187534560298, 'is': 0.10643148385812715, 'and': 0.09920615698129431, 'was': 0.09884662497208835, 'he': 0.09594132799425883, 'also': 0.04108853124951731, 'so': 0.03735012001303525, 'been': 0.03450718850973367}, {'of': 0.4691158447359111, 'to': 0.12003620321103169, 'in': 0.09218556811572956, 'by': 0.07244098785868025, 'with': 0.04214096059786822, 'that': 0.038442501837149305, 'and': 0.036169450200930514, 'for': 0.029317168336054248, 'as': 0.02477258243583875}, {'and': 0.20233363206878235, 'was': 0.16109320265550872, 'be': 0.12853972343484282, 'he': 0.05358139993617746, 'is': 0.05339511367765178, 'were': 0.051612806625708114, 'it': 0.04629006991254946, 'He': 0.044096607012114535, 'years': 0.042801499622417846}, {'of': 0.29628695009727757, 'and': 0.1257427468730856, 'that': 0.09868338348776563, 'in': 0.09078379751193343, 'to': 0.08203860384908024, 'with': 0.05510655783384547, 'at': 0.03774746853160076, 'by': 0.03638612637651264, 'for': 0.03299753562292425}, {'2;': 0.12842526652845418, 'feet;': 0.12542479605669, '3;': 0.10991548806810661, '4;': 0.10396655960160153, '5;': 0.07943565877134534, '6;': 0.04023071957040373, '8;': 0.028329609747140445, ';': 0.025350240853238067, 'lode,': 0.022326939650445455}, {'the': 0.3085463982317545, 'of': 0.1520529320109287, 'in': 0.07338603849763992, 'Key': 0.049468971012951043, 'to': 0.044980459669008155, 'from': 0.04033849677707739, 'at': 0.035799741184064086, 'and': 0.03022766467521507, 'In': 0.024492601995420252}, {'a': 0.36103348261237234, 'the': 0.3269004637024176, 'her': 0.03840719991468899, 'his': 0.03654320848554969, 'The': 0.03559032006658648, 'very': 0.03432899179878398, 'and': 0.02985802384629305, 'on': 0.02945506172771413, 'A': 0.021980776735800376}, {'to': 0.22516789385496064, 'a': 0.17362387228237683, 'and': 0.10123547732320823, 'the': 0.0798143104778006, 'of': 0.06911718377163896, 'his': 0.04772290934960988, 'their': 0.03981661041029065, 'will': 0.033253290381230934, 'not': 0.023700003840048972}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'be': 0.30185098693241896, 'was': 0.17098499679457857, 'been': 0.1507338467744888, 'are': 0.06810252476586133, 'is': 0.06794003935851436, 'were': 0.06768380799509922, 'not': 0.03552783752160908, 'and': 0.034823958591550914, 'being': 0.031788565829266154}, {'the': 0.18226616748733143, 'of': 0.09055536536617964, 'and': 0.07875087345412557, 'a': 0.04282959090962975, 'that': 0.0423577110756612, 'The': 0.028952021800772214, 'in': 0.02827161666549837, 'no': 0.02464103014114996, 'Mr.': 0.02431919560564389}, {'and': 0.10728643539050407, 'of': 0.09689368708684774, 'as': 0.09430956550132799, 'the': 0.07574070144994628, 'to': 0.05122624749049644, 'be': 0.037028496537601055, 'such': 0.03566920217538001, 'much': 0.030975032286415252, 'in': 0.028365295688714418}, {'to': 0.3090501729480853, 'will': 0.25756960213237584, 'would': 0.1251692248806639, 'not': 0.05724654488876003, 'shall': 0.05654243150916109, 'may': 0.05554422611077525, 'should': 0.04692487547867767, 'must': 0.02568908846002492, 'can': 0.02203813144621834}, {'and': 0.16020120338766708, 'of': 0.08685718497833594, 'to': 0.08399503967667783, 'the': 0.06943891233164705, 'in': 0.05884921383794103, 'or': 0.040621043920846804, 'that': 0.03912403354901541, 'for': 0.02818228214969146, 'on': 0.028164677194048932}, {'a': 0.36377461809042416, 'most': 0.23447332686689132, 'the': 0.10718954495629919, 'and': 0.09718379475479254, 'more': 0.04539424495540545, 'of': 0.027447377994800546, 'very': 0.026919546331716008, 'are': 0.02345348979935944, 'not': 0.02312043376741239}, {'would': 0.18671410518497575, 'will': 0.1369485962502549, 'to': 0.13684710490540336, 'I': 0.11804868853485817, 'we': 0.10929258547996494, 'they': 0.07046804572904675, 'who': 0.056304436139126945, 'you': 0.049441553579728674, 'not': 0.04672165169243901}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'the': 0.18635094821463588, 'of': 0.13092691060682204, 'and': 0.08953686621361837, 'to': 0.08543503883939431, 'in': 0.04463607233103281, 'a': 0.04452095176172935, 'be': 0.03708117054764228, 'for': 0.02750398240718926, 'his': 0.026634273326519665}, {'the': 0.1287053056813113, 'and': 0.09508927028557602, 'to': 0.07119949655636888, 'of': 0.06102613577256228, 'so': 0.03421728976199958, 'is': 0.030015551339827497, 'be': 0.023127371175015583, 'he': 0.020689572386688632, 'was': 0.018665179604157495}, {'to': 0.3759161508671919, 'will': 0.1870698076997338, 'would': 0.08493695166754842, 'not': 0.07070449761285126, 'shall': 0.06577535734022946, 'may': 0.05812536267127526, 'should': 0.05184064428717594, 'and': 0.03156918958276016, 'must': 0.023962761185111595}, {'of': 0.14797499445143766, 'in': 0.11218001226258782, 'to': 0.07849769288893634, 'In': 0.04365812862673623, 'for': 0.04270793296517899, 'on': 0.03409336144416247, '<s>': 0.028261868566220816, 'and': 0.026446339050859583, 'at': 0.022229563747557954}, {'the': 0.46488502879254723, 'his': 0.1458126720156708, 'my': 0.0758048049617436, 'their': 0.05149175394465298, 'The': 0.046623850386187084, 'her': 0.03937742530908344, 'and': 0.03140906647621429, 'of': 0.031110820856734073, 'tho': 0.023308478140071046}, {'thereof': 0.148492123086778, 'such': 0.1005449071611134, 'well': 0.07136555695074975, 'far': 0.06575927754034791, 'and': 0.0624738927405904, 'that': 0.024950724187767597, 'but': 0.024079258365566073, 'soon': 0.023892082074917068, 'much': 0.023310846035979244}, {'out': 0.09006316610353199, 'purpose': 0.08137727712642014, 'means': 0.042244689944397014, 'number': 0.039348662976175224, 'one': 0.0328317184883553, 'all': 0.030022041400085964, 'some': 0.025889733105652523, 'and': 0.02542168216809563, 'point': 0.02478217222228569}, {'as': 0.6073264240170588, 'so': 0.12570819864730268, 'and': 0.06687737414795873, 'of': 0.039878107358104826, 'the': 0.027663856238360995, 'is': 0.0274959420455965, 'very': 0.02114225200612142, 'a': 0.01573417786667885, 'be': 0.01406779614854226}, {'the': 0.2678127271606585, 'a': 0.19863248634598826, 'his': 0.13947237873972332, 'of': 0.11164159937446114, 'their': 0.07338770880419918, 'our': 0.04395187724340407, 'to': 0.02896002190269809, 'my': 0.02806365429818965, 'and': 0.021379960733699344}, {'is': 0.3009001205600618, 'was': 0.16445926455152693, 'and': 0.10154849499826091, 'are': 0.09714413516834423, 'Is': 0.04854676710816726, 'had': 0.04303217749020616, 'were': 0.03773644303921645, 'have': 0.037520484924625, 'has': 0.02821804973263618}, {'thence': 0.2302558101186079, 'came': 0.06862785206158112, 'get': 0.06427979950761627, 'going': 0.05881512461003678, 'went': 0.050698373867137006, 'feet': 0.047042978400244614, 'walked': 0.04238454425493571, 'go': 0.040041795086953685, 'all': 0.03473350361628515}, {'of': 0.1740449550455355, 'the': 0.11980413230518858, 'to': 0.06456352741649714, 'in': 0.05453479609755336, 'on': 0.040600662783194574, 'a': 0.038739595224523526, 'and': 0.03701511453381656, 'by': 0.034425799960206886, 'for': 0.026069071894816557}, {'and': 0.18214828659494192, 'of': 0.12605966053321385, 'was': 0.11623430446271397, 'are': 0.08369438013437581, 'is': 0.0632563366000676, 'been': 0.05957069166930004, 'the': 0.055250649550304065, 'by': 0.04903478027457213, 'were': 0.04529961181655485}, {'the': 0.20177071455586273, 'of': 0.07973092050253969, 'and': 0.06278678876929093, 'a': 0.058628158851229406, 'to': 0.03013640504881719, 'in': 0.0280455388373876, 'The': 0.027665697131399446, 'Mr.': 0.021150499814924808, 'by': 0.01935136035972762}, {'the': 0.30951666011284207, 'and': 0.08631345201153295, 'an': 0.04124041803786068, 'The': 0.030191547302089124, 'or': 0.029688839620401232, 'first': 0.027830563687530136, 'a': 0.022927544472471386, 'as': 0.022908024167388505, 'tho': 0.017695095223615624}, {'of': 0.25322264143247536, 'a': 0.11603388645384938, 'to': 0.08220776234682682, 'in': 0.05434533688372498, 'with': 0.050134762686077035, 'the': 0.04892166567689527, 'and': 0.046346879855007184, 'by': 0.035330848756702345, 'that': 0.030351216965267807}, {'a': 0.5310135009541387, 'the': 0.26952471268565337, 'large': 0.03936898083859084, 'great': 0.03642164359152054, 'The': 0.02240580763590828, 'vast': 0.01632193313019641, 'tho': 0.015122208022167754, 'his': 0.012987746067395837, 'A': 0.012737189689443871}, {'the': 0.11942499690886942, 'of': 0.08782170550350654, 'and': 0.08117031876689648, 'to': 0.06853854397881164, 'in': 0.036928174219376025, 'a': 0.03488122497995583, 'at': 0.02676061509712923, 'or': 0.025571680768255525, 'for': 0.022836816723242948}, {'of': 0.38870625685347543, 'to': 0.14426578924468836, 'in': 0.14119390233858803, 'by': 0.07400580819855207, 'on': 0.039532454978125256, 'with': 0.03951666313605802, 'from': 0.03665420771694572, 'and': 0.03243489099070761, 'that': 0.029298068229292963}, {'and': 0.11216435356770388, 'depend': 0.04052132740766872, 'that': 0.027163236052818004, 'depends': 0.026736680984193927, 'called': 0.02465829214948171, 'based': 0.024645718329936863, 'look': 0.02373575220297127, 'down': 0.02112605981774554, 'call': 0.019757911007946195}, {'and': 0.08793627417053602, 'the': 0.058062596342082995, 'to': 0.05616145386902443, 'will': 0.05024895711553716, 'which': 0.04934421954894263, 'said': 0.04911162949450814, 'of': 0.048468472203261496, 'that': 0.03815540925302591, 'may': 0.03659240513259149}, {'more': 0.09842496534734087, 'law': 0.02183729742887233, 'one': 0.021582948119298805, 'be': 0.017096259273389865, 'good': 0.016971707084357784, 'man': 0.015685364334155343, 'it': 0.01546342129388931, 'and': 0.014815006779396556, 'is': 0.013047265338290549}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'virtue': 0.07446520038896885, 'out': 0.065008335608151, 'part': 0.03947215825672998, 'one': 0.03562890125655043, 'quarter': 0.03241584136443704, 'favor': 0.0239235849421329, 'result': 0.023354276051738905, 'guilty': 0.022667050730808908, 'means': 0.022196791642065155}, {'of': 0.14706270034795357, 'as': 0.1269393610011496, 'for': 0.10711669102488648, 'to': 0.10525975235921634, 'is': 0.09600026209589976, 'by': 0.09432382890036566, 'with': 0.07146015549941638, 'at': 0.0681148979576176, 'and': 0.06651177233020894}, {'It': 0.1863534843032382, 'there': 0.17114302194463862, 'it': 0.1571312970353264, 'There': 0.0863267732740467, 'This': 0.05314199278471771, 'which': 0.038444543800034654, 'he': 0.03704784810338996, 'that': 0.0367825812830805, 'this': 0.03132237140267237}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'the': 0.25899815938004445, 'of': 0.15676477870725936, 'at': 0.09823334572475122, 'to': 0.08947089734438365, 'his': 0.061717445332661984, 'their': 0.06072008886117653, 'this': 0.05761528223930023, 'in': 0.03828266407897751, 'a': 0.036953408195203395}, {'that': 0.3039434052225785, 'and': 0.12470214444376379, 'which': 0.08572015622662967, 'as': 0.06889204945133748, 'but': 0.05379011913939501, 'if': 0.04886684107570884, 'what': 0.041927141152196666, 'If': 0.027352688228482948, 'where': 0.027245966328651543}, {'and': 0.11192071948425236, 'feet': 0.03554228313947749, 'north': 0.03425734607167571, 'committee': 0.02807741467160246, 'put': 0.020516150589709563, 'Mortgages,': 0.020323014538700647, 'mortgages,': 0.018986714681600212, 'mortgages': 0.017966168869197604, 'men': 0.017953384029676}, {'the': 0.3780049265175813, 'of': 0.08192637226311297, 'said': 0.08061255713096911, 'this': 0.07201814002685827, 'and': 0.04088086720393033, 'The': 0.03459357071159431, 'a': 0.024258936875199304, 'that': 0.02103412285337606, 'Custer': 0.019688263065019054}, {'and': 0.12680305371971057, 'was': 0.04787460445502102, 'is': 0.043195070023051216, 'that': 0.040655715831305415, 'as': 0.037935016719518426, 'be': 0.033090057214328526, 'are': 0.027130164359379455, 'or': 0.026000820390126467, 'it': 0.025387200661201665}, {'cut': 0.07577084294136396, 'cutting': 0.031995838373853495, 'it': 0.029503744086168952, 'and': 0.0273209800574872, 'taken': 0.02672736002962793, 'went': 0.026264991865157683, 'them': 0.025854654087216197, 'of': 0.023979028934794786, 'falling': 0.023281318226669356}, {'matter': 0.0610713045138858, 'bushels': 0.04509519183658979, 'purpose': 0.043328141322785035, 'number': 0.03754385338393655, 'out': 0.028584932194831655, 'point': 0.026975621325537297, 'cost': 0.024775932539791722, 'amount': 0.02234959973599157, 'pounds': 0.02196464930946792}, {'and': 0.10723033250438467, 'it': 0.05559303722465169, 'pain': 0.04948680842417035, 'was': 0.03016410543330205, 'him': 0.028667508434370933, 'not': 0.028625149798078335, 'that': 0.02783886748991313, 'up': 0.02560941319093722, 'is': 0.02465372951719969}, {'the': 0.14995457845066296, 'and': 0.10622875647675366, 'a': 0.08793070484898935, 'of': 0.05680267277478127, 'to': 0.03882242802833114, 'for': 0.0273504012389872, 'will': 0.020031092947238576, 'in': 0.018329754677717504, 'their': 0.015213708290201574}, {'up': 0.01681185827025568, 'due': 0.015276345139994965, 'hundred': 0.013751366996276004, 'quiet': 0.012269236128350852, 'out': 0.01179248233118531, ';': 0.011658618495725545, 'made': 0.011615591321067115, 'him': 0.01153288963240908, 'it': 0.01103971597523642}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'Section': 0.05008664084269772, '<s>': 0.03091098352420703, '.': 0.0223272757517557, 'lot': 0.01676380906468016, 'and': 0.013835147612022659, 'Sec.': 0.011967016079771308, 'April': 0.010168907672673507, 'of': 0.009617220303754425, 'May': 0.009602695281086168}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'of': 0.3292586113773334, 'in': 0.1329967391346107, 'the': 0.09743448744667713, 'and': 0.07304522720230285, 'to': 0.03975734235087581, 'with': 0.029368533000427414, 'for': 0.028945455370043043, 'from': 0.028491858740196163, 'In': 0.027503489849909878}, {'years,': 0.01163686010178612, 'man': 0.009328599399312017, 'it,': 0.008721134117144006, 'him': 0.008457578024797055, 'it': 0.007885679810683431, 'them,': 0.007512540703029457, ';': 0.007505264067369993, 'him,': 0.0068773260053691465, 'time': 0.006644535351863785}, {'in': 0.2767399566335732, 'of': 0.2315791994993909, 'In': 0.0901169345411973, 'by': 0.07035581420228576, 'and': 0.050715154967932524, 'with': 0.04549898805529966, 'to': 0.0360992546164922, 'for': 0.03476540031294445, 'from': 0.023761880134653433}, {'and': 0.20198575038058372, 'of': 0.12529995995712295, 'fact': 0.07181284276790949, 'to': 0.0686684949581843, 'all': 0.0417563828992807, 'in': 0.03990367365466811, 'on': 0.03742225302041481, 'at': 0.037296173817838424, 'is': 0.036758637883619286}, {'of': 0.3417139080141959, 'to': 0.11100281795992989, 'and': 0.09840497932057657, 'that': 0.0734988733545617, 'in': 0.06187627614134353, 'for': 0.0615312420081817, 'by': 0.05602415921894213, 'at': 0.05388355324443441, 'from': 0.0416313287566577}, {'he': 0.22029058175615085, 'who': 0.09273975352262213, 'which': 0.09210952948225536, 'He': 0.0763740896586195, 'and': 0.0687323926159862, 'she': 0.051393581814930235, 'that': 0.04605027267259714, 'it': 0.041146986504325946, 'It': 0.03462576944682233}, {'of': 0.2757505430988448, 'to': 0.13534858097016017, 'in': 0.1350398325469434, 'and': 0.07308809539097243, 'for': 0.06721950772882451, 'with': 0.043318453245285674, 'by': 0.039161396213122514, 'on': 0.03473920220409024, 'oi': 0.03371435150412753}, {'is': 0.204441834277465, 'and': 0.17189124680564494, 'was': 0.10870934758551673, 'are': 0.07968767355203131, 'be': 0.06940896975023289, 'or': 0.06747530648153365, 'had': 0.049394080403127406, 'not': 0.049214925405113186, 'were': 0.04370004872744365}, {'it': 0.1795624119188648, 'It': 0.1697965543313083, 'there': 0.10126896400527097, 'that': 0.06185792843651882, 'which': 0.05326106355791173, 'There': 0.05180122313355322, 'and': 0.04738297176221348, 'this': 0.04390850110112635, 'This': 0.039371504854667054}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'and': 0.12854359302238966, 'to': 0.07789189763123787, 'of': 0.043534308489866384, 're-': 0.039957421791734254, 'that': 0.031140535029898674, 'which': 0.030509099143971666, 'in': 0.02905976998159479, 'for': 0.02790745326009253, 'or': 0.02670583860075817}, {'of': 0.25186830287688394, 'to': 0.12698775202813245, 'for': 0.09820719537257554, 'and': 0.0859099817268021, 'in': 0.08527937915122497, 'on': 0.08075899071241902, 'with': 0.07182641649893269, 'at': 0.04413367288250511, 'that': 0.041553186022555866}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.6896473402593617, 'a': 0.07403615878396884, 'The': 0.037165260468211433, 'tho': 0.035510399239632714, 'and': 0.023142055604057087, 'of': 0.013690549677025987, 'other': 0.012838826252981467, 'tbe': 0.010908460009145925, 'great': 0.010871970616959215}, {'went': 0.08683324565499717, 'go': 0.07476330580440535, 'came': 0.05394514230576035, 'back': 0.047297493639340674, 'it': 0.04706181582391388, 'out': 0.046435294313249977, 'put': 0.044640592301587366, 'down': 0.04048017963153846, 'come': 0.03746281779864652}, {'go': 0.10388677888155633, 'went': 0.09363290357279282, 'going': 0.0760838145486161, 'carried': 0.06877150313192873, 'and': 0.05166840258366935, 'was': 0.04737393386614069, 'goes': 0.04255995374509381, 'came': 0.037674566818190945, 'put': 0.03380326972235045}, {'the': 0.757131117741043, 'a': 0.06277120047561922, 'The': 0.060920348509810755, 'tho': 0.04767917784885431, 'tbe': 0.019416792695040333, 'and': 0.010940382271877488, 'great': 0.008770428186948754, 'this': 0.00742488364928314, 'his': 0.006740861615104454}, {'all': 0.36369154657077923, 'the': 0.0956312805131605, 'many': 0.07823056612757974, 'these': 0.07748673684428421, 'other': 0.07539830101488611, 'as': 0.048716725176560075, 'and': 0.04590772543260795, 'different': 0.042789536630632966, 'some': 0.04271126031406503}, {'Survey': 0.1433115938990114, 'survey': 0.11479187581627509, 'Cor.': 0.060613392819950415, 'lot': 0.03854569057732918, 'and': 0.035090636888453236, 'of': 0.034559995757483204, 'District': 0.026934539488199783, 'vey': 0.02522523167487086, 'marked': 0.02347206160559093}, {'the': 0.42950961622435524, 'an': 0.15149196347466287, 'his': 0.11717412821524222, 'their': 0.06182457131010594, 'any': 0.04813230453997225, 'a': 0.0374892359257904, 'of': 0.03730588751997711, 'The': 0.036642233028011756, 'in': 0.031190293576242017}, {'the': 0.24534895573408574, 'of': 0.2220585775898521, 'in': 0.15671072427575272, 'and': 0.06835784814511511, 'are': 0.05764213974149814, 'all': 0.03938551362988315, 'In': 0.03809686304655123, 'a': 0.03762608783175329, 'is': 0.03231446954007106}, {'of': 0.29409801126731044, 'in': 0.20902869552099834, 'on': 0.08253975653871935, 'In': 0.07787387308289552, 'to': 0.05185205362016022, 'that': 0.05113517655735124, 'from': 0.04916776638440274, 'and': 0.04542749700213501, 'at': 0.03848276769288141}, {'of': 0.14320949515556322, 'on': 0.08685349862413887, 'the': 0.07840766297968157, 'in': 0.047934499277335695, 'to': 0.04074780305964237, 'and': 0.039103117593472424, '<s>': 0.03190220097103373, 'at': 0.023226903514706656, 'by': 0.021371919760606883}, {'and': 0.09000302108432018, 'pay': 0.03754680150166416, 'demand': 0.03568981002418859, 'ready': 0.03289143415780952, 'it': 0.031188189762073718, 'used': 0.029585140706872615, 'paid': 0.029379391577681824, 'is': 0.02907144996741414, 'not': 0.028736530589822448}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'the': 0.46164762822860833, 'and': 0.10972070111314594, 'of': 0.03882872751955916, 'The': 0.03641437130979664, 'tho': 0.03179804539691075, 'said': 0.018806047051138496, 'a': 0.016794458683940965, 'an': 0.011991395486703978, 'tbe': 0.011655107558261336}, {'a': 0.15466598941221246, 'of': 0.1501356236704209, 'the': 0.14985872804569492, 'in': 0.08039941824440108, 'to': 0.07529721331023753, 'and': 0.03681246139893993, 'by': 0.028983277873162832, 'an': 0.022260402532012658, 'from': 0.022070473668116656}, {'the': 0.34863227673434466, 'a': 0.27755452832859245, 'of': 0.16446921244529628, 'in': 0.06541340239779157, 'and': 0.023568357548056314, 'tho': 0.020133751489809285, 'The': 0.018669351273950623, 'In': 0.015940616215931482, 'for': 0.009585047077370337}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'the': 0.4692063432872256, 'of': 0.1302252607203191, 'a': 0.12579064814696184, 'The': 0.047610557618450906, 'his': 0.041326201794866575, 'our': 0.038143446061407495, 'their': 0.035350911459382135, 'in': 0.027541789718606758, 'tho': 0.026938073036147564}, {'and': 0.07183289031255977, 'demand': 0.025944685217575657, 'ready': 0.021477506387310677, 'used': 0.020653840313379437, 'time': 0.018693235575541325, 'not': 0.014344251169100857, 'vote': 0.014321157386397571, 'it': 0.014219992250690474, 'candidate': 0.013420651590409303}, {';': 0.034265465108686215, 'and': 0.028528642821599573, '<s>': 0.01114096392178109, 'that': 0.007843917537807398, 'was': 0.006824812810572503, 'it,': 0.006386843845468153, 'as': 0.006378641591913008, ',': 0.005867869157411548, 'them,': 0.005613102617341976}, {'the': 0.19055952672278936, 'of': 0.0795653192075879, 'to': 0.0658260664913985, 'in': 0.04637463290776387, 'and': 0.03732944075962127, 'his': 0.021784580423421334, 'was': 0.020677416113598083, 'be': 0.020043012366661332, 'a': 0.019657117522378715}, {'the': 0.46762465778008216, 'said': 0.2001062823918703, 'State': 0.027084953714066953, 'this': 0.026219388476873856, 'of': 0.02549133066936443, 'and': 0.024937797783054726, 'The': 0.02246625707890655, 'tho': 0.021555642697708325, 'a': 0.019057216876552513}, {'is': 0.08819764834260754, 'not': 0.0723113246742233, 'and': 0.068036837042161, 'able': 0.06618901460851317, 'have': 0.05547886997666187, 'enough': 0.05274697497476267, 'was': 0.04821679772898482, 'ought': 0.04455587191323984, 'right': 0.044334130556727816}, {'of': 0.18502425049382423, 'and': 0.13827943124602643, 'a': 0.110003307919881, 'the': 0.1070121150277455, 'as': 0.09748997618992958, 'so': 0.06351781367001376, 'is': 0.042919991751444744, 'that': 0.03991344911685492, 'very': 0.036810160280029015}, {'at': 0.1959864678778205, 'the': 0.18701796008876057, 'was': 0.1317325809932355, 'be': 0.1137759759298022, 'to': 0.08526187164102265, 'were': 0.0619940637656644, 'is': 0.04995165847316248, 'not': 0.03976360785292266, 'and': 0.03326722675428619}, {'be': 0.2590688789934383, 'is': 0.1960800395966459, 'more': 0.1058698860093521, 'very': 0.09603836486158374, 'was': 0.07248527012119793, 'and': 0.06864520383288586, 'are': 0.05176305231493094, 'as': 0.049448853297031956, 'been': 0.04584313803418818, 'too': 0.044757312938745096}, {'of': 0.15991606946796225, 'and': 0.059098889002341344, 'to': 0.047718785266035464, 'in': 0.03376962374444844, 'on': 0.0331267581234383, 'as': 0.020615939824818245, 'the': 0.019605712256811778, 'for': 0.01731546130318102, '-': 0.01661049428589098}, {'the': 0.5550733953238811, 'of': 0.056468007045984106, 'their': 0.05565197398930311, 'and': 0.03949378266781845, 'a': 0.03854625631616709, 'in': 0.03722626808139736, 'his': 0.03173633596747072, 'tho': 0.028683362911981067, 'our': 0.02836657364526603}, {'they': 0.0813142561937685, 'and': 0.07666112579481092, 'who': 0.055577148735631965, 'which': 0.045114537032465554, 'there': 0.03326186572918409, 'that': 0.030808452544693037, 'we': 0.03080248874808138, 'They': 0.02421864498003272, 'men': 0.022004830682615883}, {'the': 0.4165110352694668, 'a': 0.31041547182521134, 'this': 0.07848022187975168, 'his': 0.051002073824728114, 'The': 0.03296652237156842, 'tho': 0.02766882378006381, 'their': 0.021430762007121053, 'its': 0.015798411577671777, 'an': 0.014961661639933762}, {'and': 0.13876259509082478, 'a': 0.13772942986680134, 'be': 0.1360734100171304, 'so': 0.10192987472260016, 'are': 0.08322714116371335, 'is': 0.06831801590137172, 'was': 0.06774178869546975, 'the': 0.05706318264043204, 'been': 0.04093502419815132}, {'of': 0.09924636802463128, 'the': 0.09190321226143573, 'and': 0.07873357061964639, 'to': 0.05403607539554666, 'be': 0.04740400120181518, 'in': 0.03165088556212201, 'or': 0.028533597054211397, 'for': 0.024261752734536787, 're-': 0.023287272260284375}, {'of': 0.11305483202408124, 'the': 0.08497729084617245, 'and': 0.07475454907004843, 'to': 0.06197008150135842, 'by': 0.028593266282971284, 'Mrs.': 0.027301700958346175, '.': 0.0233998467142003, '<s>': 0.022749693811900198, 'said': 0.015864428534010537}, {'and': 0.20206284091416882, 'days': 0.15638444440138755, 'that': 0.05334122174106728, 'soon': 0.05032953003369687, 'day': 0.04850911127122358, 'years': 0.04388611004013725, 'time': 0.040519659591513026, 'immediately': 0.03906328043946935, 'months': 0.03713831395481504}, {'and': 0.20982951992940316, 'to': 0.1191039777715214, 'not': 0.03903957227939709, 'that': 0.028959219156538953, 'or': 0.02754408301558847, 'who': 0.02659348785819813, 'of': 0.026094111035287845, 'will': 0.025683829625368023, 're-': 0.024727742544405223}, {'they': 0.19211548886231886, 'who': 0.12343601594527749, 'there': 0.11414321909019756, 'There': 0.07477321509325151, 'we': 0.07046712476884391, 'which': 0.06116371214489076, 'They': 0.05605362638536556, 'and': 0.04556828241225912, 'that': 0.04106392442645773}, {'the': 0.3663883477934749, 'of': 0.20442402171569188, 'and': 0.07473357866500137, 'that': 0.05863415301134764, 'this': 0.05420676449732365, 'for': 0.05361621847828037, 'in': 0.05092497913444905, 'a': 0.04773210707139564, 'their': 0.02904436059537149}, {'the': 0.36792295400691116, 'his': 0.2032672944363198, 'an': 0.07525604410033776, 'The': 0.07109126947818593, 'their': 0.053282781998086635, 'my': 0.05211848565255605, 'her': 0.04768490465599119, 'His': 0.02649235893380767, 'tho': 0.0253804605157176}, {'thousand': 0.2617515681677172, 'hundred': 0.20306230231761843, 'of': 0.07964547397413164, 'fifty': 0.061074467715276255, 'million': 0.04230135277521191, 'ten': 0.03312071497083211, 'five': 0.03290172568425656, 'the': 0.016309285824269437, 'to': 0.015988821829164977}, {'the': 0.6238785821282669, 'a': 0.15945076243997258, 'in': 0.040299770145448444, 'The': 0.039980380888914674, 'tho': 0.03310590964676888, 'of': 0.026693721809375195, 'and': 0.019063555224647977, 'our': 0.0147168375768992, 'tbe': 0.013577506289365583}, {'the': 0.22955369359058506, 'and': 0.13828906872191193, 'The': 0.09076616838453752, 'of': 0.08652750330498996, 'or': 0.0795017757683082, 'with': 0.05513385599161545, 'by': 0.04791728221536561, 'these': 0.047139919867688666, 'These': 0.04075094421199804}, {'the': 0.3326496052959826, 'a': 0.3228502565303803, 'of': 0.06834483860248002, 'said': 0.045613235792997336, 'any': 0.039490903198608616, 'or': 0.029230365134710737, 'and': 0.02842331772008746, 'this': 0.02480652417923212, 'by': 0.02166528030849258}, {'his': 0.2955678842870891, 'their': 0.1445924382328429, 'her': 0.1264883142112149, 'the': 0.07596354290809612, 'my': 0.07275400437939102, 'our': 0.0512697903786048, 'of': 0.02890563442127064, 'its': 0.026431012349131554, 'your': 0.023760103126456322}, {'be': 0.4099420788400191, 'was': 0.1141749055103561, 'is': 0.10994781455067396, 'been': 0.10228942438740223, 'are': 0.0642941938016479, 'being': 0.047605382508084416, 'were': 0.040665985357421, 'not': 0.0387818495893267, 'and': 0.025350678125205306}, {'of': 0.2428873537692233, 'in': 0.11973680612014662, 'to': 0.11603402741270599, 'for': 0.07714789713097062, 'and': 0.06946396848994019, 'with': 0.060658363724453455, 'on': 0.047862408375154715, 'from': 0.04110232559766807, 'by': 0.036546241757073966}, {'and': 0.10742217479881554, 'made': 0.06861499950248383, 'or': 0.05173416665119355, 'done': 0.029571138695684566, 'that': 0.024070745074564286, 'but': 0.02376012340638354, 'up': 0.023114983065661808, 'it': 0.021446539281676766, 'them': 0.020148162293580515}, {'be': 0.23039996834650678, 'is': 0.1572032880650692, 'was': 0.12473753993159434, 'he': 0.11009984547934315, 'and': 0.08836977266549334, 'had': 0.05691172854819164, 'they': 0.044585082855199104, 'have': 0.04321572610365147, 'been': 0.03941608506890332}, {'the': 0.15151597658953436, 'and': 0.11664386533237642, 'be': 0.10476042387072498, 'are': 0.09716699610661692, 'is': 0.08192914142218644, 'of': 0.07677565907616889, 'in': 0.0687851361905132, 'was': 0.06782314029619285, 'been': 0.0644716315394218}, {'of': 0.39926568772094134, 'in': 0.09702551256937017, 'to': 0.07607132891363193, 'and': 0.07291098955718993, 'from': 0.04896920867449756, 'on': 0.04791147004056889, 'by': 0.04745666473004698, 'that': 0.04405174944441594, 'with': 0.03412848206031928}, {'and': 0.12345616763579784, 'resale': 0.0712551872711301, 'was': 0.05452303050590319, 'is': 0.043046791670976504, 'that': 0.03973126820428519, 'inserted': 0.03883282225541393, 'be': 0.032432038298398636, 'it': 0.030641010585479068, 'but': 0.030025372185232803}, {'the': 0.43027185410293656, 'a': 0.1978505810122299, 'of': 0.10696224324424423, 'with': 0.05060374005504533, 'in': 0.040257234176169415, 'and': 0.038616893579911896, 'this': 0.03708664342687076, 'The': 0.028989037932272577, 'very': 0.027220117865084974}, {'of': 0.19058348473468312, 'in': 0.17060128605517993, 'to': 0.07773330483391827, 'with': 0.06301980342477112, 'at': 0.06166301487434199, 'as': 0.05252872229801481, 'by': 0.04899415345210524, 'on': 0.04895485761322952, 'and': 0.04827394200202666}, {'of': 0.14160251999375226, 'for': 0.13797669369373328, 'and': 0.10840656235649523, 'in': 0.09213036037635178, 'to': 0.08322125764822189, 'with': 0.06998140216819988, 'as': 0.06237892221583092, 'was': 0.060923179805711644, 'is': 0.05883809130590009}, {'it': 0.20009487951772253, 'It': 0.13662155496952133, 'which': 0.08462308071345959, 'he': 0.06064788539794049, 'and': 0.060267531284352416, 'that': 0.054917481084689725, 'there': 0.04408361668581946, 'who': 0.0320962710870034, 'what': 0.026203611617225644}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'of': 0.40918332118818207, 'to': 0.08777998266848082, 'in': 0.08523839978694796, 'for': 0.07791930731706416, 'and': 0.06701629011461271, 'that': 0.06296408467400447, 'by': 0.050889970313362023, 'with': 0.041848362570920464, 'on': 0.026093825837233794}, {'of': 0.1811274542152831, 'the': 0.11724100319071222, 'to': 0.06978003574019406, 'and': 0.043510236077350606, 'a': 0.03820648703507358, 'in': 0.03109401838265297, 'on': 0.027736140865210434, 'at': 0.022462183244930118, 'for': 0.01945762133063437}, {'that': 0.32162847781005305, 'when': 0.10978895792406886, 'and': 0.08809702734424533, 'which': 0.0747229635926207, 'as': 0.06446107279083658, 'if': 0.04651245418284462, 'where': 0.04510537429293735, 'but': 0.04392555524448781, 'said': 0.03680389826227941}, {'he': 0.21706781227338762, 'I': 0.17042016703324106, 'and': 0.1244521958475372, 'they': 0.05539377074741826, 'she': 0.04989538827719779, 'He': 0.04895947516526171, 'we': 0.04127749710601666, 'who': 0.03206416037934271, 'then': 0.031568429557851184}, {'of': 0.33861002356054887, 'and': 0.10023279703108641, 'by': 0.0887291061947386, 'to': 0.0870410807420933, 'that': 0.0848422128883682, 'in': 0.07782903584534362, 'from': 0.04410246335591921, 'for': 0.042860973423990104, 'with': 0.032576456414438265}, {'of': 0.2978417583756784, 'and': 0.11809420618863535, 'to': 0.11077529497406904, 'by': 0.0761481955134902, 'in': 0.060746109299202, 'that': 0.05541587007418779, 'from': 0.04657086605254984, 'on': 0.046371632024544224, 'with': 0.03477867477419145}, {'it': 0.13796128875087904, 'which': 0.12123151758558284, 'It': 0.1190182297647619, 'that': 0.07907127608922525, 'who': 0.07084173501939091, 'he': 0.07065862855136053, 'there': 0.05551808419416357, 'and': 0.034746175819115654, 'There': 0.029925963619018833}, {'the': 0.20093917849643148, 'a': 0.1362915480508698, 'of': 0.08535741444639704, 'and': 0.059427500181414586, 'to': 0.04164722258319169, 'The': 0.02997063175186316, 'in': 0.029784709445848337, 'as': 0.02500093911847977, 'that': 0.024103552914216512}, {'hundred': 0.04805245380179887, 'one': 0.01864545719481607, 'dollars': 0.012686547985942931, 'up': 0.010785168709603502, 'large': 0.010682064345516124, 'feet': 0.009450625050275606, 'more': 0.008706436824662078, 'day': 0.008110064365127304, 'men': 0.007508505697277183}, {'the': 0.5882544024923221, 'The': 0.0808982665290057, 'not': 0.06919519612631857, 'is': 0.05077985129369271, 'a': 0.031043276974118225, 'was': 0.02876371775611267, 'and': 0.02848845292096397, 'tho': 0.021170685884875504, 'are': 0.018918794784798024}, {'soon': 0.1393937380265557, 'long': 0.0813202972997303, 'far': 0.07824177416217376, 'and': 0.06341957882991932, 'well': 0.05608493092246934, 'just': 0.048004374580780426, 'much': 0.040416555373408374, 'such': 0.03511475962545337, 'but': 0.026649783471726012}, {'it': 0.16747301095601322, 'he': 0.15038518671492693, 'It': 0.15012693899070906, 'I': 0.08673225904607307, 'there': 0.05773480960566197, 'He': 0.052702735132203866, 'and': 0.03969218541356171, 'she': 0.03926310788856527, 'which': 0.0388707460451963}, {'on': 0.34284813658206076, 'of': 0.20178528347353678, 'in': 0.10125550676868886, 'to': 0.08680941150145709, 'from': 0.05221207531099097, 'at': 0.04350694461877711, 'In': 0.04232695981241574, 'and': 0.030463240516797465, 'On': 0.029668081868032294}, {'.': 0.09361308933067275, 'and': 0.046381234402791904, 'of': 0.032357888678761014, 'S.': 0.03187891493914849, 'W.': 0.030769513492952254, 'M.': 0.030331696782997034, 'A.': 0.02993286923176642, 'the': 0.029863334771600077, 'Mrs.': 0.02741637430289563}, {'and': 0.3074113402402708, 'is': 0.06704921377453615, 'was': 0.058890346487961605, 'are': 0.04990205773251878, 'be': 0.032218831562535674, 'more': 0.03147299406489003, 'were': 0.02351564998551187, 'but': 0.017734597349398307, 'been': 0.017232837755752847}, {'Mr.': 0.33907920544368597, 'Mrs.': 0.10381446058201307, 'Dr.': 0.08848293534759581, 'of': 0.04595673536861195, '.': 0.04209440234821481, 'A.': 0.03795859376193447, 'the': 0.036757498035926185, 'John': 0.03094801812496464, 'M.': 0.025799055577180638}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'and': 0.2184250907332619, 'as': 0.13492750297092465, 'that': 0.13127157638203973, 'but': 0.08182448775328931, 'when': 0.056043779597446476, 'if': 0.05321400063908155, 'which': 0.04612971495004039, 'do': 0.04002861218939386, 'what': 0.03321326861868319}, {'and': 0.09377129454296322, 'was': 0.04271315341537484, 'out': 0.028524574363226172, 'that': 0.02811573968936019, 'placed': 0.027131868575018914, 'work': 0.02578173844450971, 'made': 0.024681420068921236, 'is': 0.024021050156212566, 'up': 0.023509378606325886}, {'and': 0.09326647752053993, 'is': 0.09252383903740966, 'as': 0.060265675280976636, 'was': 0.054646142521285995, 'able': 0.054148311475556696, 'not': 0.05217694319456736, 'enough': 0.04469041992993177, 'him': 0.04395007442710523, 'order': 0.04267089496063146}, {'the': 0.33022239389554525, 'of': 0.20307791699383018, 'said': 0.05531841743434172, 'and': 0.03227478184277067, 'Eng-': 0.03216450991946038, 'for': 0.027603316811579282, 'tho': 0.02622416821902471, 'in': 0.02303249141172174, 'our': 0.02266917964166522}, {'and': 0.10296216891554934, 'to': 0.08970289029041499, 'of': 0.07334396940833994, 'the': 0.052215712741654645, 'in': 0.041328010095749663, 'not': 0.034779882272106606, 'for': 0.033805091899429, 'that': 0.03154244476403794, 'I': 0.031053380416102085}, {'and': 0.07984998411171478, 'demand': 0.029318310782824323, 'not': 0.026304673595935427, 'used': 0.025229038886483403, 'was': 0.024876432444730517, 'paid': 0.024808875757519985, 'is': 0.023152537444250762, 'them': 0.023070271385966328, 'been': 0.021268852318195797}, {'he': 0.2065191488500741, 'I': 0.14420656740854348, 'it': 0.12594827150354734, 'they': 0.11129488122277068, 'we': 0.057452893635613095, 'that': 0.04862820313821132, 'who': 0.04171147039966225, 'she': 0.04065306265459809, 'It': 0.03496959801386561}, {'do': 0.4054177436600282, 'did': 0.28275138878366574, 'does': 0.09163408427402613, 'could': 0.07588815985179427, 'would': 0.057949083222909877, 'will': 0.041580290409458126, 'should': 0.010717874990436223, 'shall': 0.00977521103128042, 'may': 0.009488386021530978}, {'the': 0.40917684262586024, 'a': 0.13233841460940798, 'this': 0.07183696668841913, 'The': 0.05185338280882467, 'that': 0.03946700813765489, 'good': 0.03760075427306547, 'any': 0.03509191110100378, 'of': 0.03156299942470563, 'corn': 0.029195708333276258}, {'and': 0.09377129454296322, 'was': 0.04271315341537484, 'out': 0.028524574363226172, 'that': 0.02811573968936019, 'placed': 0.027131868575018914, 'work': 0.02578173844450971, 'made': 0.024681420068921236, 'is': 0.024021050156212566, 'up': 0.023509378606325886}, {'the': 0.45082535474246926, 'this': 0.07569199292510759, 'said': 0.0625840592031633, 'The': 0.05878583995520539, 'that': 0.02904258692632517, 'of': 0.026498819898927422, 'and': 0.02430241519018143, 'tho': 0.01933104717019396, 'a': 0.014489294910229471}, {'a': 0.3100401088406764, 'the': 0.14855469161068938, 'so': 0.10306513944427428, 'of': 0.10151591190159899, 'is': 0.07386428840104325, 'with': 0.05773957383534759, 'are': 0.051693663828689236, 'be': 0.050018650233206674, 'and': 0.04492130113692852}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.09176277096642228, 'the': 0.08822569652131762, 'of': 0.0752300711186679, 'to': 0.07277113120849943, 'in': 0.0268203173313594, 'be': 0.02645144814453517, 'he': 0.02332390697524339, 'was': 0.020355946102980093, 'a': 0.020354437758042243}, {'of': 0.2700612861368795, 'with': 0.13720155708081538, 'as': 0.09058279035377462, 'by': 0.0842089579059682, 'and': 0.07985734975558079, 'for': 0.05613995757351461, 'in': 0.054769812330255845, 'to': 0.05402479999554726, 'is': 0.050172154948641974}, {'of': 0.12642654347255788, 'and': 0.06920770004749957, 'in': 0.04113063429839098, 'to': 0.039460944154770555, 'that': 0.029877787057406513, 'on': 0.02517998801676788, 'for': 0.024471087243369164, 'things': 0.01672232242668383, 'those': 0.013689248065138443}, {'the': 0.12911698678785677, 'con-': 0.11680430811621666, 'a': 0.11086445379672402, 'certain': 0.04415109525137884, 'and': 0.043281703789021166, 'acre': 0.04286753614326921, 'con\xad': 0.035107748140610816, 'con¬': 0.03436210042365577, 'said': 0.032931640155497884}, {'it': 0.18143874199255758, 'there': 0.10331969695424356, 'It': 0.09198639939220059, 'which': 0.08073126991269376, 'they': 0.06240522313208139, 'that': 0.054082648531678275, 'and': 0.05144105994683339, 'he': 0.03253148924096088, 'There': 0.03214778196988864}, {'of': 0.2428873537692233, 'in': 0.11973680612014662, 'to': 0.11603402741270599, 'for': 0.07714789713097062, 'and': 0.06946396848994019, 'with': 0.060658363724453455, 'on': 0.047862408375154715, 'from': 0.04110232559766807, 'by': 0.036546241757073966}, {'the': 0.5671539017779457, 'a': 0.14375862486316995, 'The': 0.07137986071045645, 'of': 0.043552803449524786, 'tho': 0.03654939704073431, 'and': 0.024303873492554154, 'that': 0.014776902606910565, 'tbe': 0.014008169498163942, 'this': 0.013390034291583022}, {'It': 0.1863534843032382, 'there': 0.17114302194463862, 'it': 0.1571312970353264, 'There': 0.0863267732740467, 'This': 0.05314199278471771, 'which': 0.038444543800034654, 'he': 0.03704784810338996, 'that': 0.0367825812830805, 'this': 0.03132237140267237}, {'a': 0.7564826604216917, 'the': 0.06789456716848893, 'in': 0.049805863811615794, 'very': 0.026207044800864054, 'of': 0.021115496982144513, 'A': 0.017419498041684814, 'any': 0.013910347945015628, 'some': 0.01387037048946249, 'In': 0.013084684999526048}, {'number': 0.049887583343417786, 'out': 0.04296456119780169, 'means': 0.03060821986986029, 'purpose': 0.02447904553233523, 'place': 0.022037047358200577, 'and': 0.02020567013672534, 'full': 0.019735380146901564, 'form': 0.01924972565734438, 'amount': 0.01863923660595739}, {';': 0.033710545448882814, 'and': 0.029935415398051807, '<s>': 0.011009987123721872, 'it,': 0.009867826075904352, 'that': 0.009228401456983113, 'I': 0.00900034069476977, 'them,': 0.008142746792361254, 'is': 0.007967869284016943, 'it': 0.00786666456399579}, {'to': 0.49484307139427486, 'will': 0.09350830148000386, 'and': 0.08574460082447175, 'would': 0.04476206442592183, 'I': 0.032761357789477835, 'may': 0.028896013247053143, 'not': 0.026931556243801356, 'could': 0.01995063235221219, 'can': 0.018896662058125513}, {'of': 0.49963397736354126, 'in': 0.16231851323734825, 'to': 0.07738278906648388, 'on': 0.04579370474829101, 'by': 0.044770573469195066, 'from': 0.03401208171597404, 'for': 0.030974207273914294, 'In': 0.025326768425554147, 'and': 0.02379465746348467}, {'Mr.': 0.46495348806056347, 'Mrs.': 0.09897671091820083, 'W.': 0.07697078514498343, 'J.': 0.06081074537023615, '.': 0.05036441841821609, 'H.': 0.03845037017922849, 'E.': 0.03019849882780718, 'Dr.': 0.028588376725672417, 'John': 0.02788344198477272}, {'of': 0.16945557090539823, 'in': 0.0581840426519193, 'the': 0.05648127090287954, 'and': 0.05448622992993907, 'to': 0.04378684666667831, 'at': 0.03701638302813849, 'for': 0.0342687757937155, 'on': 0.030959510107763002, 'a': 0.021189058481221226}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'to': 0.11272467325873015, 'the': 0.09570920935957357, 'of': 0.08084508540075111, 'and': 0.07746796351453314, 'a': 0.03161606912023797, 'in': 0.024763881588432984, 'at': 0.024446783401682257, 'for': 0.018599489625864805, 'is': 0.01726400145434898}, {'the': 0.6783401244513817, 'The': 0.06806603388235101, 'tho': 0.0326559653114165, 'of': 0.03211375353214706, 'that': 0.02824559271533432, 'this': 0.020097580360668776, 'to': 0.019084440528823066, 'and': 0.01680207997018691, 'any': 0.01571194187377942}, {'it': 0.27957038428918407, 'It': 0.14069168722916756, 'there': 0.0780604064737155, 'he': 0.0673522127670591, 'that': 0.061371482220746135, 'they': 0.04852180992353207, 'which': 0.044772571877851546, 'and': 0.031977859656019285, 'I': 0.020031431466088268}, {'I': 0.2598282957996882, 'we': 0.13957909730737045, 'they': 0.1388188210180517, 'We': 0.09412798836302537, 'who': 0.059590244341527994, 'to': 0.05349153900233156, 'and': 0.044784269505557875, 'you': 0.04266533122354936, 'They': 0.03252473414757809}, {'the': 0.26527019777655625, 'of': 0.2544435054810415, 'and': 0.05903230132243649, 'for': 0.04590641022946897, 'The': 0.04121203489489026, 'plant': 0.039411291575904984, 'that': 0.0320703431138973, 'or': 0.027143383374284125, 'as': 0.025507824262883852}, {'the': 0.2296155962050423, 'of': 0.08261118741080081, 'a': 0.05637406874735146, 'and': 0.05607719865006335, 'to': 0.04679917618006225, 'in': 0.038649912620889564, 'The': 0.021750635908558424, 'that': 0.019910739596622186, 'an': 0.017193685934938183}, {'of': 0.20119353723169006, 'and': 0.18495719054569873, 'but': 0.07244931250195387, 'know': 0.06910321274696105, 'that': 0.04467831515882281, 'But': 0.0412493090138845, 'to': 0.04072370536250456, 'for': 0.03640012015979224, 'knew': 0.03381146323855412}, {'of': 0.14593252668371873, 'and': 0.10617723167594738, 'to': 0.07234383507622914, 'be': 0.06693114835987767, 'the': 0.057792868285988716, 'a': 0.0556377856247452, 'was': 0.039731941074283, 'in': 0.03284151707433803, 'at': 0.02595495242234332}, {'I': 0.2603929946240397, 'to': 0.12718227753348973, 'we': 0.11170187405841288, 'they': 0.08270943075636826, 'would': 0.07597869220047962, 'We': 0.06819277041136776, 'who': 0.05760132774426267, 'you': 0.05416724903013555, 'will': 0.04587550107554564}, {'the': 0.18628310155866923, 'and': 0.11364735359462258, 'of': 0.09319808363021688, 'a': 0.06185307764233338, 'The': 0.03096681038588631, 'to': 0.030232781484690812, 'was': 0.024590546734730098, 'that': 0.023847940807494257, 'Mr.': 0.022359926585080465}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'of': 0.1294332356344894, 'the': 0.1256489571923964, 'and': 0.05628694111552233, 'in': 0.051776887071981643, 'a': 0.05102402194110841, 'for': 0.04070876448650138, 'to': 0.03419247738295212, 'that': 0.020830073345653146, 'In': 0.017767487329668326}, {'and': 0.4569179202676867, 'was': 0.0615110024581741, 'Since': 0.05970753256676459, 'And': 0.04788397891548404, 'is': 0.023529586051756347, 'were': 0.01720900838192079, 'but': 0.016415493386853414, ';': 0.016195747753221877, 'are': 0.01578352708587774}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.18799707762218731, 'of': 0.11525313844642997, 'a': 0.07091539409944786, 'and': 0.06965605669134654, 'to': 0.06265075420645462, 'his': 0.053599522894522016, 'in': 0.042995003391059175, 'was': 0.03175116562643384, 'be': 0.03093738066132356}, {';': 0.029061144993926435, 'it,': 0.02070973329715201, 'them,': 0.012405376909913618, 'him,': 0.010368224398011185, 'in': 0.008788771398788718, 'time,': 0.00812818481080709, 'him': 0.007812333873097617, 'country,': 0.00724525915849591, 'years,': 0.006623675703907612}, {'the': 0.23949289819101896, 'of': 0.14963826851196957, 'and': 0.13593372041627125, 'a': 0.07124359874837738, 'two': 0.05579673283950908, 'most': 0.04178859612345123, 'many': 0.025252607707023665, 'three': 0.02473881715482211, 'Two': 0.0237084297996361}, {'and': 0.04628057715184563, 'meth-': 0.04348142294756562, 'of': 0.034889332186038555, 'to': 0.023247336201654745, '.': 0.018343661109198307, '<s>': 0.014075931514291946, 'is': 0.013433729569013245, 'by': 0.012820394990497386, 'with': 0.010540480145038882}, {'of': 0.12242548825415826, 'the': 0.11372438501316291, 'and': 0.0734584202745589, 'a': 0.06536420696543743, 'to': 0.060137771784791245, 'for': 0.05759139303857994, 'in': 0.04416462426982061, 'that': 0.03314221199981047, 'or': 0.019073753032180188}, {'not': 0.3993326536935023, 'or': 0.11754989067811468, 'much': 0.06275124440138657, 'be': 0.06035632643886388, 'in': 0.04932038068690653, 'of': 0.048957505878572574, 'no': 0.043701762287305095, 'for': 0.04145124404022575, 'and': 0.03675426589597169}, {'<s>': 0.06038961238351117, 'it.': 0.032866969803937725, 'them.': 0.01984209180929083, 'him.': 0.012981157472631982, 'country.': 0.009401846543828156, 'time.': 0.008984773016393003, 'again.': 0.007828120148357787, 'people.': 0.007022390490042573, 'life.': 0.006707320792452612}, {'he': 0.28685394552275617, 'they': 0.15232625641218855, 'I': 0.13007331217220494, 'she': 0.07698586745847341, 'who': 0.05890023727781446, 'we': 0.04869517934886555, 'it': 0.03856826081573326, 'which': 0.027845487171419464, 'and': 0.02754449817803738}, {'it': 0.13939956683886323, 'he': 0.1319835276575274, 'It': 0.08830467542489258, 'I': 0.06676087073950412, 'and': 0.06338886748560649, 'which': 0.058507507841828336, 'He': 0.048896626847122475, 'who': 0.047860233589133064, 'she': 0.029631707006290687}, {'the': 0.22929611479671322, 'of': 0.10188905056942292, 'and': 0.09265638720786683, 'other': 0.0828288382222172, 'The': 0.0688835520995169, 'a': 0.04100944858740125, 'such': 0.04080655962297059, 'his': 0.03823089345950291, 'their': 0.025859417785914815}, {'and': 0.1334921517549103, 'was': 0.09697126296987511, 'not': 0.07187567292600956, 'in': 0.07157883284311005, 'be': 0.062229109774397405, 'to': 0.0613574355368583, 'of': 0.056954506906166394, 'a': 0.05650780467370353, 'is': 0.056161119418057855}, {'that': 0.18055192031725972, 'as': 0.1250343499451286, 'and': 0.09925984689590349, 'but': 0.0707041858316937, 'when': 0.05295887141178031, 'if': 0.04640091715559969, 'which': 0.04101136851120604, 'what': 0.03971403983119894, 'If': 0.02008742764632646}, {'the': 0.7045656855619107, 'a': 0.09439250802600929, 'The': 0.03179735674199868, 'first': 0.030598342105265873, 'tho': 0.02698997962858196, 'some': 0.023680298506204962, 'in': 0.023020785628587375, 'any': 0.019579829524311844, 'this': 0.016262555861784694}, {'Mr.': 0.20876648793374142, 'Abraham': 0.10346209726000705, 'of': 0.09562409718380663, 'in': 0.06413871686902174, 'and': 0.057363630338756987, 'the': 0.04868147651938574, 'so': 0.0396715775914942, '.': 0.023037198294001922, 'President': 0.022665611270501828}, {'there': 0.4947976857743224, 'There': 0.24538552235225128, 'they': 0.07256587053391021, 'They': 0.024838515038065723, 'who': 0.01710659603725948, 'we': 0.016787267440002092, 'and': 0.014080342371626288, 'it': 0.013870704875476833, 'which': 0.012521984086318601}, {'a': 0.24296212471942893, 'the': 0.17183166674382166, 'The': 0.11474690607692027, 'young': 0.08886907273500295, 'that': 0.06719263590596253, 'This': 0.050325216660632055, 'this': 0.04957204881560874, 'one': 0.03364423357135728, 'A': 0.03156171179949583}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.37418212788396676, 'of': 0.11759330998129107, 'and': 0.09648451913058123, 'a': 0.069886744750882, 'his': 0.0408179721014617, 'in': 0.03528743719526324, 'to': 0.031963862914806934, 'tho': 0.027377280157793955, 'with': 0.02600922824633032}, {'and': 0.23886647779380607, 'that': 0.08316104919738272, 'but': 0.08181601609208637, 'time': 0.04402520637974863, 'But': 0.033212668718497027, 'And': 0.023637469379113405, 'me': 0.021739431298813228, 'ago,': 0.01809314200245958, 'even': 0.016002524667081804}, {'to': 0.2632133117764924, 'this': 0.13123750932460948, 'in': 0.11691717745366048, 'of': 0.11021093763304411, 'and': 0.06009623330545972, 'that': 0.059314934175147986, 'the': 0.05505612497583809, 'In': 0.048729274085845924, 'without': 0.048317978268414975}, {'of': 0.3294317447934532, 'in': 0.11841728032973023, 'to': 0.09166420079397447, 'for': 0.08136283096240035, 'that': 0.06427956703958881, 'and': 0.06361830906538464, 'by': 0.05459731233534296, 'from': 0.0465107995808166, 'with': 0.045132201058733654}, {'the': 0.5086837462862208, 'this': 0.21480830845201823, 'a': 0.07438140924457835, 'his': 0.03163759693113559, 'tho': 0.031004513581903828, 'other': 0.02421223114961097, 'our': 0.023834808189082273, 'The': 0.022079824422450912, 'of': 0.02134955997752182}, {'the': 0.17859074799153166, 'and': 0.1366884015659006, 'be': 0.12138604172666476, 'have': 0.07445735816949478, 'had': 0.07196078669103093, 'was': 0.06757316066697222, 'of': 0.06615666967485821, 'has': 0.05981260602340858, 'an': 0.05700644066700218}, {'be': 0.328096253589759, 'was': 0.16436390945117846, 'been': 0.14781500260202332, 'were': 0.08483657245392849, 'is': 0.0785260415476621, 'are': 0.07286375053034436, 'so': 0.03247885145408647, 'being': 0.02885483175531001, 'as': 0.02174784904018981}, {'the': 0.7143065598219641, 'and': 0.061132351517013, 'The': 0.053156048882040986, 'tho': 0.04158143188474388, 'a': 0.03186555907300141, 'of': 0.024854119643783097, 'in': 0.017554679071214396, 'tbe': 0.013776810666375273, 'or': 0.010986663690696424}, {'the': 0.653426846471978, 'The': 0.08075634372682644, 'a': 0.06335513674461375, 'and': 0.05152486817281464, 'tho': 0.03741030840985241, 'tbe': 0.016161519128747494, 'by': 0.009470251991667646, 'in': 0.009400609807679055, 'large': 0.008668900068574664}, {'of': 0.3283959799325634, 'to': 0.1049773904527541, 'and': 0.08852382312660678, 'on': 0.06944538936903599, 'in': 0.06752453945482767, 'with': 0.06578704026683577, 'for': 0.06392064442563, 'that': 0.06197548730191455, 'by': 0.04036518530374826}, {'get': 0.07245670546976644, 'was': 0.06827773018828956, 'and': 0.06627903282426373, 'him': 0.052442468208758614, 'it': 0.050561188617061346, 'them': 0.04807318223935662, 'are': 0.047026350523610795, 'go': 0.0433307210705129, 'come': 0.040797963484801664}, {'to': 0.35405462500968277, 'with': 0.129535370050555, 'of': 0.07830590394764277, 'for': 0.07553055844817104, 'upon': 0.048971622432915, 'told': 0.03642742475835671, 'by': 0.035371285084635336, 'before': 0.028481012904006626, 'on': 0.027325252917965285}, {'and': 0.09326647752053993, 'is': 0.09252383903740966, 'as': 0.060265675280976636, 'was': 0.054646142521285995, 'able': 0.054148311475556696, 'not': 0.05217694319456736, 'enough': 0.04469041992993177, 'him': 0.04395007442710523, 'order': 0.04267089496063146}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'and': 0.07932332476523427, 'it': 0.03777115471393844, 'that': 0.03521181109585008, 'made': 0.0304455323772926, 'was': 0.029232040604250307, 'them': 0.02918324411458556, 'found': 0.027894514941700078, 'is': 0.023195472409976825, 'up': 0.021464246214078785}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'and': 0.11033662772941852, 'was': 0.09950148661500781, 'committee': 0.04788047532619822, 'went': 0.03242196831585215, 'out': 0.029849366691828468, 'be': 0.028409042094360088, 'that': 0.027505186936499167, 'is': 0.026637377596690843, 'up': 0.026504408542557582}, {'is': 0.1476925150779905, 'as': 0.11980011997853847, 'too': 0.10440571133895213, 'and': 0.09673559955733531, 'are': 0.09311090659650714, 'a': 0.0917959912878884, 'be': 0.07916681427967631, 'of': 0.06653461511096041, 'so': 0.06216470259950539}, {'a': 0.2922400643858777, 'the': 0.22663226305515166, 'The': 0.12553338373851092, 'A': 0.0906831837016798, 'his': 0.06025303668044332, 'this': 0.05838119768965581, 'This': 0.029546979763717427, 'His': 0.02786075499231477, 'my': 0.023257921376981912}, {'not': 0.45438372869586313, 'was': 0.09285954902060213, 'is': 0.08346010236725011, 'be': 0.053411163238589104, 'and': 0.05011325195850256, 'are': 0.041901167676931556, 'the': 0.03236705123971728, 'were': 0.02943869451942387, 'Not': 0.028600689380267358}, {'the': 0.4495949601322156, 'of': 0.2790818394294076, 'and': 0.046232673120321, 'The': 0.04575070731355407, 'tho': 0.02885693295380311, 'an': 0.022897307280960517, 'in': 0.019718305969189703, 'South': 0.01858337514489813, 'North': 0.016211698262477394}, {'feet': 0.09124682453705052, 'poles': 0.0730701371555321, 'up': 0.05088279168420823, 'chains': 0.04885658892872941, 'entitled': 0.03694920633644442, 'went': 0.034748145318504654, 'came': 0.03280590556373315, 'down': 0.032521221296211, 'him': 0.032446562119539564}, {'and': 0.14000952201521522, 'he': 0.07661203902425673, 'be': 0.06018623585623639, 'who': 0.05801688028386291, 'it': 0.054367792141707484, 'one': 0.04886204414287892, 'man': 0.032981189838413416, 'was': 0.029684528763537915, 'all': 0.028832264433950355}, {'are': 0.15812075143092563, 'is': 0.14901927749264843, 'by': 0.12725267717403707, 'and': 0.072956674577535, 'of': 0.06490340157777609, 'was': 0.06215020659277985, 'the': 0.05949218751909137, 'be': 0.057862795787547334, 'more': 0.0571976059833127}, {'more': 0.31907888249530003, 'rather': 0.10276598093659012, 'less': 0.07516116735319062, 'better': 0.050183633350092925, 'greater': 0.04311599942331263, 'other': 0.024749970263823726, 'and': 0.01756405348065394, 'higher': 0.017118888019876814, 'worse': 0.015959914062364855}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'the': 0.21482503871097655, 'of': 0.0879656591643845, 'and': 0.06543190799158612, 'The': 0.046975079105021314, 'that': 0.038849712397286885, 'a': 0.03777529088264809, 'Mr.': 0.0309043392282334, 'in': 0.028378766067391672, 'which': 0.02274956050094077}, {'the': 0.4484148508921458, 'of': 0.11622566812912925, 'at': 0.09397709302491546, 'a': 0.07806966726649767, 'for': 0.03417955196167832, 'in': 0.030206457651264305, 'to': 0.026435998249153127, 'and': 0.026033988741756928, 'The': 0.02236964753828148}, {'the': 0.5314618157096246, 'a': 0.1109075513309643, 'of': 0.06311367254005026, 'this': 0.051274974798217146, 'an': 0.046773846472333534, 'The': 0.03346179931536006, 'such': 0.032716831848699314, 'tho': 0.031360298262085945, 'other': 0.030797094457429272}, {'of': 0.4010704480999936, 'in': 0.09893076583882825, 'to': 0.09035436688986173, 'on': 0.07087007774039691, 'that': 0.06134619691342619, 'from': 0.04848922896257072, 'for': 0.04496811970682603, 'and': 0.044295846343134375, 'by': 0.03947388865416096}, {'the': 0.1331954013331003, 'of': 0.10395761905650669, 'and': 0.09166744382168995, 'a': 0.0674867672110823, 'to': 0.04481959524883369, 'was': 0.033914181021321675, 'be': 0.027669522756191306, 'is': 0.023821375196731925, 'been': 0.01992601692954109}, {'of': 0.1881748666843997, 'in': 0.16417960753128513, 'the': 0.16054320398913777, 'to': 0.06529918338462562, 'a': 0.06438869022661636, 'In': 0.04082425653035334, 'and': 0.037434142673642055, 'from': 0.02451790663698923, 'that': 0.01897557987066979}, {'hundred': 0.01444191217773428, ';': 0.011834673680375107, 'him': 0.010388473796696067, 'one': 0.00968896846901267, 'feet': 0.009556811899111724, 'up': 0.008880191153313928, 'mile': 0.007973380143655012, 'feet,': 0.007606228831470488, 'time': 0.007287466987906896}, {'of': 0.16938852434524684, 'and': 0.13535805117526226, 'know': 0.12331995214412159, 'to': 0.10257947169757985, 'see': 0.061535529470462896, 'for': 0.055414809189790415, 'just': 0.04753977032308962, 'in': 0.04705024987386477, 'with': 0.042281882353740904}, {';': 0.02255620845960988, 'it,': 0.018938466820205693, 'here': 0.01419691666680549, 'him,': 0.013908502069253172, 'them,': 0.011076069037997814, 'him': 0.009444246935145272, 'up': 0.009440770847772572, 'time,': 0.009063235768169722, 'in': 0.008019594958106535}, {'of': 0.1297393219114919, 'and': 0.056140437439795646, 'in': 0.05220452633804173, 'that': 0.048601245437568254, 'for': 0.028350575127897785, 'to': 0.015427435176291792, 'on': 0.013689484315848975, 'but': 0.012389125100590771, 'from': 0.01147313242086057}, {'six': 0.056417710736807646, 'four': 0.05173120015602291, 'two': 0.0502828926560119, 'the': 0.04506680902154452, 'hundred': 0.04496226017806337, 'three': 0.044037780184747036, 'five': 0.033180988654187914, 'fifty': 0.03240860339120147, 'their': 0.031884149679306036}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'of': 0.11362245358565806, 'and': 0.09495297522241032, 'on': 0.042597609187389, 'to': 0.03339104163973362, 'that': 0.030456859131877758, 'for': 0.029971360916759462, 'in': 0.017686510131811873, 'with': 0.015973081911168984, 'from': 0.015799394819533154}, {'the': 0.278198349504412, 'that': 0.1305235129147135, 'this': 0.10920740415921236, 'same': 0.10691158001880514, 'short': 0.09325282794291431, 'a': 0.07812729288595845, 'some': 0.06499972155769919, 'long': 0.04871333869364311, 'first': 0.038731726974191694}, {'in': 0.3822771063298983, 'the': 0.18631626582241487, 'In': 0.10274714395675255, 'a': 0.09240657434283632, 'take': 0.07837367901174151, 'took': 0.036691486630496185, 'and': 0.022647816674350053, 'or': 0.021413470599818244, 'have': 0.020355840208249112}, {'was': 0.13507864540566064, 'be': 0.09861062981169369, 'and': 0.095646896670274, 'is': 0.09108547521770319, 'I': 0.0652682581976251, 'not': 0.05979422180910818, 'had': 0.05178115435661584, 'that': 0.04722428526868794, 'but': 0.04154530621590986}, {'the': 0.6801564624058678, 'and': 0.059727363270642236, 'a': 0.0562208275954774, 'The': 0.04052978143859007, 'to': 0.03858715897518032, 'tho': 0.03579143134845204, 'tbe': 0.014876758511374918, 'in': 0.012864010721348714, 'his': 0.012278232594083541}, {'and': 0.16851355650298486, 'that': 0.12597001181296297, 'as': 0.10291776123285563, 'which': 0.04538566041629105, 'but': 0.03715653621836043, 'when': 0.030567528245211816, 'of': 0.026966887768550267, 'for': 0.02116016711922772, 'the': 0.018741947462697986}, {'an': 0.2793236054947057, 'on': 0.20579950293471505, 'to': 0.0942576478622574, 'the': 0.05989078574485888, 'no': 0.05158185957531166, 'this': 0.04743112706499059, 'and': 0.04220510288989752, 'his': 0.039704060787263046, 'of': 0.03818196953019555}, {'the': 0.3458319334662269, 'of': 0.17993010026355336, 'in': 0.12048041541244832, 'The': 0.10279915828623025, 'In': 0.03786480965382589, 'and': 0.027656463721243578, 'that': 0.027141068343412036, 'Mr.': 0.021678303737651266, 'tho': 0.02031114778016891}, {'the': 0.0723833885684058, 'of': 0.057918698012553775, '<s>': 0.05106311153752209, 'and': 0.04707706637591134, 'a': 0.022994416762841252, 'as': 0.02162928890797726, 'to': 0.015555172669601063, 'that': 0.014091288933965567, ':': 0.013827583878041259}, {'the': 0.20209133221107184, 'of': 0.1764219717140052, 'such': 0.09849631826343826, 'in': 0.09275776707479867, 'his': 0.08962696387503097, 'a': 0.07180267472521865, 'their': 0.05148585407932932, 'and': 0.04874349305045897, 'doing': 0.0252862185454633}, {'and': 0.06836615806839769, 'closing': 0.050893343497395126, 'was': 0.030410464365082754, 'valued': 0.024267484682224193, 'held': 0.022214654137899494, 'sold': 0.021055232583252027, '2': 0.020543621014705526, 'is': 0.020278384145430397, 'arrived': 0.019208907943256866}, {'that': 0.14761509234726727, 'and': 0.132902955503845, 'which': 0.06948164936456268, 'as': 0.06488903005888713, 'but': 0.0465141489531365, 'if': 0.03849574763484008, 'what': 0.03389364261514095, 'when': 0.032067898285310904, 'If': 0.01588748599497465}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'be': 0.20617055879373597, 'was': 0.17681655979942124, 'is': 0.10114699523769793, 'been': 0.07122859969157398, 'have': 0.04685419989860767, 'were': 0.042810189332782494, 'and': 0.04219034429290506, 'he': 0.03956579471082437, 'had': 0.036605328845057836}, {'the': 0.59665752675806, 'this': 0.03470690233717206, 'tho': 0.023074814519004002, 'American': 0.017423700353019173, 'of': 0.016965982459077718, 'Mississippi': 0.015580419550582545, '<s>': 0.014582965860348858, 'York': 0.013710505940284955, 'States': 0.013647021183924248}, {'went': 0.08404885135538691, 'made': 0.07469592510536423, 'taken': 0.074190398128692, 'came': 0.07288325666873213, 'it': 0.05827742348958244, 'come': 0.052644015404451835, 'put': 0.046516636118755644, 'brought': 0.04276189202875106, 'and': 0.03618348172051444}, {'of': 0.5637964082683005, 'in': 0.16916856235080283, 'the': 0.050498224110419626, 'In': 0.03310243805784476, 'and': 0.029535177905741106, 'for': 0.022924030919883227, 'that': 0.02193507215161607, 'or': 0.010929288568099282, 'by': 0.010846699703147765}, {'and': 0.08011939572848915, 'able': 0.07054989655632328, 'enough': 0.06923843450589566, 'is': 0.06706848987981781, 'necessary': 0.06249730256286022, 'him': 0.061081764524616264, 'not': 0.05393187787704939, 'right': 0.05164302521368969, 'me': 0.047528167658131934}, {'the': 0.17564694765042163, 'of': 0.13222182944146685, 'in': 0.10475918983881656, 'a': 0.10402822375899061, 'and': 0.06770138137381142, 'by': 0.04450069743201255, 'from': 0.04422013271613144, 'their': 0.03599648532340244, 'his': 0.033629231816028934}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'of': 0.07920615573033254, 'in': 0.05520807563431305, 'the': 0.05029586386084144, 'and': 0.041821522852287164, 'at': 0.03908189837406748, 'to': 0.02019006105983526, '<s>': 0.01812573740039098, 'In': 0.016784849209278415, 'a': 0.015816010595309397}, {'be': 0.17064463215062015, 'was': 0.16230215377108492, 'he': 0.11194916732166811, 'and': 0.0988104752657909, 'I': 0.09216600889849523, 'is': 0.07206331542078913, 'been': 0.04962447267433385, 'they': 0.043091889851487854, 'have': 0.04173858154957571}, {'and': 0.24220706698722558, 'to': 0.07465596744082229, 'so': 0.05838679438345814, 'fact': 0.0581926221601448, 'say': 0.048663183290980065, 'know': 0.04380296920039052, 'of': 0.03966264549970165, 'but': 0.038888788299948795, 'than': 0.03669713801798877}, {'and': 0.12314566171927444, 'of': 0.09044736050414963, 'the': 0.08070003651577501, 'in': 0.06988136625200729, 'a': 0.05667242288660446, 'to': 0.04533988497179064, 'for': 0.030144922378417833, 'that': 0.02839728027012205, 'an': 0.0249622830881788}, {'in': 0.23440726361338926, 'to': 0.19650868212627803, 'of': 0.1409538653952258, 'on': 0.09912702393820641, 'In': 0.06689401403926339, 'at': 0.0643879477780157, 'with': 0.03507905371922974, 'and': 0.0331037030497086, 'from': 0.03068697711023204}, {'part': 0.07268713102532033, 'one': 0.07071065938650846, 'some': 0.043508101530019876, 'out': 0.03575042106872343, 'members': 0.025760665467621124, 'and': 0.022440178638608456, 'tion': 0.02191026583655202, 'portion': 0.021052670553751075, 'side': 0.02092702198887348}, {'the': 0.538088668282188, 'of': 0.05562637080883386, 'American': 0.050891962699603284, 'many': 0.046357709470675704, 'our': 0.045569212764853394, 'The': 0.045240514183935, 'young': 0.04352021279533325, 'a': 0.037362834133236204, 'colored': 0.028338991513927755}, {'of': 0.3103915580110174, 'and': 0.15998429985566806, 'the': 0.11328394451485113, 'that': 0.04550011151444157, 'in': 0.03856719412902189, 'as': 0.03600287246082348, 'for': 0.03271681510555126, 'or': 0.03168440230587289, 'The': 0.029661045698227865}, {'the': 0.19827818374096803, 'of': 0.09899241752629395, 'and': 0.07607969463982635, 'to': 0.036811501060814274, 'in': 0.03191428356483028, 'a': 0.024868324398891955, 'at': 0.023950866343042134, 'or': 0.016924576173619487, '.': 0.0146057157148932}, {'the': 0.2224350607184588, 'of': 0.11408291459844028, 'to': 0.07197209951677344, 'and': 0.07173347820151878, 'a': 0.06683689953430502, 'in': 0.03715274516796121, 'be': 0.029452467724584354, 'his': 0.02806603570368859, 'is': 0.02392704783804425}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'be': 0.25497450144193634, 'debt': 0.19472576284943344, 'been': 0.09160101976372562, 'and': 0.08788585571813576, 'was': 0.0686177288478717, 'were': 0.04622331298471308, 'is': 0.046089566305924964, 'are': 0.04318457514452077, 'he': 0.040163979195869955}, {'and': 0.07942342471700072, 'heirs': 0.03450015931322845, 'was': 0.034065434084577476, 'proceeding': 0.03235767741528098, 'that': 0.02825996270308552, 'held': 0.022455500724505237, 'as': 0.0216901563248921, 'sold': 0.020158345751604682, 'closing': 0.019328163198743812}, {'and': 0.19451156188186852, 'was': 0.06546029225640582, 'to': 0.06406486719590619, 'is': 0.05247789180580447, 'are': 0.034662322697080424, 'not': 0.033830387861149114, 'had': 0.033747299384746396, 'that': 0.03320951010038835, 'of': 0.03287656844961334}, {'and': 0.08982958695143188, 'as': 0.057872506399982974, 'up': 0.03797818852282238, 'it': 0.03558311627548061, 'addition': 0.03475437521256774, 'according': 0.029937851424849105, 'them': 0.02917724694962127, 'him': 0.0252912593620309, 'entitled': 0.024724715744633273}, {'that': 0.3419610332794053, 'and': 0.17462108718691777, 'but': 0.062204517718653825, 'if': 0.04193203612257851, 'when': 0.04154521289619864, 'where': 0.03998376405915123, 'which': 0.03682454935730665, 'as': 0.03417839862064303, 'Then': 0.02354848377482195}, {'and': 0.10472854097721558, 'demand': 0.04002707859071284, 'made': 0.027510700291387788, 'vote': 0.02685656289502053, 'provided': 0.02396234934255043, 'provide': 0.02266155670640385, 'necessary': 0.022229271155731485, 'reason': 0.020563311856172984, 'ready': 0.01985471220062884}, {'give': 0.1957541829767769, 'gave': 0.16822180813146717, 'to': 0.15444931961872838, 'with': 0.079341331874428, 'for': 0.06549234777506777, 'make': 0.057603060875411546, 'made': 0.03518299692671612, 'told': 0.034803656301066806, 'by': 0.03134755913409229}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'W.': 0.10910289710465958, 'J.': 0.09147918810911722, '.': 0.08402348618194148, 'A.': 0.0767841830533225, 'Mrs.': 0.07643107488644303, 'Mr.': 0.07524758511930714, 'C.': 0.06644073403455131, 'M.': 0.06002912346810373, 'John': 0.05040926282278363}, {'of': 0.26683868841147, 'to': 0.1195274472243455, 'that': 0.11225613856172156, 'in': 0.07533537438234343, 'and': 0.06733627873513146, 'on': 0.05582064331274979, 'at': 0.053727239634686765, 'for': 0.04421604569716921, 'is': 0.03915567404176077}, {'of': 0.174414123876763, 'the': 0.16235311386917156, 'and': 0.11254122992925111, 'to': 0.05371218676963981, 'a': 0.04897259807229386, 'for': 0.026920938707866937, 'at': 0.02657341971501574, 'or': 0.025288781666679618, 'in': 0.02194606138379003}, {'the': 0.3559120982539087, 'of': 0.2029863532469069, 'The': 0.12978374024625272, 'that': 0.05075161124454338, 'in': 0.038610008617194505, 'and': 0.037577453211020524, 'a': 0.02955021605025984, 'such': 0.025974088239713193, 'an': 0.025653091549242432}, {'and': 0.300689427090973, 'so': 0.08102102919521516, 'fact': 0.06510414263868644, 'to': 0.062266987290070956, 'is': 0.0404472851461685, 'of': 0.038839353541045084, 'do': 0.03789078134429332, 'say': 0.0333328966877148, 'than': 0.032749337710205696}, {'and': 0.14571580361134515, 'to': 0.10417231242657625, 'the': 0.08053110903788653, 'of': 0.06371228121402907, 'in': 0.03881752267493309, 'that': 0.03420705576120947, 'or': 0.02703063621406625, 'a': 0.02333162527633467, 'an': 0.022905736105267957}, {'a': 0.13326010022644788, 'the': 0.11378455441743222, 'of': 0.10028899223945181, 'and': 0.09431486957949671, 'to': 0.05980036912590545, 'in': 0.054083217259166316, 'for': 0.05310007522305343, 'that': 0.03503192327240865, 'by': 0.026177663580490545}, {'has': 0.40203289942150433, 'had': 0.3034790339736372, 'have': 0.21662248879148063, 'lias': 0.01363895317959515, 'is': 0.011930167144133879, 'could': 0.008963629384937949, 'it': 0.00843359542990992, 'was': 0.007480745725498966, 'bad': 0.006577677953726409}, {'.': 0.06160849161727469, 'the': 0.06141457027012069, 'and': 0.045671166104205685, 'of': 0.04218312291350319, 'to': 0.03182967239132327, 'Mr.': 0.025211624905875075, 'Mrs.': 0.02503558869820992, 'Miss': 0.024978400589256586, 'a': 0.022389770384820148}, {'the': 0.4473189123192248, 'and': 0.12401140928799852, 'any': 0.06391179088016027, 'of': 0.05909926253927807, 'no': 0.05457208495449223, 'that': 0.04214135503224673, 'a': 0.03905719035482111, 'to': 0.03478227558705802, 'this': 0.03236639797689655}, {'the': 0.1663140810893889, 'a': 0.11284346658446505, 'and': 0.09911998347439738, 'of': 0.08676953467647398, 'to': 0.05169783926444807, 'is': 0.028490819720949957, 'are': 0.0246730369301796, 'or': 0.02454803685564961, 'in': 0.022184916875210615}, {'<s>': 0.051276110057831926, 'it.': 0.02181131242739845, 'that': 0.019879805349452367, 'him.': 0.018025524257495054, 'and': 0.01541346809812912, 'them.': 0.011645631666848207, 'years.': 0.010563156189303476, 'time.': 0.008299714815435632, 'her.': 0.008021297444840161}, {'the': 0.4911449071322698, 'a': 0.1189708549848931, 'and': 0.09671140571770946, 'of': 0.055729119670001596, 'to': 0.03691691246178378, 'in': 0.03268271934911281, 'The': 0.029821599908816575, 'tho': 0.025747712335402156, 'or': 0.020688227078496515}, {'the': 0.25512770061415047, 'of': 0.09763544652004073, 'and': 0.08208984874777703, 'a': 0.04866147342142189, 'at': 0.034460097401755006, 'to': 0.03069511038642095, 'The': 0.02647537363342576, 'in': 0.02056281957205981, 'tho': 0.0183656470235858}, {'he': 0.1506439167305114, 'it': 0.10828348832785491, 'they': 0.06916069159459322, 'that': 0.06025367837025623, 'I': 0.05782377273162864, 'and': 0.0525697880207187, 'It': 0.050091615567670424, 'who': 0.0484728455269146, 'which': 0.044975949375746775}, {'and': 0.12103790820059825, 'the': 0.11885815286618662, 'of': 0.0874750621165266, 'to': 0.04533378739296885, 'a': 0.031113494973757115, 'he': 0.03074092340962421, 'which': 0.028854487840671135, 'that': 0.02541260273458154, 'be': 0.024590803590132437}, {'the': 0.3370024408376553, 'such': 0.16387066894049662, 'said': 0.09479620558094143, 'no': 0.07952924132654668, 'this': 0.06324582152176417, 'that': 0.053458445006289115, 'and': 0.04835694109619471, 'any': 0.038356120888966394, 'The': 0.03163119719422727}, {'to': 0.11272467325873015, 'the': 0.09570920935957357, 'of': 0.08084508540075111, 'and': 0.07746796351453314, 'a': 0.03161606912023797, 'in': 0.024763881588432984, 'at': 0.024446783401682257, 'for': 0.018599489625864805, 'is': 0.01726400145434898}, {'and': 0.16375752804560312, 'to': 0.11552152283118085, 'of': 0.07156872855578654, 'the': 0.05662169259954789, 'not': 0.03785057683079765, 'or': 0.0271920812735755, 'he': 0.026993202119968033, 'have': 0.023755548055794124, 'who': 0.02272035528578683}, {'of': 0.11547172264842294, 'in': 0.09440388808887065, 'and': 0.06267755575789072, 'with': 0.04930594189133693, 'by': 0.04079080008164951, 'on': 0.03458557783323356, 'for': 0.030503756804937866, 'to': 0.030141375916304464, 'In': 0.028696363993646}, {'those': 0.2036557176684048, 'and': 0.07703167653991283, 'men': 0.0722807171940217, 'man': 0.06274045206279798, 'all': 0.05107574636169191, 'one': 0.04088994916342724, 'people': 0.04080104446284495, 'persons': 0.02911724387578327, 'person': 0.02740866695785251}, {'they': 0.16111188785265268, 'there': 0.06626249220905589, 'and': 0.06077457897578308, 'who': 0.05732257284091478, 'we': 0.045083092791755895, 'which': 0.044647664622390684, 'They': 0.03565243903755429, 'There': 0.03090159854777091, 'that': 0.02999419587928608}, {'to': 0.4362558710959541, 'the': 0.08413720818875713, 'and': 0.06824809671359243, 'in': 0.0662697916538852, 'will': 0.05909334960238128, 'a': 0.0567039386923829, 'of': 0.03465721314694487, 'would': 0.026974776533042304, 're-': 0.026283802857810956}, {'of': 0.20226204706694415, 'to': 0.13735926477575525, 'in': 0.11589043912474419, 'with': 0.10850941236755324, 'for': 0.0991659771346888, 'on': 0.07910191922464277, 'and': 0.062477491994750736, 'by': 0.0602550086165032, 'from': 0.036237381866913596}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'the': 0.22431662918633613, 'of': 0.12286282453237819, 'and': 0.06675844217411621, 'a': 0.0625079155730322, 'to': 0.06152613787730989, 'be': 0.05508004169213936, 'in': 0.0374100721299284, 'his': 0.03698231507516192, 'was': 0.0363105827980859}, {'the': 0.1771602160448865, 'of': 0.12254587673774772, 'and': 0.05446508976563271, 'a': 0.031239517887263812, 'for': 0.025808815075801444, 'to': 0.021635233119183125, 'at': 0.017441880660827656, 'by': 0.016128699435111513, '<s>': 0.014945746055944011}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.2539446317214712, 'the': 0.24068438421893656, 'in': 0.1303513234215731, 'In': 0.04740994918552578, 'and': 0.028874190254192154, 'for': 0.0201247332034763, 'to': 0.018333233014950538, 'at': 0.016411043198913, 'The': 0.015209652237370093}, {'they': 0.14040349831635562, 'there': 0.09504370312879544, 'we': 0.07847032126961116, 'who': 0.07193564731917415, 'you': 0.05737649859666198, 'which': 0.051347512933542575, 'and': 0.04402949635716952, 'There': 0.04283980429584184, 'that': 0.04148170611499243}, {'the': 0.2857397152360359, 'of': 0.23913990401994822, 'a': 0.10397996138584015, 'this': 0.08236470177540402, 'civil': 0.07099111963586002, 'for': 0.04612221966211504, 'in': 0.044667030228645155, 'from': 0.021604357805554617, 'to': 0.02137995736637772}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.35703062772088945, 'was': 0.25297197164514723, 'is': 0.08282201859211359, 'He': 0.06971702855086545, 'were': 0.03879649318191544, 'are': 0.02874376042545845, 'he': 0.019387698521078408, 'be': 0.013063622692100473, 'I': 0.01245702737439242}, {'the': 0.1604777071641891, 'of': 0.09628143957659278, 'and': 0.09147588405425362, 'to': 0.05741482824463259, 'a': 0.05114069893731013, 'in': 0.030607907853788124, 'at': 0.026181093752583436, 'or': 0.020026452424352997, 'The': 0.015037561518255832}, {'hundred': 0.01444191217773428, ';': 0.011834673680375107, 'him': 0.010388473796696067, 'one': 0.00968896846901267, 'feet': 0.009556811899111724, 'up': 0.008880191153313928, 'mile': 0.007973380143655012, 'feet,': 0.007606228831470488, 'time': 0.007287466987906896}, {'the': 0.2480392730395282, 'a': 0.14638337476103389, 'of': 0.08013614004858453, 'and': 0.046881789833151416, 'The': 0.03904803743329082, 'to': 0.027728808442151195, 'an': 0.02731571030418492, 'his': 0.019382437891786626, 'A': 0.016771094213265683}, {'the': 0.14610471828270868, 'and': 0.07927823900336682, 'of': 0.07456665100266248, 'an': 0.04064782914708166, 'in': 0.029817381398641096, 'to': 0.027616597684611152, 'that': 0.02426584806278138, 'for': 0.022206882414295442, '<s>': 0.01867832096976843}, {'has': 0.3389849019060825, 'have': 0.27857538575752944, 'had': 0.20276872628204223, 'not': 0.04666182266659113, 'having': 0.030136640391077014, 'bad': 0.01803151459225502, 'lias': 0.016618227007627356, 'never': 0.01599727649551262, 'ever': 0.011195664401158165}, {'and': 0.09571474413579839, 'of': 0.08453564851072859, 'it': 0.056642557002053374, 'do': 0.04882634074044338, 'by': 0.039564392328024216, 'for': 0.03680015045448784, 'be': 0.03542953834103339, 'was': 0.0352164990427496, 'he': 0.03235231484138208}, {'and': 0.17246105107096554, 'to': 0.15493999254832713, 'of': 0.05763089125349258, 'the': 0.04655035002652656, 'he': 0.04473419793670211, 'be': 0.0333635651926128, 'who': 0.028241341538772197, 'in': 0.027542037663890805, 'I': 0.02316838210562866}, {'more': 0.03221675332636233, 'two': 0.03188243460327965, 'day': 0.030903078455027377, 'one': 0.021380117359016945, 'on': 0.02074156821950304, 'three': 0.016228244816469114, 'ten': 0.016195080938568363, 'state': 0.016170195989315763, 'lot': 0.01518185222373821}, {'the': 0.5090161804148706, 'a': 0.2659533412878932, 'The': 0.06803093128744193, 'and': 0.046372554660839435, 'very': 0.025266607066379548, 'tho': 0.024322533050909662, 'of': 0.015109042261836594, 'be': 0.009747802270932793, 'no': 0.009631428578246653}, {'of': 0.26189799691427934, 'to': 0.11953311937039302, 'in': 0.1109532534009239, 'and': 0.10664272826827283, 'that': 0.09672543560711802, 'for': 0.08059274101164741, 'with': 0.044994037538018186, 'by': 0.04443699058751242, 'In': 0.03158591970003872}, {'of': 0.24384723579821743, 'in': 0.12312506561097275, 'with': 0.10680649970402971, 'is': 0.08694780694524153, 'to': 0.07787352722300522, 'and': 0.06995944922104544, 'for': 0.06682075941724755, 'was': 0.05187426229030688, 'by': 0.04242875069122941}, {'the': 0.25064188062061166, 'a': 0.12916153933400815, 'at': 0.0790494562205829, 'and': 0.07640522525470406, 'of': 0.04581607859784488, 'in': 0.0406895140236067, 'to': 0.03428975815817375, 'an': 0.01859795755695144, 'for': 0.016326826763782724}, {'the': 0.36929673948784675, 'to': 0.13874790683281518, 'his': 0.10342522640903479, 'their': 0.06472395231951251, 'of': 0.05464062625277492, 'in': 0.049033099018367124, 'a': 0.04663060831270396, 'at': 0.02685015769893903, 'and': 0.026009249953125778}, {'and': 0.09468249737622518, 'depend': 0.03875088893599322, 'based': 0.03863406357657407, 'placed': 0.0380392715961322, 'depends': 0.03779424552216468, 'called': 0.03705486424756454, 'down': 0.03295251281941486, 'made': 0.032658028953724605, 'effect': 0.028685464570585545}, {'is': 0.1310458996082608, 'of': 0.11726252016020573, 'in': 0.11316167331048664, 'as': 0.10616571250850479, 'at': 0.09325872408016389, 'was': 0.08626523426326865, 'to': 0.08243925979458279, 'with': 0.07751280740772935, 'and': 0.07430723888918636}, {'that': 0.1533829181764659, 'and': 0.12320559878259389, 'which': 0.0953591844435863, 'when': 0.07140654048984195, 'as': 0.0639067016017661, 'to': 0.061519589588405615, 'if': 0.03221913038749884, 'will': 0.032027518221750144, 'but': 0.030234421324445447}, {'time': 0.016746910922915297, 'it': 0.014669783841512195, 'up': 0.013466419359624207, 'him': 0.012110008159003606, 'lying': 0.011521140942233934, 'day': 0.010062650949612619, ';': 0.009881996416611789, 'dollars': 0.00960365732788973, 'it,': 0.008757802803468807}, {'he': 0.30194297429812234, 'He': 0.1270214192203634, 'who': 0.07041938276380355, 'one': 0.05992877471344968, 'it': 0.05484374371117263, 'she': 0.04659245666472691, 'I': 0.04460919147314123, 'everybody': 0.03765667437429676, 'It': 0.028140489321402208}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.11751714760934918, 'of': 0.1040148662404057, 'to': 0.09510577772687955, 'the': 0.09149664911191065, 'in': 0.03469860697570665, 'or': 0.024642616485812605, 'be': 0.023653006695418005, 'a': 0.021965982436792684, 'was': 0.019906607250531495}, {'and': 0.09812639017459396, 'was': 0.07847287078098998, 'are': 0.06952888533363416, 'is': 0.06333884958104527, 'were': 0.03675644279125769, 'be': 0.03319126099542101, 'been': 0.030156684432503265, 'that': 0.02460229172498734, 'it': 0.019921540719870665}, {'and': 0.12345616763579784, 'resale': 0.0712551872711301, 'was': 0.05452303050590319, 'is': 0.043046791670976504, 'that': 0.03973126820428519, 'inserted': 0.03883282225541393, 'be': 0.032432038298398636, 'it': 0.030641010585479068, 'but': 0.030025372185232803}, {'Secretary': 0.07639277318548698, 'out': 0.043600246171878985, 'state': 0.042721438127242176, 'city': 0.033448743861112656, 'State': 0.03163942557726155, 'line': 0.025274815868869423, 'City': 0.02325909660126642, 'number': 0.023078442073180813, 'day': 0.02263366285693244}, {'of': 0.3231116189922213, 'to': 0.1340269873797037, 'in': 0.08167595816301945, 'for': 0.0786661154218207, 'and': 0.07642853362978294, 'by': 0.058994242087249446, 'with': 0.05716246076875968, 'that': 0.0541878727736868, 'from': 0.029996033777737626}, {'per': 0.8788375332435205, 're-': 0.018595598974436658, 'one': 0.012043973264805176, 'a': 0.011362128929303834, 'por': 0.005958182880279373, 're¬': 0.005451827403842543, 'ten': 0.005321380673325961, 'the': 0.004506325636404224, 'six': 0.003710459182074959}, {'to': 0.5742734595342512, 'and': 0.11366932559957199, 'will': 0.05036700092168379, 'not': 0.039822474251556474, 'at': 0.035900227970439395, 'would': 0.016493168170077618, 'the': 0.01587513715942804, 'a': 0.015766885090565723, 'they': 0.014285931520794382}, {'it': 0.13742864274856198, 'that': 0.10692023855536077, 'he': 0.08534925163141065, 'they': 0.08396288639216648, 'which': 0.08139388734208688, 'I': 0.06385723535383275, 'there': 0.0635970909656142, 'and': 0.04761229441525896, 'It': 0.042251980801749946}, {'and': 0.17507142914888477, 'he': 0.17212222929112728, 'He': 0.08146830555919418, 'I': 0.055238125129945845, 'it': 0.051478611551102005, 'she': 0.040778272374678584, 'which': 0.03405081635954198, 'It': 0.030998773007468682, 'that': 0.030288831850450063}, {'<s>': 0.05426565324719795, 'and': 0.044445972365426564, 'made': 0.021694712583539576, 'was': 0.020931920880133754, 'recorded': 0.017387201838834423, 'that': 0.01661780384100564, 'be': 0.014822874002807063, 'is': 0.01378718404889997, "o'clock": 0.013297718418623995}, {'and': 0.08054280426915987, 'as': 0.07950062993927684, 'order': 0.07170839391841236, 'able': 0.06614001226239405, 'is': 0.056792877782769265, 'enough': 0.05389354843172264, 'necessary': 0.04999346417641749, 'him': 0.04269808295598594, 'was': 0.03895041644636141}, {'and': 0.08705761008834073, 'wait': 0.04942121332515201, 'them': 0.03399296604291661, 'there': 0.032045571658696655, 'up': 0.031497280866271744, 'retained': 0.028611778557692258, 'continued': 0.02837002511325448, 'him': 0.0272879769920268, 'not': 0.02637988863169741}, {'of': 0.37237636223117243, 'to': 0.11285604226798861, 'for': 0.07399736101398943, 'in': 0.07225516962342957, 'and': 0.06141613742586424, 'by': 0.06138465302891943, 'that': 0.05065971248620846, 'with': 0.04972374450525446, 'from': 0.02977290962670453}, {'to': 0.4900531750801942, 'in': 0.08863030117749411, 'a': 0.08464977818674856, 'the': 0.07991350531839837, 'and': 0.07030519509755027, 'of': 0.06391856487143327, 'In': 0.02425538889158527, 'not': 0.018012864402698288, 'this': 0.01727242761777897}, {'the': 0.09546164876358121, 'and': 0.07571078476464714, 'of': 0.06172882481947673, 'be': 0.04081684201051444, 'to': 0.03952161270529051, 'in': 0.032127641660771006, 'a': 0.030814281824084747, 'was': 0.03036057341790582, 'or': 0.02493760824031987}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'he': 0.2951605840662533, 'He': 0.25435273612904746, 'who': 0.09860218523681026, 'she': 0.055729306940543594, 'It': 0.05103583669844395, 'and': 0.05013528861744965, 'I': 0.04583273300529425, 'it': 0.03380873194316416, 'She': 0.025180658297914934}, {'to': 0.3336372900897079, 'will': 0.16901428085695275, 'would': 0.09380210119051824, 'may': 0.08308484494181614, 'should': 0.06637000872108013, 'not': 0.05184620145450898, 'can': 0.05028559041823331, 'shall': 0.049300460126800075, 'must': 0.04412301590773145}, {'and': 0.12593449741549048, 'but': 0.06995355969864507, 'that': 0.06689932720819323, 'as': 0.02375841844909911, 'time': 0.020379604913840832, 'But': 0.020358043882148832, 'and,': 0.020218129488957456, 'that,': 0.016652872910191973, 'which,': 0.016520880183437316}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.23311920515346213, 'to': 0.12439358414389426, 'and': 0.08749826230977116, 'a': 0.08063866500933732, 'of': 0.07565437312242258, 'this': 0.03958381295409922, 'that': 0.028065608177980882, 'one': 0.019648437762552165, 'as': 0.018256878697339843}, {'the': 0.10893149944718962, 'of': 0.08189801154253148, 'and': 0.07441172221449655, 'to': 0.04616658013647459, 'be': 0.04376697850515518, 'was': 0.043194161079296134, 'his': 0.03929313323100801, 'a': 0.03581994283138515, 'is': 0.028078922735696787}, {'of': 0.30723407772082634, 'in': 0.25666288601332937, 'to': 0.06375947814117223, 'for': 0.058473255722075734, 'by': 0.05279144691286937, 'on': 0.05259516411420788, 'and': 0.05205479961428428, 'with': 0.04636002442147728, 'that': 0.03997385539927499}, {'of': 0.27695338310058876, 'and': 0.14542999134259385, 'to': 0.09896195205810647, 'in': 0.09354010306551486, 'that': 0.06759493426787362, 'for': 0.06668361635761227, 'with': 0.05967246181693488, 'by': 0.03370997414973458, 'from': 0.028110351068692366}, {'and': 0.14536511446213793, 'to': 0.11598894113973426, 'of': 0.04480987839801454, 'the': 0.043485068210431556, 'in': 0.03586867415254585, 'he': 0.03164416281029577, 'I': 0.025676400121885146, 'would': 0.02294370093541425, 'had': 0.02006160851472609}, {'the': 0.11987298084917403, 'and': 0.1093586047755714, 'of': 0.05773582751913681, 'to': 0.046222749162756115, 'in': 0.0373154844980391, 'a': 0.02139621095874884, 'for': 0.02019692681868395, 'as': 0.019661441232868813, 'that': 0.01949397007632253}, {'he': 0.15833783157006798, 'who': 0.11252166679113242, 'which': 0.10007920750248263, 'they': 0.08307407047038702, 'it': 0.07687172224910013, 'that': 0.06547997363155768, 'I': 0.05314002564963188, 'there': 0.04507481930663967, 'she': 0.04354106747792997}, {'and': 0.10506198287938252, 'him': 0.03209556935612786, 'application': 0.031061195895331416, 'was': 0.029615672989565755, 'it': 0.02744669467120214, 'up': 0.02677489106573396, 'made': 0.024182720209844934, 'out': 0.023178023165199367, 'time': 0.02248390682722411}, {'of': 0.1990057257916619, 'and': 0.12460985762110709, 'in': 0.08857254814100873, 'on': 0.07919186729695785, 'for': 0.06504245828300392, 'to': 0.05738595847297222, 'that': 0.05514124021264894, 'with': 0.03992344922245209, 'or': 0.023155130458189815}, {'the': 0.16037443881419539, 'of': 0.14140763116318247, 'and': 0.14028335326915586, 'to': 0.060533295447360816, 'as': 0.027592251536866865, 'a': 0.02697113264919056, 'be': 0.024399293605875515, 'in': 0.02179281147038227, 'was': 0.02017733608529787}, {'his': 0.33324857474313535, 'her': 0.20811198286730917, 'the': 0.07980975606662166, 'a': 0.05311827172535299, 'and': 0.052919010125829, 'my': 0.04350542164449008, 'their': 0.022877641857249807, 'bis': 0.022647236396779746, 'your': 0.020522817217594844}, {'the': 0.13304827392699647, 'and': 0.0726736953720259, 'a': 0.06349769800096873, 'of': 0.05921891036866642, 'be': 0.0431870465248564, 'in': 0.03505010092584917, 'to': 0.034147738343118475, 'was': 0.02990727623202889, 'is': 0.025375634582275493}, {'be': 0.3058162428092817, 'was': 0.20370965708438227, 'been': 0.08123000030043193, 'were': 0.07757131579997457, 'is': 0.06753702171281586, 'and': 0.055075489360206446, 'he': 0.048296070767890234, 'are': 0.04258330760757498, 'I': 0.03820284237789572}, {'the': 0.6050445921645485, 'The': 0.055702570733908496, 'of': 0.05002813192437988, 'a': 0.04967689033466012, 'national': 0.0411827598515615, 'said': 0.03567543221600361, 'and': 0.03453812660376215, 'tho': 0.031988826702766045, 'our': 0.02570500205416254}, {';': 0.019051620224625747, 'in': 0.008770810726098812, 'it,': 0.007125254761089927, 'up': 0.006263289138615893, 'and': 0.00604935449033447, 'him': 0.005921771100941494, ',': 0.005689021555284187, 'them,': 0.005618248385947067, 'him,': 0.00541207504148247}, {'away': 0.06925205172028555, 'and': 0.06007808449668492, 'taken': 0.04760906637168378, 'miles': 0.0428166599829834, 'feet': 0.03837562943164214, 'come': 0.026889243450533045, 'them': 0.026073675669967263, 'out': 0.02484981837258804, 'came': 0.02410733092637395}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.13281774340172328, 'of': 0.08449748458174143, 'and': 0.08036068861233109, 'to': 0.07905623234620449, 'in': 0.067694129657528, 'that': 0.03159365011959894, 'In': 0.026963218102159552, 'on': 0.02576340949232452, 'was': 0.025102431222249946}, {'and': 0.14050533643796728, 'to': 0.09195296615748379, 'the': 0.04808894750724568, 'of': 0.04671774575590921, 'con-': 0.03604907285185595, 're-': 0.03354883676216938, 'that': 0.03295680744210366, 'or': 0.03138807700464596, 'which': 0.02580919841022623}, {'to': 0.16595536701652736, 'of': 0.15081980553635266, 'an': 0.10614523560064752, 'in': 0.09454119145653254, 'the': 0.09236106736284803, 'his': 0.06045694362927748, 'a': 0.05693103595576016, 'In': 0.03039323814736842, 'and': 0.030257607462821565}, {'of': 0.31466782855514924, 'a': 0.23636902522023623, 'in': 0.10359736681002736, 'the': 0.0668665958287829, 'with': 0.05542951026962101, 'and': 0.04825817012150637, 'for': 0.0466003795343137, 'to': 0.03049551771079435, 'make': 0.021220078410042312}, {'J': 0.09235467108976682, '.': 0.08078106630789106, 'W': 0.06024548923670892, 'A': 0.05805649932433503, 'and': 0.04196035742966067, 'E': 0.02997035964602653, 'Mrs.': 0.024961432507281396, 'Mrs': 0.023809893563778776, 'W.': 0.02292241676616793}, {'<s>': 0.09538049588411796, 'it.': 0.02638776649696678, 'them.': 0.016500588284933455, 'country.': 0.010693174905873373, 'time.': 0.010522599662271898, 'year.': 0.009595588566887433, 'him.': 0.009235441547456882, 'day.': 0.008873851524387659, 'years.': 0.007606646101342952}, {'of': 0.21030354194379108, 'and': 0.1410775833298136, 'in': 0.10403343649825787, 'with': 0.08459492879502785, 'to': 0.08236173980853444, 'for': 0.062334351357193854, 'that': 0.05431989460073243, 'by': 0.04487330906084482, 'at': 0.04112867941551489}, {'the': 0.24985625361397282, 'of': 0.1012312342133951, 'his': 0.08131750379322375, 'and': 0.07330506620887516, 'to': 0.04310815037541901, 'for': 0.04308641429033153, 'an': 0.04187048305698241, 'all': 0.04098391596807676, 'a': 0.03422949119523623}, {'that': 0.27879158522660025, 'as': 0.12968848289100193, 'which': 0.11320827163716993, 'and': 0.10421652758507319, 'if': 0.05732170793654235, 'but': 0.04777433303096358, 'what': 0.04365276094681267, 'because': 0.032698750685304756, 'when': 0.0304672596046976}, {'the': 0.1956434816183853, 'a': 0.09834293029620257, 'of': 0.08249085113030795, 'and': 0.05606707246652894, 'in': 0.05049438960676711, 'to': 0.04070188984153666, 'an': 0.03202871280424633, 'that': 0.02183762457043437, 'by': 0.02025397130842556}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.1241105136476008, 'him': 0.03101347471357695, 'but': 0.027912590252526792, 'reason': 0.02693399116654888, 'asked': 0.026337366342567305, 'or': 0.022543505167040234, 'them': 0.022517441198580457, 'it': 0.021730991390230915, 'pay': 0.021576987323068893}, {'in': 0.5647022851563623, 'In': 0.14809149672653904, 'of': 0.05229905485109053, 'without': 0.04896750214198639, 'to': 0.03643907316546325, 'and': 0.035481195591488, 'from': 0.03466252990364636, 'with': 0.033738029916551164, 'not': 0.016639411462480387}, {'will': 0.26639418761844447, 'to': 0.21878018575360492, 'would': 0.15784515239542582, 'should': 0.07469763653059108, 'shall': 0.07420552872233638, 'may': 0.0611073517584168, 'not': 0.053536520007486765, 'must': 0.033755545542171965, 'can': 0.030514088782405215}, {'the': 0.21101976227824895, 'a': 0.1428924664702113, 'and': 0.08635658434049535, 'of': 0.0777971392577983, 'for': 0.04996819431972954, 'in': 0.046176070118670504, 'to': 0.040788068670765266, 'an': 0.03102835282660588, 'The': 0.02629113670079544}, {'a': 0.33282745275675385, 'the': 0.2832596535844167, 'to': 0.08818297134612182, 'and': 0.06217615160260536, 'as': 0.035437692209725896, 'very': 0.03199162040977432, 'The': 0.024924486809594644, 'of': 0.02441834504691783, 'so': 0.02085421068915148}, {'a': 0.2706679717563655, 'the': 0.13669970157809064, 'of': 0.10052087738594431, 'and': 0.07835421984721885, 'his': 0.055608441794550496, 'in': 0.055554172409377045, 'to': 0.0545273531454954, 'that': 0.047604841954159066, 'I': 0.04066915358454251}, {'be': 0.2168486965828589, 'was': 0.13286812447010235, 'have': 0.09093894314431217, 'has': 0.08136776345619504, 'been': 0.07220165759022243, 'had': 0.0675728150874349, 'is': 0.06722605905887846, 'a': 0.04819442033709653, 'are': 0.044186762704732235}, {'the': 0.21558648362509528, 'and': 0.09143068337757602, 'of': 0.08405129231287331, 'a': 0.04928596005324273, 'be': 0.04096736111661779, 'was': 0.03822883876238244, 'to': 0.036378482348205295, 'in': 0.033491549884584186, 'is': 0.0310415017154776}, {'the': 0.3072781068343019, 'of': 0.09513702237946889, 'and': 0.08962023559915613, 'an': 0.07499419561054024, 'have': 0.06989134336686437, 'The': 0.059152447370744494, 'their': 0.058033147868662115, 'his': 0.05700010175254526, 'be': 0.04656208728549127}, {'and': 0.19712615033197636, 'fact': 0.07722519025994683, 'said': 0.06258946616103155, 'so': 0.05112232986118901, 'is': 0.043298823531513625, 'say': 0.03859534773042259, 'was': 0.0380557480618063, 'him': 0.03726814659203925, 'found': 0.03558464235197909}, {'his': 0.26423264442532235, 'her': 0.1577704411977362, 'their': 0.15003756557531514, 'the': 0.1148498754147233, 'our': 0.07183469723825338, 'my': 0.058233233155215745, 'a': 0.056160260714195415, 'your': 0.03216370866141986, 'or': 0.027297418056433282}, {'and': 0.27047242893697826, 'is': 0.13251385346017774, 'was': 0.11271106967996909, 'but': 0.07100618337053763, 'are': 0.05624238807650875, 'He': 0.04123271187063304, 'were': 0.03915832938193366, 'has': 0.024163797384684427, 'will': 0.017923367800551305}, {'due': 0.015140634179518204, 'in': 0.013919217319285871, 'costs': 0.012313134172610603, 'land': 0.009524552820110348, 'life': 0.007920817588688862, 'power': 0.007797117073421302, ';': 0.007429531944844928, 'time': 0.007193378985716769, 'States': 0.006933239002225708}, {'filled': 0.07105315983241335, 'and': 0.06673245833033985, 'covered': 0.037096726215940824, 'together': 0.031091747287241133, 'charged': 0.026757524823036914, 'up': 0.024420260087839932, 'in': 0.021894068608969645, 'them': 0.01965487999382922, 'it': 0.017782039245847217}, {'of': 0.04989307136644056, 'and': 0.04747318735629495, 'the': 0.043700690585008466, 'to': 0.02619630420096877, 'a': 0.024442769286844683, 'in': 0.01911815436720081, '<s>': 0.017084564425433452, 'I': 0.01571314900290903, '1': 0.014574362527751189}, {'the': 0.34103487161339613, 'of': 0.1890767599198935, 'a': 0.10879030740274873, 'in': 0.07387483216946863, 'by': 0.0441954397239607, 'at': 0.04231508546394315, 'for': 0.04067941223715013, 'and': 0.031477932356021546, 'his': 0.0243352220885401}, {'the': 0.30678315164020725, 'and': 0.12701511980447974, 'a': 0.10440026487346518, 'of': 0.08006045140114652, 'in': 0.05477657317268523, 'to': 0.05421508499476915, 'be': 0.030613853541691338, 'at': 0.026298623730422292, 'or': 0.023092686392793355}, {'the': 0.3740835509983804, 'a': 0.15302336273628434, 'of': 0.12974792055191092, 'to': 0.0700741418692857, 'and': 0.046192951556006674, 'with': 0.0350371082971494, 'for': 0.02855848702404648, 'tho': 0.019969318894633437, 'on': 0.019573087814384754}, {'that': 0.1219277437005342, 'and': 0.10155951549807538, 'by': 0.0792063146661199, 'to': 0.07438403888893172, 'of': 0.06636790304488521, 'said': 0.027735072241667352, '<s>': 0.026407437078176183, 'with': 0.021962804127229195, 'as': 0.020687150967727008}, {'of': 0.34362408518444326, 'to': 0.19133951646295938, 'by': 0.07008986717400083, 'that': 0.06827893142827916, 'and': 0.05723379409995941, 'with': 0.05166729119106249, 'in': 0.04816082277475808, 'from': 0.03750755483021406, 'for': 0.034254228530999443}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'time': 0.023738981744390413, 'in': 0.020100496127558556, 'up': 0.011805472981535786, 'right': 0.011670478281637642, 'good': 0.01153140651697464, 'out': 0.010507077796999276, 'hundred': 0.009889901717543531, 'dull': 0.009350429084154753, 'on': 0.009027707393253299}, {'in': 0.17945356740323576, 'of': 0.17283859387560177, 'for': 0.1321922671360214, 'to': 0.0956239253522343, 'at': 0.09022998865276137, 'with': 0.06636264731436825, 'and': 0.06019973472977659, 'In': 0.05104064713374563, 'such': 0.04550292580041611}, {';': 0.01166041973359815, 'in': 0.011633219351135761, ',': 0.007156787301710154, 'him': 0.0065430865571675274, 'up': 0.006004494027416816, 'it': 0.005656109112672276, '.': 0.004999960221360417, 'one': 0.004745020056711639, 'hundred': 0.0046807623070502565}, {'he': 0.13797575507843787, 'and': 0.13737479172251676, 'be': 0.08196136940658785, 'who': 0.07507857912641924, 'it': 0.05933202010668709, 'I': 0.04879436067941497, 'He': 0.04636988179911387, 'she': 0.04087078936036033, 'they': 0.038296258159026916}, {'came': 0.10541736689273926, 'made': 0.10406708934442432, 'put': 0.1006531862800007, 'taken': 0.08500955572292623, 'set': 0.06349755012912477, 'picked': 0.06129023646474613, 'went': 0.05912320966195336, 'it': 0.05365947863321881, 'come': 0.05244362199233794}, {'was': 0.1540716091786728, 'be': 0.12328604445595322, 'have': 0.1114539607092781, 'been': 0.09791214127276587, 'had': 0.09507402630004091, 'he': 0.09431678284729418, 'and': 0.06969589631066002, 'has': 0.05296984579776768, 'were': 0.05018107693348992}, {'Resolved,': 0.15335827849993164, 'enacted,': 0.07121916959306844, 'enacted.': 0.043644752025773906, '<s>': 0.03967080212254413, 'Provided,': 0.02646804931505671, '2.': 0.025538738946112586, '1.': 0.021091901147050656, '4.': 0.01600473035968635, 'it.': 0.01341075841832757}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.17807436263847895, 'in': 0.16619929476657072, 'on': 0.08147615460818748, 'and': 0.06259743539535359, 'at': 0.05691940554448574, 'In': 0.04096388717525394, 'with': 0.04093053125664842, 'is': 0.03349654571497093, 'was': 0.033323503147909}, {'this': 0.38170570384965485, 'the': 0.3340236907520699, 'said': 0.1019910952864334, 'a': 0.05352265635240923, 'York': 0.02359459536729354, 'that': 0.02127298019626995, 'tho': 0.017667036431115474, 'of': 0.013931715960709065, 'his': 0.011939690793502803}, {'the': 0.13781512652858738, 'a': 0.10818593500343976, 'three': 0.10525680135362031, 'thousand': 0.09081378515437441, 'two': 0.08481941393089504, 'six': 0.08095579529213873, 'few': 0.07422153680121191, 'several': 0.06434785149842583, 'hundred': 0.059082251349928123}, {'be': 0.1934500788949564, 'been': 0.17524773858963796, 'was': 0.17265640362988166, 'were': 0.07812981937005961, 'are': 0.07263444838147756, 'is': 0.05312089806200694, 'and': 0.04784070811222095, 'resolution': 0.02575661213337448, 'being': 0.02526185808262943}, {'of': 0.26888358129292117, 'for': 0.15043625405867622, 'half': 0.11003396378192618, 'in': 0.08525359663701611, 'and': 0.07980081462478182, 'to': 0.05572251347111886, 'as': 0.05229175309935238, 'was': 0.05187240841956024, 'is': 0.03949439862296783}, {'the': 0.30881190724092045, 'of': 0.2757647918963761, 'in': 0.06533315647662102, 'for': 0.04481367348321558, 'by': 0.042039125240788254, 'to': 0.038150749332362156, 'and': 0.03500825135955822, 'with': 0.02928846613982997, 'from': 0.02853952217413518}, {'number': 0.13284816129092558, 'place': 0.0423345492404277, 'line': 0.041638942650970345, 'pounds': 0.03982241986000039, 'bushels': 0.039086067636523, 'point': 0.03713375781233245, 'full': 0.03089517785638085, 'day': 0.028474219645998364, 'means': 0.028126067857481053}, {'of': 0.10176498311611738, 'to': 0.1012070793207006, 'in': 0.08820838538408762, 'on': 0.06500732522509377, 'by': 0.061550401876451985, 'and': 0.055023796152779414, 'is': 0.04789137682513205, 'for': 0.044483712335532194, 'that': 0.03850632093504181}, {'and': 0.16219053135299444, 'the': 0.1541340170605202, 'was': 0.14091168070524251, 'are': 0.08121190244821443, 'a': 0.08036879241364003, 'were': 0.06301708588117746, 'is': 0.06218498659728581, 'by': 0.05092068148198088, 'been': 0.049758173040799165}, {'time': 0.013178062383729055, 'up': 0.012683164260209363, 'him': 0.011429439117214403, 'him,': 0.011150832347387719, 'it,': 0.011037887892978715, ';': 0.010645059574714299, 'day': 0.01034553845517621, 'years,': 0.009698299461452157, 'night': 0.009694420772087629}, {'it,': 0.023043997510986194, ';': 0.02303743238271218, 'in': 0.02012632344113234, 'him': 0.018710865147485288, 'him,': 0.016854667229950257, 'it': 0.01501886076721201, 'me': 0.013703778310520874, 'me,': 0.012894273546999534, 'them,': 0.012275971565748655}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'to': 0.28047007855332756, 'I': 0.13529329103362175, 'we': 0.10965947891750029, 'would': 0.08947959188692378, 'they': 0.08436487805855689, 'will': 0.07689354832493377, 'who': 0.04673820239866852, 'We': 0.04282434498258662, 'you': 0.04177481787172407}, {'the': 0.12019147532787254, 'to': 0.11317991295410587, 'and': 0.08792340578929887, 'of': 0.08146353828966597, 'in': 0.040054442139418604, 'not': 0.024451975593149933, 'I': 0.021171806548387326, 'a': 0.020588060079176747, 'or': 0.020427076563194486}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'of': 0.11904574774402965, 'and': 0.117039163175256, 'in': 0.0579721685820925, 'to': 0.0511186639368552, 'fact': 0.03928633611901063, 'said': 0.03323136332365265, 'on': 0.029827822579143393, 'all': 0.024787499172257966, 'is': 0.02252394945510673}, {'the': 0.2262333139863608, 'of': 0.2022855747128473, 'in': 0.19254456087455615, 'to': 0.06838045740105994, 'In': 0.048869037803194494, 'from': 0.04623730807689922, 'and': 0.03511495145655637, 'The': 0.034367140360129854, 'for': 0.03150869224562173}, {'the': 0.6131152657040287, 'a': 0.0724130179948562, 'The': 0.052579340006229526, 'and': 0.03792435437397078, 'tho': 0.03450018428917817, 'large': 0.01589810866548434, 'tbe': 0.014985867246543437, 'in': 0.012041229705230135, 'first': 0.010359722841295393}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'and': 0.1286650929692189, 'it': 0.10335314435270077, 'he': 0.08512010921398917, 'they': 0.07866513304329321, 'you': 0.06927437598884209, 'which': 0.06918605272910057, 'I': 0.05664905033260222, 'that': 0.05627096632630496, 'It': 0.05014669515635656}, {'and': 0.10247027652015542, 'him': 0.06073237612402084, 'was': 0.04123887990926764, 'man': 0.035423878825065744, 'it': 0.03409304083682875, 'up': 0.024105643627210266, 'that': 0.02394588451149575, 'found': 0.021001378013868546, 'made': 0.020634858937017025}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.12418203495264868, 'that': 0.041618160016948035, 'it': 0.04055830986085725, 'found': 0.024663704649277876, 'made': 0.02423444208062058, 'is': 0.02409079466227436, 'him': 0.02353174208791718, 'was': 0.022852989037061268, 'but': 0.022390301622287664}, {'of': 0.10631112473892627, 'the': 0.09943241832474299, 'and': 0.08159794106622675, 'to': 0.08044019399615582, 'a': 0.0411705846870669, 'be': 0.032482607452970214, 'was': 0.026600329505008413, 'or': 0.02456876992697593, 'is': 0.021232665187409037}, {'hundred': 0.01444191217773428, ';': 0.011834673680375107, 'him': 0.010388473796696067, 'one': 0.00968896846901267, 'feet': 0.009556811899111724, 'up': 0.008880191153313928, 'mile': 0.007973380143655012, 'feet,': 0.007606228831470488, 'time': 0.007287466987906896}, {'and': 0.14170530797940953, 'of': 0.07227017679224287, 'the': 0.04462003554708702, 'be': 0.03685807754549318, 'a': 0.035905515184589634, 'in': 0.03203315204003, 'is': 0.03168739705547206, 'was': 0.03131301567082761, 'he': 0.02922624312968863}, {'to': 0.3199216036302301, 'will': 0.12019751680579287, 'would': 0.10929819588765764, 'we': 0.07310297369926001, 'shall': 0.06162126141081327, 'I': 0.05896556569893699, 'and': 0.05206867060585036, 'should': 0.04912137299317327, 'not': 0.04828006654096617}, {'the': 0.22894164248081744, 'his': 0.1949262319201218, 'her': 0.09770266039904342, 'my': 0.09669733922511217, 'The': 0.07683715648016066, 'His': 0.060584516368885656, 'My': 0.05626726672315817, 'and': 0.033228198165847926, 'of': 0.03322723976258535}, {'an': 0.3794152979353227, 'the': 0.19610577162027504, 'to': 0.11559104406783469, 'will': 0.059008710306049206, 'a': 0.04755319488277865, 'of': 0.04119205285380605, 'and': 0.035251847309107506, 'The': 0.03227101786686785, 'An': 0.022948102607665954}, {'that': 0.21720701132240186, 'if': 0.15230602631019566, 'as': 0.11815822305671578, 'and': 0.10302154678109054, 'when': 0.09268352159088593, 'which': 0.06897068404486038, 'but': 0.050155737297446566, 'where': 0.03623689011459712, 'If': 0.0326383887564827}, {'the': 0.5854524547605866, 'corporate': 0.18048575581546047, 'tho': 0.03481188633840929, 'The': 0.025590276475065704, 'a': 0.020302094518657176, 'tbe': 0.01410728765300161, 'first': 0.011322270380833395, 'porate': 0.00836462148754289, 'present': 0.00751874178302918}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'and': 0.24052724430897476, 'that': 0.0949472704821526, 'but': 0.05920029537128581, 'time': 0.04740728828647733, 'But': 0.0202872895992386, 'ago,': 0.01828300835654596, 'And': 0.018248408892316655, 'me': 0.016501916221216682, 'morning': 0.013817509773917895}, {'hundred': 0.03852699044393118, 'hereditaments': 0.014956418141802515, 'time': 0.013079384018250944, 'dollars': 0.010360289167392888, 'up': 0.009540019354412978, 'men': 0.009376269895396777, 'out': 0.009298176347953884, 'interest': 0.009053221338544911, 'made': 0.009041430195722473}, {'of': 0.3650291529036624, 'to': 0.0936795985856137, 'and': 0.0925074276124573, 'that': 0.08264799768980442, 'in': 0.0722274897817599, 'all': 0.04942617719039435, 'by': 0.048700439211915046, 'for': 0.04235914573236862, 'on': 0.029887453184460275}, {'the': 0.16799435591453465, 'esti-': 0.0944637085694603, 'of': 0.0648740224218491, 'a': 0.05915318173308196, 'this': 0.045258241478989415, 'inti-': 0.03525137584470702, 'to': 0.03309516019813057, 'any': 0.02957952490516739, 'said': 0.026361778270440044}, {'of': 0.3536365745316886, 'in': 0.112175313170115, 'to': 0.09531817996057239, 'and': 0.05698127645758594, 'that': 0.05486938784174236, 'on': 0.04049567557110313, 'for': 0.03597864107636744, 'with': 0.03434593300933008, 'by': 0.02902410519829644}, {'of': 0.1024144645135243, 'and': 0.0806582121396999, 'by': 0.07780075690572939, 'to': 0.07407953369071005, '<s>': 0.030408044090489753, 'the': 0.029397439123643353, 'a': 0.028011519726908116, 'from': 0.01801079657064828, 'said': 0.01787133997460338}, {'the': 0.22468297985808072, 'of': 0.1610251153044573, 'a': 0.09145399935070017, 'to': 0.08885774296871443, 'in': 0.08511687271067157, 'and': 0.04611774682610984, 'for': 0.033495912719761274, 'on': 0.022511899194400057, 'The': 0.0173216098520444}, {'the': 0.17670818923526768, 'a': 0.11135033434367689, 'of': 0.0876410281086189, 'and': 0.05977461166826242, 'to': 0.05553774786045882, 'in': 0.040462649276903837, 'Mr.': 0.027945725320171037, 'for': 0.02116022757701593, 'The': 0.02074575529448038}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.16875735152152366, 'is': 0.09749857399590382, 'in': 0.09084472366163512, 'to': 0.08760730541159449, 'was': 0.08495798311729769, 'and': 0.08029474113412928, 'with': 0.0685561567807957, 'as': 0.06298900081042971, 'be': 0.05397279749587511}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.18492228859012919, 'to': 0.11411297421073768, 'with': 0.10279099740871166, 'is': 0.09171566376318332, 'and': 0.07044161968280536, 'by': 0.06701607125235094, 'in': 0.06450191740060354, 'for': 0.055738348493225426, 'was': 0.0555271319735034}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.13923535943640886, 'not': 0.06858656963809273, 'to': 0.04370911574177388, 'wait': 0.036903265950276716, 'on': 0.028608198451564038, 'in': 0.027378800401355173, 'up': 0.024308886912799792, 'of': 0.024258654802748938, 'that': 0.01971868699065557}, {'the': 0.43885549584857797, 'of': 0.08169599801530718, 'in': 0.06432134530883538, 'The': 0.051851013688471906, 'or': 0.04874487517179164, 'and': 0.043677500831489496, 'for': 0.03548601834812034, 'all': 0.03515525940419686, 'tho': 0.03317899941437294}, {'for': 0.23813034597414473, 'or': 0.1505219825554548, 'about': 0.10048344227240359, 'past': 0.09010418228898273, 'of': 0.08478316023642993, 'last': 0.08228479020968199, 'and': 0.07980929055021448, 'the': 0.05889301532192678, 'For': 0.04220566459154475}, {'and': 0.07715602775175154, 'the': 0.06778679820584158, 'of': 0.06151524679976303, 'thence': 0.041559585985552185, 'No.': 0.031171898331951328, '.': 0.030433652328787055, 'at': 0.030389953060672933, 'to': 0.03035032323715323, 'in': 0.022011444228399887}, {'the': 0.28422426830873015, 'a': 0.22217414149674372, 'of': 0.15201439271319436, 'and': 0.09815767461942763, 'with': 0.035480858178281956, 'The': 0.033179348392436324, 'his': 0.02502466859864178, 'by': 0.02467721786876816, 'in': 0.022635445303528137}, {'of': 0.350593770311935, 'and': 0.1380581311386399, 'that': 0.11518996904418863, 'all': 0.06620633321204844, 'by': 0.05592312569771673, 'to': 0.04094977622372896, 'for': 0.037954075595037606, 'with': 0.03352530282736503, 'as': 0.027308153949963783}, {'and': 0.09975546963080459, 'was': 0.07504917597255388, 'is': 0.04223855572909201, 'be': 0.0395800171173392, 'put': 0.03383532005101662, 'are': 0.0338207967264977, 'been': 0.03373482598488388, 'came': 0.032341600284739945, 'were': 0.02974623504094374}, {'of': 0.1297393219114919, 'and': 0.056140437439795646, 'in': 0.05220452633804173, 'that': 0.048601245437568254, 'for': 0.028350575127897785, 'to': 0.015427435176291792, 'on': 0.013689484315848975, 'but': 0.012389125100590771, 'from': 0.01147313242086057}, {'to': 0.262958005419636, 'will': 0.1805434979467654, 'shall': 0.11275077922076582, 'may': 0.1034413985302831, 'should': 0.08947507953005936, 'would': 0.0733862049231363, 'must': 0.055236414813631875, 'can': 0.04091460546003739, 'not': 0.03363535921537965}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.22483655353536078, 'in': 0.17514797855755307, 'to': 0.13619588152021972, 'for': 0.08752866782522802, 'with': 0.06086767970600895, 'and': 0.06016517726674058, 'at': 0.04469473772192717, 'by': 0.033957889469101755, 'In': 0.033012384481385604}, {'Mutual': 0.2528099580618337, 'of': 0.08423516787605492, 'the': 0.06715193407926225, '<s>': 0.03393199219537811, 'and': 0.02414737942931164, 'at': 0.01832241371361668, 'State': 0.012943747745057207, 'a': 0.011515566976941472, 'in': 0.009680276412799947}, {'he': 0.28684556063488675, 'I': 0.12113896709911097, 'He': 0.08790950248723069, 'and': 0.07259154170953298, 'she': 0.047899454239459405, 'It': 0.03683622450816986, 'it': 0.03243293433995626, 'which': 0.020148478848405583, 'they': 0.019497536584666495}, {'to': 0.5669626053356895, 'will': 0.06956999304815133, 'and': 0.05418479568307131, 'would': 0.05314112219673144, 'not': 0.036007790639680105, 'they': 0.03183912068302112, 'you': 0.027142840024910762, 'I': 0.02638125609052114, 'we': 0.022300118585502852}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'in': 0.40464251581194494, 'of': 0.24444888814895752, 'In': 0.08668568686590329, 'to': 0.07900309699620334, 'for': 0.0493344401081725, 'and': 0.02309532164665786, 'by': 0.02205842610110172, 'on': 0.01877092592032883, 'from': 0.017815663702583834}, {'.': 0.2103422210328464, 'J.': 0.11504454937013776, 'Mrs.': 0.10643635674924122, 'W.': 0.09634077702641339, 'D.': 0.089394283303548, 'A.': 0.08403831401351405, 'C.': 0.06299197158038242, 'S.': 0.058481523791109005, 'Mr.': 0.04873705373873942}, {'and': 0.1710095451595036, 'to': 0.12723391166427522, 'matter': 0.0942733006480184, 'of': 0.08813455734210283, 'know': 0.06086224323605374, 'see': 0.05975691318828653, 'is': 0.04591563607936622, 'in': 0.04578929912147447, 'or': 0.04025950147597459}, {'miles': 0.086548165609905, 'and': 0.042063940780668295, 'away': 0.04203685145328048, 'feet': 0.0373683722089094, 'down': 0.03389327181376585, 'far': 0.027594049732068054, 'him': 0.025713643022176696, 'free': 0.02554700351288768, 'up': 0.02509655106398089}, {'of': 0.2928952778460272, 'to': 0.14223898646913344, 'in': 0.11915805863762469, 'for': 0.07372442918099541, 'that': 0.0723804009123684, 'and': 0.06367417884526481, 'by': 0.05258160674917758, 'with': 0.04076445866936669, 'is': 0.03852976250097625}, {'the': 0.24204048917855586, 'a': 0.2109902522714179, 'of': 0.10438080454065572, 'and': 0.04053201417168935, 'in': 0.035451020186307164, 'on': 0.02596240724543171, 'to': 0.024043047953006158, 'The': 0.023586819252059906, 'that': 0.019370722991288555}, {'the': 0.48359688487909475, 'each': 0.27011116485617587, 'any': 0.08669716032567268, 'no': 0.03502821594672917, 'of': 0.01816931463066943, 'a': 0.01713371470126132, 'an-': 0.015378888324873259, 'an': 0.014957248822637903, 'tho': 0.013769438136006463}, {'and': 0.05403700379789184, 'him': 0.03234623725352652, 'right': 0.031956236974612584, 'not': 0.03092935987190269, 'is': 0.02954962939165567, 'was': 0.027482043390533797, 'as': 0.026105411016534068, 'them': 0.02404639205539993, 'do': 0.023023208718798597}, {'It': 0.42686866166658904, 'it': 0.1871629616730864, 'which': 0.054215473876531035, 'there': 0.05019753304561092, 'that': 0.04288881284456015, 'There': 0.02875189267120461, 'he': 0.024474859192075534, 'This': 0.01983419525148367, 'what': 0.015051415459335167}, {'I': 0.2098278616080239, 'we': 0.12492635474378419, 'who': 0.12024322111310491, 'they': 0.10727873725135544, 'would': 0.10466443791553437, 'to': 0.08672448210398823, 'We': 0.06634213522748576, 'you': 0.05378115313298842, 'not': 0.03763520590378961}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'together': 0.09522667747114119, 'and': 0.09147990060805503, 'covered': 0.04082578338794687, 'filled': 0.03215368046741442, 'thence': 0.027666407798310942, 'charged': 0.026888339330778718, 'connection': 0.026092007855114473, 'it': 0.02356608558742867, 'up': 0.022281844252644185}, {'and': 0.07928388222389389, 'ready': 0.045611648078129285, 'candidate': 0.03074291501374138, 'demand': 0.028240537463830564, 'called': 0.022856260268678073, 'call': 0.021990422222225185, 'up': 0.02121900571406845, 'used': 0.018812580298432552, 'him': 0.018174507302072405}, {'<s>': 0.12497376778980084, 'it.': 0.019305298255585135, 'them.': 0.0190760002192394, 'time.': 0.01230949190690051, 'year.': 0.010552726670120019, '.': 0.010497816206423575, 'country.': 0.00970670266355358, 'him.': 0.009097444012642428, 'day.': 0.008997262840075916}, {'it': 0.23730533150110286, 'It': 0.1838135238744703, 'which': 0.041812261798293004, 'and': 0.040908734038145336, 'This': 0.038162294431498586, 'this': 0.033606403340720584, 'he': 0.030775362755753405, 'there': 0.030596473029600016, 'that': 0.030109400599441057}, {'the': 0.3013470918618443, 'too': 0.16157072412087672, 'of': 0.10506260609610209, 'and': 0.06391502357838603, 'a': 0.06059653925325242, 'his': 0.03350151811345572, 'as': 0.03219357630116946, 'for': 0.03172614735952133, 'until': 0.03147286806392499}, {'the': 0.20652929480594112, 'of': 0.0985463090297763, 'and': 0.06693253398244224, 'that': 0.05900862020852831, 'Mr.': 0.041033997610204084, 'The': 0.04001372520961834, 'a': 0.038071161445162795, 'this': 0.01954812218166994, 'or': 0.017427556315847043}, {'to': 0.32534241027584787, 'the': 0.17592386029490595, 'and': 0.13021414592939065, 'for': 0.055589871929033335, 'of': 0.05453048069525536, 'their': 0.04014228323812114, 'with': 0.03294634846463197, 'in': 0.02705285287588569, 'a': 0.024716959767858877}, {'was': 0.3059022177573777, 'be': 0.16681538338304305, 'been': 0.1261561760408108, 'is': 0.10453942242044136, 'were': 0.0862503955029854, 'so': 0.07183392642742373, 'are': 0.06694984981557248, 'being': 0.02534346208525016, 'and': 0.024859096456065436}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'a': 0.538633157047333, 'the': 0.26067647783614434, 'The': 0.04368555349327353, 'A': 0.03716388106073463, 'of': 0.028490819737379214, 'his': 0.026053172065896003, 'tho': 0.01398572110991434, 'in': 0.01396063961776728, 'our': 0.013139005135481448}, {'at': 0.4146100061267614, 'for': 0.12544368903807282, 'of': 0.08740672593164323, 'to': 0.07385031070820812, 'and': 0.050010139974232266, 'At': 0.046625176829788596, 'during': 0.04097336457253684, 'that': 0.04027340851898766, 'in': 0.03989425686292737}, {'from': 0.2677889339804615, 'of': 0.11721691283776009, 'in': 0.10700723990363682, 'at': 0.0904379810588989, 'and': 0.07095635526384703, 'In': 0.04685612803330202, 'to': 0.04060553979933543, 'for': 0.035982424779992916, 'with': 0.027998789223456246}, {'the': 0.18543690322243464, 'of': 0.16300515254339, 'a': 0.06995209377346494, 'and': 0.04174735247144964, 'in': 0.041544616701600055, 'to': 0.04062987833276011, 'for': 0.029333320816369173, 'that': 0.025850889780560757, 'by': 0.025024332157759795}, {'the': 0.07853683615259145, 'of': 0.0756178710687192, 'and': 0.07358083419636358, 'be': 0.07077104144328393, 'to': 0.05773020870440279, 'was': 0.05477034924053261, 'is': 0.03974607354588707, 'or': 0.028619784876402696, 'are': 0.02829496068502736}, {'the': 0.14651767028650897, 'and': 0.10280181339946678, 'of': 0.07164139889404732, 'to': 0.06710968865667367, 'in': 0.043620235518656805, 'was': 0.04085328919635116, 'a': 0.03773596883616436, 'be': 0.034467327867332885, 'is': 0.024743356400790086}, {'of': 0.36507728668549305, 'and': 0.1206065224137112, 'with': 0.103904738855692, 'to': 0.07000523339693725, 'in': 0.06563179978306853, 'for': 0.05693701755524131, 'is': 0.051140353871807404, 'that': 0.047029882760133125, 'on': 0.04271967709256507}, {'a': 0.5022584778361776, 'per': 0.11677602731155802, 'the': 0.06620388207656604, 'in': 0.06430287713619369, 'and': 0.06335841860722423, 'to': 0.03330418420780838, 'In': 0.02414827646091005, 'of': 0.022838991407269634, 'one': 0.02162520997976509}, {'the': 0.6073095092286891, 'and': 0.11315850915846737, 'with': 0.06410229801092401, 'The': 0.03044010916329785, 'an': 0.027193301607967433, 'of': 0.02653513175530676, 'tho': 0.023411377304794846, 'or': 0.02052823398147502, 'by': 0.015507129413574947}, {'of': 0.10631112473892627, 'the': 0.09943241832474299, 'and': 0.08159794106622675, 'to': 0.08044019399615582, 'a': 0.0411705846870669, 'be': 0.032482607452970214, 'was': 0.026600329505008413, 'or': 0.02456876992697593, 'is': 0.021232665187409037}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'that': 0.2378595547118727, 'and': 0.14281312502882929, 'which': 0.11306973493622331, 'as': 0.10950764063113755, 'but': 0.05741267489929815, 'if': 0.05527057457854889, 'when': 0.04800234745239418, 'where': 0.04287165297033262, 'because': 0.03553871486883608}, {'him.': 0.04582865677872414, '<s>': 0.031731083140136326, 'it.': 0.024038659762505864, 'them.': 0.015004614517940147, 'years.': 0.014511446015509783, 'life.': 0.012214940095718595, 'time.': 0.011650609615962555, 'himself.': 0.011378818587559238, 'man.': 0.009743857291100331}, {'of': 0.21051702061632155, 'in': 0.1256510286114246, 'and': 0.10230266929849605, 'to': 0.07923398738223379, 'on': 0.059764955174964024, 'with': 0.04021247446534191, 'by': 0.03366531641020911, 'In': 0.0309238701106771, 'at': 0.027499570032848385}, {'and': 0.0690888426253435, 'able': 0.05440395381400622, 'order': 0.05430283492194746, 'him': 0.0476150158632196, 'right': 0.04467166014975292, 'enough': 0.04059775241687389, 'had': 0.04039354193760782, 'is': 0.040310589891720955, 'willing': 0.036408375401737865}, {'one': 0.3454139192584184, 'a': 0.15532190160321646, 'two': 0.10629050783551516, 'three': 0.08425668057801182, 'five': 0.0531068843406948, 'four': 0.04568538857216689, 'One': 0.033288833770711714, 'six': 0.02893424344609392, 'several': 0.025419251218562755}, {'the': 0.8111603772899124, 'a': 0.050089605310853685, 'The': 0.03931903608308156, 'tho': 0.03439754668169006, 'his': 0.016892574367906296, 'tbe': 0.010030268045507594, 'full': 0.00825955321834618, 'firm': 0.004817688386956177, 'their': 0.004468878505681762}, {'thousand': 0.23928620268036613, 'hundred': 0.2045687096634849, 'of': 0.09206090099814132, 'million': 0.06376554233856689, 'fifty': 0.06349086487617212, 'five': 0.03628008450543855, 'ten': 0.03544348260017881, 'two': 0.03242653369989118, 'billion': 0.02701525766121696}, {'in': 0.14557440865169408, 'of': 0.11289327825509128, 'the': 0.08527392821259443, 'and': 0.06437529982342059, 'for': 0.05488254176673715, 'a': 0.03808718814306912, 'to': 0.03699595218284497, 'In': 0.034301016692017613, 'was': 0.019868772630116955}, {'and': 0.09611377979382967, 'together': 0.06030448595031675, 'covered': 0.03676937166272939, 'him': 0.032438653052046594, 'up': 0.030460413497620714, 'it': 0.02269175320641507, 'met': 0.021809108688738414, 'them': 0.02113687577611875, 'but': 0.01784208772281916}, {'the': 0.20281072829712352, 'a': 0.16342164835956444, 'his': 0.14441875487548964, 'her': 0.11072048825836354, 'at': 0.0814430895890439, 'and': 0.06487662581962506, 'their': 0.05344687827486842, 'of': 0.05151821143725742, 'for': 0.038150860004957994}, {'be': 0.17614414462101208, 'is': 0.16089048545138232, 'was': 0.14138110119616312, 'are': 0.0688953760782464, 'been': 0.06481950642907834, 'I': 0.05688971157040298, 'and': 0.05374890171459863, 'were': 0.05057158556321184, 'he': 0.04358518479651045}, {'nothing': 0.0408701974759101, 'is': 0.02748035362799039, ';': 0.02381410633268206, 'anything': 0.013901594869675533, 'it,': 0.01132009786375261, 'was': 0.009492481822714855, 'and': 0.00899400453324981, 'of': 0.008861957519914813, 'are': 0.00845605892264268}, {'the': 0.09320925791200008, 'and': 0.07395409361165871, 'of': 0.05839272864744868, 'to': 0.047944447410863233, 'a': 0.037925425806408765, 'for': 0.03069158665018282, 'in': 0.024863539579952746, 'be': 0.01970166512321707, 'is': 0.01863969980816721}, {'that': 0.16908251924626766, 'and': 0.1614871501143544, 'is': 0.14354956980661143, 'was': 0.10626479582684303, 'but': 0.06449625016186199, 'had': 0.05126879507399067, 'have': 0.04256692789755818, 'be': 0.039925149622974804, 'with': 0.029913943867320138}, {'the': 0.18298069258032137, 'of': 0.11350083229025854, 'and': 0.08359418730915852, 'to': 0.041517261427870586, 'The': 0.03805504496082334, 'a': 0.036194920355613926, 'that': 0.02468004249983462, 'which': 0.023654971762081336, 'or': 0.016818791774650257}, {'and': 0.10728643539050407, 'of': 0.09689368708684774, 'as': 0.09430956550132799, 'the': 0.07574070144994628, 'to': 0.05122624749049644, 'be': 0.037028496537601055, 'such': 0.03566920217538001, 'much': 0.030975032286415252, 'in': 0.028365295688714418}, {'well': 0.13927080248885568, 'known': 0.12021614758510843, 'and': 0.09953172233902789, 'far': 0.05862632711524572, 'soon': 0.054526379937856535, 'such': 0.05015194712545917, 'just': 0.03760767508948327, 'long': 0.03542664793000233, 'much': 0.03264124082853373}, {'and': 0.10235494940494616, 'the': 0.09817011765250404, 'of': 0.054918833819049634, 'to': 0.048949106665551446, 'be': 0.04502452823262038, 'in': 0.04138743640090962, 'or': 0.032198312294903386, 'for': 0.029705916095476525, 'he': 0.026435922643808892}, {'the': 0.46718237463704243, 'The': 0.10465344421414273, 'of': 0.09200118480930601, 'their': 0.04069176855803783, 'our': 0.03992223732377158, 'these': 0.03656001278577825, 'and': 0.03381004645953582, 'tho': 0.026418432836068456, 'such': 0.02637665178860353}, {'of': 0.1728260430169963, 'the': 0.10385064085284053, 'and': 0.09275769092647597, 'to': 0.09209128670542818, 'on': 0.03946644823100497, 'that': 0.03941682631545456, 'from': 0.039351942005604185, 'in': 0.030637724511555414, 'by': 0.029021755504556164}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'the': 0.21850627698357183, 'and': 0.12418578405474105, 'of': 0.04516523708521705, 'or': 0.030104821727414882, 'their': 0.02886506887891625, 'her': 0.024584114669447613, 'his': 0.024458534457636558, 'an': 0.024042825861825278, 'for': 0.021120210131377947}, {'have': 0.32887155133720375, 'has': 0.24895905763348003, 'had': 0.22590914112393295, 'not': 0.03306029363479426, 'having': 0.031227273372102876, 'bad': 0.015119581515317919, 'ever': 0.01396193234990098, 'never': 0.013874593128404347, 'havo': 0.010591857273078738}, {'and': 0.09916471910970753, 'a': 0.051009746114560085, 'the': 0.050174468592969965, 'of': 0.035228844877691005, 'that': 0.030279018758056723, 'to': 0.026722316903920615, 'which': 0.025730993315553893, 'or': 0.020155706708884488, 'all': 0.013877712678986897}, {'and': 0.17864679849229537, 'he': 0.17783299632529392, 'it': 0.10711158125878914, 'who': 0.0911234174592189, 'It': 0.05048888135522967, 'He': 0.04895491266134316, 'that': 0.041518052876818215, 'she': 0.036339920038502775, 'which': 0.03561210836606538}, {'is': 0.14570306127883223, 'with': 0.14068777420804024, 'of': 0.13639553933017007, 'was': 0.10656400710448082, 'to': 0.08134924611689826, 'and': 0.07832953443264366, 'by': 0.06146917866319974, 'for': 0.05811531092662962, 'in': 0.05465137284831969}, {'and': 0.1698639174000547, 'he': 0.16983770913854873, 'He': 0.07777187922523118, 'I': 0.06715436062751269, 'who': 0.06668922082546594, 'have': 0.05154116087690973, 'she': 0.046795439984689456, 'they': 0.04339869014240343, 'had': 0.042327290521382024}, {'and': 0.0795822342503405, 'of': 0.07646740837298124, 'the': 0.07207913182652693, 'at': 0.06571663959784464, 'to': 0.060023843627338, 'in': 0.03968402237128044, 'on': 0.023850324794161524, 'a': 0.023131082927063073, 'for': 0.014467881621915668}, {'of': 0.22752256525518935, 'to': 0.11968366325166613, 'for': 0.11720050767429227, 'and': 0.11448354951997729, 'in': 0.08260291586643358, 'with': 0.07030981839609796, 'that': 0.05743412275925315, 'by': 0.045481741735025574, 'all': 0.03746677762540833}, {'of': 0.12325765517032773, 'the': 0.12320199566698568, 'and': 0.08521084231521446, 'to': 0.059606365922676, 'north': 0.04694617915257505, 'south': 0.04623054796730159, 'at': 0.03007238480611956, 'a': 0.02803870014086831, 'on': 0.020613188866280198}, {'to': 0.09841821759273948, 'and': 0.09260484230832032, 'of': 0.09256376566872315, 'in': 0.07877417798483456, 'was': 0.053151928258643934, 'the': 0.04549775452320577, 'is': 0.043473641260170226, 'be': 0.04009477519768535, 'for': 0.03232743776826288}, {'Railroad': 0.1382458323228836, 'Mining': 0.11835916550785118, 'Railway': 0.10050968727953606, 'Trust': 0.06312978397185265, 'Coal': 0.03705255172098127, 'the': 0.03537257084529748, 'Lumber': 0.029179519181339937, 'Insurance': 0.027365718636636407, 'Manufacturing': 0.02692755434778376}, {'who': 0.15870586025840627, 'he': 0.13324303365490053, 'I': 0.1310885124749037, 'they': 0.09970577989978412, 'and': 0.08775103429755673, 'had': 0.06510380406962957, 'we': 0.0542407768163284, 'she': 0.05334420342918808, 'have': 0.04226284478271554}, {'sale': 0.06556859479257694, 'interest': 0.05558401620658477, 'and': 0.04986359556476273, 'estate': 0.04259662529975478, 'premises': 0.03905956699278411, 'Court': 0.03373223890197704, 'be': 0.03030933583901002, 'line': 0.0300451690297622, 'it': 0.029440412327824263}, {'Mr.': 0.27493780744624713, 'of': 0.09448200253588374, 'the': 0.05253434814582716, '.': 0.045673691198384575, 'Mrs.': 0.04419607669151163, 'and': 0.03446967557342554, 'by': 0.02867246712167871, 'Dr.': 0.026088000321429432, 'to': 0.02598277583460559}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'the': 0.43252834137026475, 'a': 0.17856393761065203, 'The': 0.05997258762146625, 'some': 0.052693083139224016, 'all': 0.047024375767200796, 'and': 0.04434202495187685, 'of': 0.042378584593623654, 'his': 0.03371456767875785, 'in': 0.03283220039730923}, {'of': 0.08919166437101235, 'the': 0.0862305840475545, 'and': 0.07742931166807696, 'a': 0.06675671628244594, 'to': 0.05877650736990306, 'for': 0.04809013251311923, 'be': 0.032637455706768466, 'in': 0.030246197958960684, 'was': 0.02489179355073314}, {'the': 0.21491915202373837, 'and': 0.09100082823720139, 'of': 0.08124826892131712, 'The': 0.04924990980638667, 'these': 0.025919926018890253, 'that': 0.025781934665440865, 'in': 0.021109714438683272, 'to': 0.017750743987262244, 'a': 0.016626160534359734}, {'of': 0.06981575178996034, 'the': 0.061521850063794646, 'and': 0.05517602749578578, 'to': 0.03595942816833691, 'by': 0.02954568451503135, 'Mrs.': 0.025675289297675253, '.': 0.020301621910258225, '<s>': 0.01660640128635205, 'was': 0.011323578040245183}, {'be': 0.21059542961449065, 'was': 0.17042641875743264, 'is': 0.12500834706435882, 'are': 0.11313461663401982, 'been': 0.08130343815706459, 'were': 0.08111136781297676, 'had': 0.04255701183028804, 'have': 0.029770834297743527, 'bo': 0.028311403440506793}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'a': 0.38601951366610476, 'the': 0.20395915396064396, 'to': 0.10045596654665426, 'at': 0.07211086245747403, 'of': 0.04824782116606791, 'in': 0.020025452997915992, 'and': 0.01778104871077274, 'this': 0.016562328054110422, 'tho': 0.01360334852712947}, {'and': 0.12268595617366072, 'of': 0.0826879996634647, 'make': 0.07009124576352062, 'to': 0.06507165472104322, 'with': 0.059872649972740416, 'that': 0.05807516350435734, 'for': 0.05378937997286013, 'as': 0.05012633849141561, 'in': 0.0379510159047614}, {'is': 0.3709352358601019, 'are': 0.15739482551651124, 'and': 0.11227093178487323, 'was': 0.04859995261819095, 'it': 0.04726677615110422, 'Is': 0.046673323166341714, 'but': 0.03819798481860401, 'It': 0.032209770677031985, 'not': 0.022194232496414765}, {'the': 0.12485268683284016, 'and': 0.11209137324216588, 'of': 0.05756674583283732, 'to': 0.05448155168562891, 'be': 0.04899950533937613, 're-': 0.041408028131785304, 'was': 0.03796371778007457, 'is': 0.03675476914508605, 'or': 0.030138444411094326}, {'of': 0.39469798519370963, 'to': 0.08925882201494649, 'for': 0.08251493248520589, 'all': 0.07955637961015054, 'and': 0.07572982505178887, 'that': 0.07429460287507197, 'in': 0.05562434411330336, 'by': 0.05419992619709603, 'with': 0.022508755625169075}, {'the': 0.17339969271781025, 'and': 0.09274845517639616, 'of': 0.05846131094337124, 'in': 0.0582143592941405, 'to': 0.0519259522155776, 'I': 0.03278415084643941, 'a': 0.028540180600083485, 'that': 0.020607918908199453, 'In': 0.02041177398222435}, {'I': 0.17891244689959107, 'we': 0.14549021867294246, 'they': 0.1284899352515329, 'who': 0.1051343531891143, 'would': 0.09531485296032874, 'to': 0.06890206026195482, 'We': 0.0585803690835952, 'you': 0.056982949979101354, 'and': 0.043384696298921964}, {'it': 0.1498348072705582, 'It': 0.11435605693981896, 'there': 0.09310151006548568, 'There': 0.06114534174068963, 'which': 0.04776466423323269, 'that': 0.044308629689141794, 'and': 0.02696526751036528, 'he': 0.022710758718741637, 'man': 0.014253103841518261}, {'of': 0.1666628414612166, 'and': 0.11311585398565469, 'for': 0.10033941805575197, 'as': 0.07521057705382325, 'with': 0.07435189520436777, 'is': 0.07188334687206335, 'to': 0.06610416674618268, 'on': 0.06445095918384972, 'was': 0.059739056936784315}, {'<s>': 0.12119023619418101, '.': 0.020420336361197625, 'it.': 0.016662624098265542, 'them.': 0.012703090315616936, 'him.': 0.008099664154780582, 'country.': 0.007721154807040517, 'time.': 0.007714673144172722, 'day.': 0.007552313424481738, 'year.': 0.006421716675201308}, {'<s>': 0.1349615573710807, 'it.': 0.02060991042712092, '.': 0.01755071857167569, 'them.': 0.014677052995673758, 'day.': 0.010730288111430427, 'time.': 0.009399662053533724, 'country.': 0.009015740437415482, 'year.': 0.008339766694075539, 'him.': 0.008168382909122474}, {'be': 0.36821252053240205, 'was': 0.13451453744460667, 'is': 0.11553608607912946, 'are': 0.09694294918662152, 'been': 0.07614476904595456, 'were': 0.050512071229389915, 'not': 0.039329842295293835, 'and': 0.035948107060068075, 'being': 0.03272564677048931}, {'the': 0.1331954013331003, 'of': 0.10395761905650669, 'and': 0.09166744382168995, 'a': 0.0674867672110823, 'to': 0.04481959524883369, 'was': 0.033914181021321675, 'be': 0.027669522756191306, 'is': 0.023821375196731925, 'been': 0.01992601692954109}, {'and': 0.06520780138552995, 'made': 0.029710908042537912, 'as': 0.02052287529147197, 'was': 0.01949705942221053, 'is': 0.017590348667786217, 'not': 0.016742289947839037, 'but': 0.014753686974875294, 'one': 0.014279653336912286, 'given': 0.013966534201947803}, {'be': 0.21381996589904637, 'more': 0.20577274835229928, 'been': 0.06430935814916681, 'was': 0.05760463071515609, 'is': 0.052228836215393065, 'and': 0.05143505945323186, 'not': 0.042602034313222924, 'it': 0.04001518620838866, 'he': 0.03861436394779016}, {'the': 0.31570451326657867, 'other': 0.18244628766779247, 'of': 0.07257168147715043, 'all': 0.06290740331517401, 'and': 0.05710485307019575, 'a': 0.04423868479516139, 'or': 0.04016566908815214, 'this': 0.030542276609177247, 'tho': 0.02894172487692714}, {'the': 0.18502690037050434, 'a': 0.07372180962598904, 'con-': 0.06954065530397395, 'The': 0.05602822959189912, 'this': 0.050775699255659806, 'This': 0.04459808650852185, 'that': 0.035331948175484566, 'said': 0.029770590131977807, 'of': 0.018170181601410217}, {'the': 0.18703737961685246, 'of': 0.15312226395501935, 'and': 0.059987875198776755, 'to': 0.059746657317172165, 'a': 0.055819212695407065, 'in': 0.055810765800362074, 'that': 0.030426717904541673, 'for': 0.025573153357633483, 'be-': 0.024363703052484607}, {'and': 0.11806801595638686, 'was': 0.0656655564015758, 'is': 0.046792063468053986, 'up': 0.03108395308599868, 'it': 0.03021415321434409, 'made': 0.026603113622950526, 'put': 0.026294257073757266, 'placed': 0.02593741995179731, 'that': 0.025049778326914608}, {'and': 0.1350948781200908, 'of': 0.08416938649765933, 'the': 0.07883588553881102, 'to': 0.06319353765011483, 'be': 0.03245071952652813, 'a': 0.026770205880640798, 'more': 0.02621769628374212, 'in': 0.024296842775432162, 'was': 0.022754130718847965}, {'the': 0.6774959596727329, 'The': 0.05663845835845217, 'tho': 0.037551512044230566, 'a': 0.03144309301152238, 'and': 0.029355340720423305, 'tbe': 0.017242111893629532, 'assistant': 0.014644528155590314, 'or': 0.011905071755965165, 'by': 0.011671929761774865}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'all': 0.08768204176023509, 'it': 0.06525971320845517, 'looked': 0.050572207271972175, 'arms': 0.040098687456877814, 'gathered': 0.03974306471565843, 'look': 0.03851297411977684, 'looking': 0.03814221777399814, 'turned': 0.029482345097051187, 'and': 0.026445164692800407}, {'is': 0.2930104795552089, 'was': 0.17151603101380797, 'are': 0.14901106653543902, 'be': 0.0991321381585652, 'not': 0.057933648607931355, 'were': 0.05280397944422666, 'Is': 0.04047787453844367, 'been': 0.03468785923553173, 'and': 0.034253518887630625}, {'to': 0.5714639143603415, 'and': 0.07306327485598435, 'will': 0.049278537470376874, 'not': 0.04309095019951925, 'To': 0.03495093682354167, 'I': 0.03459421395073363, 'they': 0.033148791278864116, 'can': 0.02541437311521051, 'we': 0.021782371585149656}, {'and': 0.2881068040602637, 'he': 0.07569135213341403, 'be': 0.059979456417020065, 'has': 0.05739363965253846, 'had': 0.05659205056256915, 'have': 0.05118364951240496, 'who': 0.04399786269242446, 'was': 0.04033258146051671, 'is': 0.03596817512717949}, {'is': 0.14659345730600476, 'that': 0.1373296675446855, 'and': 0.1294695009136732, 'have': 0.11915717535817685, 'had': 0.09220602106692159, 'was': 0.08939127348891225, 'has': 0.05485222191156993, 'but': 0.04522269983773699, 'be': 0.04506191610609057}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'was': 0.16155211646655798, 'be': 0.14190348233512112, 'he': 0.12535896798675872, 'been': 0.08838159912517823, 'is': 0.06228565898772539, 'and': 0.04957838239984198, 'had': 0.045190508836776735, 'were': 0.03950680383610164, 'who': 0.0387216243598099}, {'they': 0.11285285287286788, 'who': 0.10788091217281687, 'and': 0.07303227998271403, 'which': 0.048125407584420465, 'men': 0.04700208976636109, 'we': 0.04454680896363019, 'They': 0.028945910896506673, 'that': 0.02588417065279936, 'people': 0.016643103798355267}, {'to': 0.7258992393513815, 'and': 0.09538417051725352, 'will': 0.024458454578590375, 'not': 0.020845820825187926, 'in': 0.016384569053635643, 'for': 0.012926515718446536, 'that': 0.011129429175474543, 'of': 0.01074819666129553, 'I': 0.009283192188202054}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.23786657658301447, 'to': 0.23487112832581472, 'his': 0.11236368772251733, 'and': 0.060717780316994686, 'a': 0.04844086387591811, 'their': 0.04822248159769517, 'her': 0.04621992329255107, 'not': 0.03975043171098547, 'of': 0.03858455419860638}, {'Young': 0.5610008339807083, 'the': 0.09440783021143384, 'Business': 0.03855933613717551, 'and': 0.016153729891300424, 'of': 0.015225354727454548, 'A': 0.01395444275492299, 'a': 0.013322519817913235, '<s>': 0.01115599994399151, 'New': 0.009953118138816433}, {'the': 0.1287053056813113, 'and': 0.09508927028557602, 'to': 0.07119949655636888, 'of': 0.06102613577256228, 'so': 0.03421728976199958, 'is': 0.030015551339827497, 'be': 0.023127371175015583, 'he': 0.020689572386688632, 'was': 0.018665179604157495}, {'a': 0.3359649109888176, 'the': 0.12287545254120184, 'and': 0.10371459641724926, 'is': 0.07903644056291823, 'very': 0.07262031439207314, 'was': 0.05015733868089618, 'are': 0.03540144919556867, 'of': 0.03304712009506517, 'most': 0.0304588362990029}, {'and': 0.09468249737622518, 'depend': 0.03875088893599322, 'based': 0.03863406357657407, 'placed': 0.0380392715961322, 'depends': 0.03779424552216468, 'called': 0.03705486424756454, 'down': 0.03295251281941486, 'made': 0.032658028953724605, 'effect': 0.028685464570585545}, {'and': 0.08275506867079842, 'be': 0.07168989044121427, 'to': 0.06827284676325553, 'was': 0.057164615051106975, 'of': 0.050627678270396735, 'the': 0.03848794997017138, 'is': 0.03452530947358342, 'are': 0.03193038790834214, 'were': 0.031365248834938395}, {'is': 0.3025619329929135, 'are': 0.19330620851078403, 'was': 0.13340578383221655, 'be': 0.11987020060963074, 'were': 0.05204800591487644, 'it': 0.04083249736295359, 'Is': 0.03566251163921821, 'been': 0.03334397055010099, 'and': 0.031612053277200396}, {'was': 0.12758725873945784, 'be': 0.10370515973596797, 'is': 0.07495730723470966, 'been': 0.07175299074415382, 'of': 0.06943224529945541, 'the': 0.06649877447690411, 'and': 0.06550882317149334, 'were': 0.04364845548080582, 'are': 0.04200492668804614}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'part': 0.07268713102532033, 'one': 0.07071065938650846, 'some': 0.043508101530019876, 'out': 0.03575042106872343, 'members': 0.025760665467621124, 'and': 0.022440178638608456, 'tion': 0.02191026583655202, 'portion': 0.021052670553751075, 'side': 0.02092702198887348}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.21814674238099072, 'to': 0.13843796767101882, 'in': 0.106573682679826, 'or': 0.09185706426295126, 'by': 0.06268382415545835, 'than': 0.054326079650483056, 'for': 0.048390470093133214, 'at': 0.04346991760015161, 'without': 0.04339369258660987}, {'J.': 0.0921095348592134, 'C.': 0.08352473875449506, 'W.': 0.08316426410502385, 'John': 0.0810928268680362, '.': 0.07659503308855783, 'James': 0.05099203647816346, 'Mrs.': 0.04680454763987549, 'William': 0.03946343516606525, 'Mary': 0.033913104736486024}, {'and': 0.15996564462503926, 'he': 0.1269515101716922, 'it': 0.09499189777391906, 'is': 0.048915205223404604, 'I': 0.04290662662227926, 'He': 0.037878198973746065, 'was': 0.03658949625829617, 'she': 0.03555011850686675, 'It': 0.0350188973440096}, {'as': 0.11070195627002588, 'up': 0.05467013381520133, 'went': 0.05286897474039456, 'and': 0.05117066165606619, 'came': 0.04067102344177775, 'returned': 0.034530847860265855, 'belonging': 0.03211445218543272, 'back': 0.03176229551226645, 'feet': 0.029667358125574264}, {'he': 0.13458727581061436, 'who': 0.11848622033057085, 'I': 0.09854562952988807, 'and': 0.06936475744092142, 'had': 0.06734034495888355, 'they': 0.0604881561029931, 'she': 0.04673656346025673, 'He': 0.04420907414444004, 'it': 0.0393069312733132}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'the': 0.13864968241240586, 'of': 0.10269302379374311, 'and': 0.07155119031125555, 'a': 0.05719817803491155, 'to': 0.047546566532710596, 'in': 0.032966897594966946, 'for': 0.018607361383593993, 'at': 0.017209408496516074, 'or': 0.013968890044789468}, {'and': 0.1343835917114518, 'that': 0.0972905257832365, 'as': 0.09257188594459628, 'which': 0.04776796629534524, 'when': 0.03136050566011846, 'if': 0.027367706660478396, 'but': 0.021766254596686727, 'If': 0.01298810962902625, 'while': 0.012527190699894582}, {'and': 0.1253484505031286, 'he': 0.09962494101205568, 'who': 0.07064335829870787, 'it': 0.05868988140039728, 'He': 0.042913934813642515, 'that': 0.0382834563726575, 'which': 0.03663538850053536, 'It': 0.03446207401959249, 'they': 0.031357462570099005}, {'to': 0.5827739228675215, 'not': 0.1032856438726728, 'will': 0.07781484513892196, 'would': 0.07102852593943262, 'and': 0.0567523768156949, 'may': 0.018639114009008067, 'must': 0.017167681210187028, 'I': 0.015997269584607954, 'we': 0.013455067814243155}, {'the': 0.29038622512774437, 'minutes': 0.1953113227272694, 'thence': 0.14637030940420673, 'degrees': 0.09840266215912123, 'tho': 0.024813149604236185, 'south': 0.019681592215004894, 'and': 0.019526991960366554, 'The': 0.016906946831802234, 'south-': 0.015579224265546854}, {'for': 0.3401640605019649, 'of': 0.10412226469862772, 'in': 0.08859814012729296, 'to': 0.07326846309907409, 'at': 0.0639030903617022, 'For': 0.060836234484675906, 'and': 0.048701285543773336, 'that': 0.04446389960723283, 'by': 0.041170041639477975}, {'was': 0.11551781266665635, 'and': 0.09685776822930521, 'is': 0.08139256844297785, 'be': 0.04836062801898241, 'it': 0.04461210040726146, 'the': 0.043775186596382167, 'have': 0.042497654130472434, 'been': 0.042229741243658504, 'he': 0.039418608545565684}, {'a': 0.47493305042965556, 'the': 0.25276535889457213, 'of': 0.060506666080116, 'The': 0.042081639095948656, 'in': 0.035026763298878084, 'with': 0.03028309509533627, 'and': 0.026110970470468824, 'no': 0.020034318390977784, 'A': 0.013387062855412864}, {'to': 0.09841821759273948, 'and': 0.09260484230832032, 'of': 0.09256376566872315, 'in': 0.07877417798483456, 'was': 0.053151928258643934, 'the': 0.04549775452320577, 'is': 0.043473641260170226, 'be': 0.04009477519768535, 'for': 0.03232743776826288}, {'and': 0.1306999424364604, 'to': 0.11921842247518692, 'in': 0.05702389809518679, 'I': 0.05256004057011492, 'of': 0.036385388150698104, 're-': 0.03411305898108789, 'the': 0.028526022650604464, 'not': 0.02461422548785277, 'he': 0.02216497128619617}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {';': 0.0181673580005401, 'it,': 0.011648995394794292, 'him,': 0.00827644171903528, 'them,': 0.008274220604184947, 'one': 0.007715897523943541, 'years,': 0.006881883300777614, ',': 0.006795508465188345, 'county,': 0.006053187624297671, 'city,': 0.005938350680117762}, {'<s>': 0.09385095275061688, 'it.': 0.0214939434169521, 'them.': 0.016545494302775063, '.': 0.011071212713526022, 'time.': 0.009024954578327513, 'country.': 0.008994765337129791, 'him.': 0.008489823479007638, 'day.': 0.007182798842692666, 'year.': 0.006632580515626421}, {'and': 0.1410955343884449, 'that': 0.12303564197297256, 'as': 0.07054468343885685, 'but': 0.05912647971565052, 'when': 0.05619182022146332, 'which': 0.03254170101322555, 'if': 0.029036142187696925, 'When': 0.02485039327366543, 'what': 0.023081908911575147}, {'and': 0.10085138601143619, 'of': 0.0807343720826151, 'the': 0.07123850441952267, 'be': 0.0643592802049583, 'is': 0.04668815053062012, 'was': 0.040438502295121775, 'to': 0.03352932259760292, 'in': 0.03019516087392724, 'as': 0.024541780340887775}, {'and': 0.1538476131266569, 'of': 0.12312318410279477, 'the': 0.09475331446302995, 'to': 0.07468508051654, 'a': 0.03392898917221034, 'in': 0.024452297327658447, 'that': 0.022432723848562947, 'as': 0.021396568445531963, 'or': 0.01798996531619415}, {'the': 0.14743239318057602, 'of': 0.08227068190919354, 'and': 0.07695350024461478, 'a': 0.043765640652139774, 'to': 0.03167259397631241, 'in': 0.02691176701222486, 'by': 0.024172796969718163, 'for': 0.020295502313033016, '.': 0.019968898823186126}, {'the': 0.558615592555982, 'an': 0.09406159579190079, 'a': 0.07328578162201105, 'of': 0.04606521187221682, 'The': 0.029728864919892604, 'tho': 0.029426647173238413, 'our': 0.02142643395745613, 'in': 0.019723339455039127, 'good': 0.015862754547680085}, {'the': 0.17453822458954663, 'and': 0.10213761372906591, 'of': 0.06122565584550974, 'to': 0.048356080627579505, 'a': 0.03141237015224878, 'that': 0.02519701648554594, 'I': 0.02154102727524522, '.': 0.01783121735321749, 'will': 0.01765975424033129}, {'the': 0.20433102728306193, 'a': 0.14043876001151245, 'of': 0.08603003094946066, 'and': 0.059522383987974964, 'that': 0.02929514078379868, 'in': 0.02733910117807321, 'an': 0.024858043529433268, 'The': 0.02135015585946075, 'to': 0.021298456893820327}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.18677992631066015, 'a': 0.18360981185117795, 'was': 0.10510134324300756, 'is': 0.07185262974384918, 'and': 0.06774864297481353, 'that': 0.05060129685460878, 'are': 0.047478537502544646, 'but': 0.04448576188408735, 'be': 0.04176139087532889}, {'the': 0.7028265021282746, 'of': 0.07461384517295323, 'a': 0.05954973470703509, 'tho': 0.03033012287469824, 'every': 0.018154923722109757, 'and': 0.016981897862898276, 'for': 0.01621531317103271, 'The': 0.015284133765715734, 'this': 0.014475925228072513}, {'is': 0.16688891866606584, 'was': 0.12398214291699491, 'are': 0.10504473077917895, 'did': 0.10125319919436176, 'do': 0.09241446939744932, 'could': 0.07426940987205648, 'and': 0.06504621694397594, 'does': 0.062297211422845195, 'will': 0.06217440315044117}, {'the': 0.31100210046706706, 'an': 0.09390465511024193, 'a': 0.07768856636560666, 'to': 0.06662557635805724, 'and': 0.05918760379244681, 'his': 0.051363167241947956, 'per': 0.026893602017573643, 'from': 0.02660002648645545, 'my': 0.026024678963698825}, {'the': 0.45745861078686983, 'White': 0.09586676874514745, 'a': 0.048695829447594326, 'Opera': 0.043790296804597305, 'this': 0.04071439416387353, 'tho': 0.019579592674514628, 'Court': 0.015221203682086465, 'States': 0.014806786230692702, 'that': 0.013040040209991843}, {'the': 0.3729666658058058, 'a': 0.296870467209076, 'large': 0.1314124186191886, 'The': 0.04975870193367932, 'great': 0.03928301760455747, 'tho': 0.034502542157808666, 'one': 0.015311236413400113, 'small': 0.012568750199422345, 'other': 0.010984463430791163}, {'the': 0.5209799566970369, 'of': 0.1162658486791829, 'in': 0.06872828289336881, 'his': 0.04123285853335278, 'tho': 0.035049000889659426, 'for': 0.02705880177801168, 'a': 0.022900327738228282, 'The': 0.021160712503320328, 'this': 0.01966623669657939}, {'of': 0.18139139432315418, 'as': 0.12257327473007376, 'to': 0.08804042556853464, 'for': 0.08698787366555097, 'is': 0.08369036330928312, 'and': 0.07906017552132849, 'in': 0.0764645814879856, 'was': 0.07414621495363767, 'with': 0.06922440317081287}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'more': 0.5499233706020894, 'rather': 0.11029581958969352, 'less': 0.07929621695432008, 'better': 0.07695733916401816, 'greater': 0.01729001908287242, 'other': 0.01600231538681886, 'worse': 0.01525410580967429, 'and': 0.009751505264077987, 'larger': 0.006745015107129677}, {'of': 0.18028133838643423, 'in': 0.14376875034211875, 'for': 0.10354861711674161, 'with': 0.0890373007969422, 'was': 0.06951627477548086, 'to': 0.06793982878405361, 'and': 0.06630182044930066, 'by': 0.0564119768932734, 'is': 0.049272245075126724}, {'and': 0.0687919268141884, 'of': 0.04843026424467078, 'set': 0.04301807490763051, 'was': 0.039872521273860366, 'them': 0.026637172832429026, 'well': 0.025415852478316535, 'for': 0.024354775401160496, '.': 0.022703371906145083, 'are': 0.021830073724089266}, {'the': 0.17349923114220756, 'Hood': 0.15378004512752994, 'Hudson': 0.061011172939223174, 'Fall': 0.045322919015552736, 'Red': 0.03928776960078172, 'and': 0.03693688105313244, 'Mississippi': 0.02754962827591223, 'The': 0.02377636970690868, 'Snake': 0.021945264042192287}, {'he': 0.18572760485285789, 'which': 0.10197855058130445, 'and': 0.07698354171627259, 'who': 0.07054844876387589, 'that': 0.0556648799768946, 'it': 0.05333870924204689, 'He': 0.05310440402226404, 'It': 0.039740067727653317, 'she': 0.02144665039434494}, {'and': 0.08303081488460422, 'of': 0.06778879734029519, 'the': 0.05564108381737183, 'was': 0.05014862179405274, 'about': 0.04282455937063703, 'be': 0.04049473910780557, 'to': 0.038876068375314925, 'west': 0.03552881539114281, 'east': 0.03246403913340764}, {'to': 0.10196349526180964, 'the': 0.0770086084272617, 'of': 0.06925594890757877, 'be': 0.054243653158207825, 'was': 0.0530727812338096, 'and': 0.04968488509028183, 'in': 0.04712510729957753, 'is': 0.033912881567987004, 'on': 0.03280688155792231}, {'the': 0.26587464711405534, 'a': 0.16716088744309177, 'of': 0.060170234721157005, 'and': 0.0482885175291491, 'in': 0.040632049232920214, 'The': 0.03857288728851648, 'an': 0.03676037734469624, 'to': 0.02034422938134729, 'Mr.': 0.015950221888624338}, {'of': 0.3575772259412128, 'for': 0.1318186417576025, 'to': 0.08507435773318031, 'in': 0.07841039021265508, 'by': 0.0632493303061932, 'that': 0.0628315317597303, 'and': 0.05841506466958238, 'all': 0.036262652021426416, 'with': 0.03562167786426882}, {'the': 0.16034095759089487, 'of': 0.08337930770201633, 'and': 0.08167606873219838, 'a': 0.06797230011329618, 'to': 0.06200499524654075, 'be': 0.030872590248614943, 'was': 0.024646243111901316, 'or': 0.02030169971211091, 'is': 0.017847106309518128}, {'of': 0.07930288927016302, 'and': 0.051923269108485326, 'in': 0.03498742028583692, 'that': 0.024874288713177675, 'from': 0.021809859429294903, 'one': 0.019570311821820598, 'to': 0.01636013330497575, 'by': 0.01531807659912095, 'at': 0.014113411079115965}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'and': 0.12736406877079495, 'the': 0.11092420913138946, 'to': 0.06378677253145253, 'of': 0.057196398190794355, 'a': 0.04036240300440353, 'or': 0.03922419265170544, 'be': 0.03753068388732642, 'was': 0.03712256587983413, 'is': 0.03516423370584931}, {'the': 0.10599006328499508, 'of': 0.10492083444098833, 'to': 0.07215680546553416, 'and': 0.06555993484917966, 'be': 0.04394884209126089, 'was': 0.04028794648735342, 'in': 0.03745889035539018, 'is': 0.03716616685200226, 'on': 0.03458913154836888}, {';': 0.01429762594221345, '.': 0.009992355436026343, 'in': 0.008683012842927372, 'city': 0.0066807370078036075, ',': 0.0066317026717408615, 'State': 0.00637217759342951, 'him': 0.006180115495120887, '': 0.0049587253344807085, 'up': 0.004957806027625326}, {'and': 0.12268862888949664, 'was': 0.052188916962032934, 'put': 0.04131069456616543, 'placed': 0.03662186855147224, 'is': 0.028927225435486856, 'that': 0.028624795021881536, 'payable': 0.02562674586321559, 'one': 0.021141945920359118, 'committee': 0.02094639214405249}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'<s>': 0.05853076640687723, 'that': 0.05360000315563107, 'and': 0.028468892423494714, 'it.': 0.024960893987115183, 'but': 0.01735835078593881, 'as': 0.014815840893292666, 'them.': 0.014318802615316317, 'country.': 0.011732596730942993, 'of': 0.011348659858762027}, {'to': 0.7344829925545199, 'would': 0.06751188589717462, 'will': 0.057658560299574294, 'not': 0.03593348941654026, 'and': 0.021926154509415558, 'can': 0.019412959974452308, 'could': 0.01921687461546284, 'may': 0.016642277583315372, 'should': 0.013524761909895617}, {'of': 0.3900149925776274, 'in': 0.12160166025545253, 'on': 0.09377962489448588, 'to': 0.07955763847990031, 'for': 0.058665634141696836, 'from': 0.049617764189091106, 'at': 0.044305473531501376, 'and': 0.04299280088933831, 'with': 0.0324341201259742}, {'W.': 0.167353607403891, '.': 0.08668970159258421, 'J.': 0.06590426888093294, 'H.': 0.05281839500814515, 'E.': 0.05002039152092427, 'Miss': 0.04760127804992878, 'A.': 0.04688154953932032, 'Mrs.': 0.04259691731011622, 'F.': 0.03834748114973141}, {'of': 0.2759812246870387, 'in': 0.09622754438691586, 'for': 0.08933785843753703, 'and': 0.08900238203790771, 'to': 0.07525926868146338, 'as': 0.06802064563901142, 'with': 0.06736796060460234, 'by': 0.062066993884672496, 'that': 0.049281760986441076}, {'a': 0.37849846513221946, 'the': 0.16955455625704002, 'each': 0.0762690271694238, 'The': 0.06669961059723262, 'one': 0.06006861287136937, 'this': 0.04380196699027124, 'every': 0.0368155149068457, 'Each': 0.036332705176202205, 'and': 0.03573688032143165}, {'the': 0.1978009408465639, 'a': 0.11753803171812748, 'of': 0.09161051390501823, 'and': 0.05172919888264327, 'that': 0.03901567871628772, 'any': 0.034938118202641345, 'to': 0.03253441380892212, 'by': 0.032505989850769426, 'The': 0.024104474624433936}, {'protest': 0.09213721161722925, 'and': 0.059085518278957645, 'up': 0.03899619508924092, 'made': 0.038194138081999875, 'voted': 0.03463083273212171, 'claims': 0.03305647796696318, 'vote': 0.030795176454426507, 'guard': 0.03054644504584456, 'fight': 0.030335045152437037}, {'of': 0.3430432392673812, 'to': 0.07206872722829315, 'by': 0.03859279697937845, 'in': 0.038342465002825184, 'and': 0.0358167955609814, 'that': 0.02756742082145459, 'with': 0.027437433855879427, 'at': 0.026767789967898845, 'is': 0.021423580613792476}, {'of': 0.19211034683386075, 'for': 0.1647006982492155, 'to': 0.09952920840810284, 'in': 0.09432990344669633, 'with': 0.08741046780166052, 'do': 0.04518847047778444, 'from': 0.031752775403500334, 'and': 0.029488927837670754, 'on': 0.028930069291393218}, {'feet': 0.11744196397398872, 'and': 0.052963996844601964, 'sent': 0.04247105766037273, 'according': 0.0424012171468434, 'down': 0.036928031651782274, 'went': 0.036832936372144943, 'as': 0.033951966232160666, 'up': 0.03328962484691877, 'regard': 0.03192629060457238}, {'the': 0.1394878127791996, 'of': 0.09425458702553927, 'a': 0.07398512771225117, 'and': 0.05458322688582762, 'to': 0.048337817076455375, 'in': 0.03533607952837629, 'on': 0.025926831660757696, 'be-': 0.02287336332346917, 'his': 0.019127563514587432}, {'an': 0.3293791583572891, 'to': 0.1737695868971153, 'the': 0.11989817275346526, 'no': 0.0562293304094002, 'I': 0.04327704108066029, 'will': 0.04187516889380462, 'and': 0.03942420989558203, 'not': 0.03352075537681362, 'any': 0.027836073993266427}, {'the': 0.5311190908409161, 'The': 0.060710479044843724, 'con-': 0.051079380730019934, 'tho': 0.035669866936667675, 'a': 0.034564675304902766, 'and': 0.03301693094398637, 'tbe': 0.016214767004168955, 'of': 0.014647608505730892, 'an': 0.014290048418445148}, {'to': 0.2907989276723902, 'will': 0.20490827637539968, 'should': 0.08795939248339396, 'may': 0.0768382634905077, 'would': 0.0745881461533338, 'can': 0.0674758106086441, 'could': 0.052828423284637764, 'must': 0.047846272375928735, 'shall': 0.045072299830390385, 'not': 0.04168418772537365}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.350593770311935, 'and': 0.1380581311386399, 'that': 0.11518996904418863, 'all': 0.06620633321204844, 'by': 0.05592312569771673, 'to': 0.04094977622372896, 'for': 0.037954075595037606, 'with': 0.03352530282736503, 'as': 0.027308153949963783}, {'and': 0.07322016613818749, 'more': 0.03175887165066099, 'that': 0.028725253528253194, 'of': 0.023905494618508535, 'it': 0.02212208576921635, 'as': 0.021907754203852742, 'be': 0.019604756465234366, 'was': 0.019439690134643858, 'is': 0.016379317701934206}, {'the': 0.6486716278559426, 'and': 0.11644619514658533, 'The': 0.03804567764162874, 'tho': 0.027922055147695756, 'said': 0.018106369517594346, 'certain': 0.015589876962563228, 'of': 0.01415738247065602, 'or': 0.014127871334004526, 'tbe': 0.012240083618705211}, {'that': 0.3345512742389842, 'and': 0.12875264759211338, 'which': 0.0883586494584875, 'as': 0.06188018321282583, 'but': 0.057236991740598625, 'where': 0.0471276030681056, 'when': 0.03951335856178923, 'if': 0.03809669295976973, 'what': 0.023393439321314238}, {'the': 0.3620907856893671, 'a': 0.09627487505385318, 'his': 0.09481776342824212, 'The': 0.08887822858635235, 'and': 0.07552525572262525, 'that': 0.043534990406184464, 'their': 0.04320440771823878, 'my': 0.04100365943774751, 'our': 0.040835660850098265}, {'as': 0.43372189586177956, 'is': 0.13187143154809436, 'be': 0.07511619562282094, 'best': 0.056168994960956155, 'was': 0.053208617443888814, 'it': 0.04596071852659005, 'and': 0.04161337988332573, 'im-': 0.03374623265837211, 'not': 0.025814088968131605}, {'of': 0.2496026056286884, 'in': 0.16222563346434815, 'at': 0.12964854182420552, 'to': 0.10696577230798004, 'on': 0.0681599943564462, 'and': 0.05352926152124969, 'that': 0.050825363550309845, 'from': 0.04885428022741563, 'for': 0.04846808667287455}, {'and': 0.11354139657237752, 'made': 0.05390830480452834, 'or': 0.050053552848218795, 'that': 0.039359896511606506, 'him': 0.028351602857972166, 'only': 0.028350831697921762, 'it': 0.0238185031764946, 'but': 0.020008462437273913, 'accompanied': 0.019874822810414642}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'that': 0.20041013993590526, 'and': 0.10620922764734375, 'but': 0.058873189470263106, 'if': 0.045267927062072215, 'as': 0.04280850424835493, 'which': 0.041210362855158784, 'when': 0.04080958301886744, 'what': 0.0229588295997968, 'If': 0.02188272812655254}, {'in': 0.37844060308166017, 'of': 0.2808506830765694, 'In': 0.06734562501775196, 'to': 0.06414894398402747, 'for': 0.04323820438663038, 'by': 0.030316381589700556, 'that': 0.0299475912263599, 'into': 0.027790739575585, 'on': 0.027392544374691578}, {'the': 0.608671238959472, 'of': 0.06963675862286368, 'a': 0.05580338982597188, 'American': 0.03757622033215112, 'our': 0.031105593647946142, 'other': 0.031032163970748695, 'tho': 0.029175329943268626, 'The': 0.023886671051024794, 'his': 0.017363770025221912}, {'her.': 0.039958534554324195, '<s>': 0.028562913371226167, 'it.': 0.022536023663240787, 'him.': 0.01487083043756594, 'them.': 0.010710285857993168, 'day.': 0.007639313090159269, 'life.': 0.007238605851625691, 'years.': 0.007149825858410015, 'time.': 0.006745152983986669}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'of': 0.12642654347255788, 'and': 0.06920770004749957, 'in': 0.04113063429839098, 'to': 0.039460944154770555, 'that': 0.029877787057406513, 'on': 0.02517998801676788, 'for': 0.024471087243369164, 'things': 0.01672232242668383, 'those': 0.013689248065138443}, {'be': 0.19182523934885026, 'is': 0.14526096127359137, 'are': 0.11880798242359746, 'was': 0.08708562815349317, 'and': 0.07108020552740563, 'not': 0.06401261859205214, 'been': 0.06083648161710445, 'were': 0.038398960554887375, 'well': 0.03614450901444643}, {'the': 0.24204844191138408, 'and': 0.13895955462466095, 'of': 0.09618898844510544, 'to': 0.08795743606686199, 'a': 0.031034259204132067, 'The': 0.029681924245937834, 'not': 0.02601861273982776, 'in': 0.02545919623760239, 'their': 0.02387971223615598}, {'the': 0.23453939907556431, 'their': 0.1569362047608512, 'his': 0.1345174913888006, 'of': 0.06805182614810858, 'her': 0.058839300556302696, 'my': 0.04182970703306126, 'and': 0.029377866346734983, 'our': 0.028982803119178623, 'its': 0.028324218600243752}, {'would': 0.1803779577972528, 'and': 0.16860005978179207, 'but': 0.08132130836053185, 'will': 0.06981400485564014, 'the': 0.05603786637075169, 'do': 0.051840569702338364, 'or': 0.043310607441515735, 'a': 0.04163045660319235, 'is': 0.040490183514026654}, {'and': 0.0864119956563401, 'that': 0.0598403279054489, 'Committee': 0.04577219816633978, 'committee': 0.04237843780815832, 'was': 0.019650694917016383, 'going': 0.017746190728373856, 'work': 0.017655680318227396, 'one': 0.01680061058892637, 'or': 0.015306694873881003}, {'the': 0.1528681788185473, 'of': 0.12698854689531594, 'and': 0.11718300275611758, 'to': 0.034947213056803574, 'in': 0.03227453903759992, 'be': 0.028357413195681642, 'that': 0.024563610421726178, 'which': 0.02397710708165288, 'much': 0.023089382826888213}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'and': 0.153538780299108, 'to': 0.11250967504516964, 'he': 0.05326685963268479, 'of': 0.039389162677659545, 'in': 0.029835511488544183, 'the': 0.02874965320119883, 'was': 0.02757525168411791, 'that': 0.025145495224315483, 'for': 0.024545051409638103}, {'and': 0.11422183106218325, 'just': 0.09556861609677492, 'is': 0.08062852061118761, 'be': 0.04821010390898342, 'much': 0.04804618749488266, 'far': 0.0478247208018374, 'are': 0.04689794015475045, 'not': 0.04381183129534968, 'but': 0.043607655363285515}, {'the': 0.34600733604667666, 'his': 0.10292285227031084, 'their': 0.09698822424739353, 'of': 0.09286836805643857, 'her': 0.06386261205477645, 'our': 0.06277892189658593, 'its': 0.058858526853593995, 'great': 0.04217792546666247, 'this': 0.038500183780821255}, {'the': 0.5936314030503123, 'his': 0.07656315574044083, 'a': 0.07332700591010718, 'their': 0.03307244291187865, 'this': 0.03102640800271673, 'tho': 0.02973022516561645, 'her': 0.027583462209109, 'of': 0.022289951958866527, 'The': 0.021472674177766025}, {'of': 0.18288366087034647, 'in': 0.1184984403276124, 'and': 0.1078527049737796, 'with': 0.08991361349556164, 'to': 0.07560580439494713, 'for': 0.06877258275204096, 'by': 0.05617723142005631, 'such': 0.05493785642595405, 'as': 0.05351516086184774}, {'to': 0.2587685857362462, 'the': 0.18602436385396057, 'a': 0.15170667585049877, 'and': 0.07732426224565483, 'will': 0.06637212932338564, 'we': 0.0502444851134342, 'not': 0.04944063073650496, 'would': 0.03955718490635291, 'you': 0.03555768585732577}, {'the': 0.49679346479776215, 'a': 0.12349410745397323, 'gold': 0.05290439117980607, 'The': 0.04610954570073002, 'tho': 0.04562521355296246, 'and': 0.041006512344680675, 'high': 0.030128567675367333, 'any': 0.022709973439815297, 'other': 0.01575509247519463}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'<s>': 0.04356344150831647, 'it.': 0.03152151724772709, 'them.': 0.015211090875651364, 'him.': 0.013141812364416623, 'country.': 0.008594578329545988, 'time.': 0.007326231109580502, 'again.': 0.006428483543097451, 'years.': 0.006246031540682972, 'life.': 0.006117222005701853}, {'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}, {'the': 0.4011999969821885, 'a': 0.08780057142489259, 'and': 0.055665159377879754, 'of': 0.053901433456347174, 'this': 0.05197858568127591, 'any': 0.04876108317428529, 'to': 0.044962809683281625, 'our': 0.043199661310110264, 'The': 0.03753465202200421}, {'they': 0.18996007944327517, 'who': 0.1182144638051304, 'we': 0.0743962423297752, 'which': 0.06690730008318146, 'and': 0.056327029364206256, 'They': 0.04614544932790756, 'that': 0.04264823507914636, 'We': 0.03562950137178013, 'there': 0.029796500775249576}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.23764211708823113, 'Supreme': 0.16113389847227172, 'said': 0.1038752767441591, 'District': 0.05283922631663282, 'Circuit': 0.04890871658969254, 'County': 0.047158428185910393, 'Probate': 0.04509236957798874, 'of': 0.0441797615793335, 'this': 0.0396627486147101}, {'it': 0.15785936948542273, 'which': 0.08580605930919047, 'and': 0.0819442909747207, 'It': 0.069776970338638, 'there': 0.06016485408862491, 'they': 0.046337679765078826, 'who': 0.035145108590665344, 'we': 0.03347664880809658, 'that': 0.03140563108367762}, {'of': 0.3707655425483162, 'to': 0.09072213089648462, 'and': 0.08544707848300355, 'that': 0.07966114403126412, 'in': 0.06766182451465075, 'with': 0.06322264484727348, 'by': 0.04895631643534286, 'for': 0.048819803417246385, 'from': 0.03927138034725062}, {'he': 0.14379030384335245, 'I': 0.12883071667677642, 'have': 0.08659656151501058, 'had': 0.0857776772925965, 'who': 0.08264135461195955, 'and': 0.07866453908056835, 'we': 0.06333464956925207, 'they': 0.06121567932504116, 'has': 0.06031779942166617}, {'in': 0.21810267994563326, 'of': 0.16165119344146095, 'to': 0.08900827084665593, 'with': 0.07588717977228589, 'from': 0.0632499882582556, 'for': 0.05692518660417316, 'by': 0.054953796678597205, 'upon': 0.044414967008923174, 'on': 0.041597890767642996}, {'New': 0.6165300240424, 'the': 0.05043911172517773, 'and': 0.03905358772664186, 'of': 0.030531313340327767, 'in': 0.024984912988459663, 'on': 0.018099403699242036, 'to': 0.016911208183106475, 'a': 0.014559739977948788, 'for': 0.014387075047442716}, {'and': 0.09352010159871957, 'recorded': 0.06130845782857803, 'is': 0.04855708638476057, 'was': 0.04762714617145134, 'that': 0.03763925710096855, 'up': 0.03407619486568021, 'held': 0.03228435108721955, 'made': 0.029024211947625413, 'time': 0.028945224061077433}, {'and': 0.09508743150790734, 'was': 0.02956497590522634, 'up': 0.02756488138552747, 'that': 0.02253917228590667, 'is': 0.017374088988538695, 'recorded': 0.01672251033686984, 'them': 0.01573510427499588, 'feet': 0.015471071289907667, 'situated': 0.014893166272223056}, {'of': 0.10631112473892627, 'the': 0.09943241832474299, 'and': 0.08159794106622675, 'to': 0.08044019399615582, 'a': 0.0411705846870669, 'be': 0.032482607452970214, 'was': 0.026600329505008413, 'or': 0.02456876992697593, 'is': 0.021232665187409037}, {'feet': 0.09124682453705052, 'poles': 0.0730701371555321, 'up': 0.05088279168420823, 'chains': 0.04885658892872941, 'entitled': 0.03694920633644442, 'went': 0.034748145318504654, 'came': 0.03280590556373315, 'down': 0.032521221296211, 'him': 0.032446562119539564}, {'the': 0.1416320096070508, 'of': 0.06564090144985674, 'a': 0.04639103707313223, 'and': 0.044417596082496145, '.': 0.03712411281752827, '<s>': 0.02052143944393303, 'The': 0.015645341604098466, 'A': 0.013488863233686746, 'on': 0.012720200024989166}, {'in': 0.07611205453270671, 'and': 0.04581002072910347, 'well': 0.03983368157032492, 'of': 0.029667084093863285, 'known': 0.019024180963800996, 'on': 0.015055566538588874, 'made': 0.013429653928878625, 'In': 0.010665431400587469, 'far': 0.007793072462375112}, {'the': 0.28983479033701987, 'a': 0.11251744382074304, 'this': 0.07456376435297112, 'next': 0.06048541300751577, 'to-': 0.04645619668683852, 'per': 0.04355486747176688, 'that': 0.04078307272428055, 'one': 0.03790390072076956, 'every': 0.03752887034741304}, {'was': 0.26542061016940466, 'is': 0.215311474618673, 'and': 0.10338887166624065, 'be': 0.08543737570403763, 'it': 0.05892702403179678, 'are': 0.052764411702064404, 'were': 0.051411540489235935, 'as': 0.047911802595099445, 'been': 0.04432867770498968}, {'and': 0.02357741295238165, 'it': 0.02315461299710797, 'him': 0.019788031970425602, 'the': 0.018412416801514453, 'made': 0.01658664747283135, 'them': 0.015521868098634654, 'well': 0.012190210211235956, 'up': 0.010656255064854769, 'me': 0.010007212906842585}, {'the': 0.21632512297811712, 'of': 0.14873675898018232, 'raw': 0.1318041822405434, 'and': 0.07243619082875714, 'his': 0.04513474806856249, 'with': 0.044903869218930595, 'a': 0.04373479012490084, 'their': 0.03466444900702799, 'or': 0.033170801984076966}, {'a': 0.5382425272962645, 'the': 0.21796253202943092, 'his': 0.03168246368360993, 'and': 0.031040591530379948, 'The': 0.026869252941880802, 'their': 0.02427398242846792, 'every': 0.019154992501740905, 'A': 0.017905093165191923, 'of': 0.01765825414612024}, {'of': 0.23486932924098777, 'for': 0.10977340473719531, 'to': 0.1020014246314872, 'or': 0.09152021112990619, 'by': 0.08557348088014037, 'in': 0.08543926442921852, 'without': 0.07283145268876423, 'that': 0.05006586842254653, 'with': 0.045820033133563635}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'the': 0.577791076106713, 'a': 0.11946282269543669, 'The': 0.07615932708709094, 'in': 0.037023760039075024, 'tho': 0.03476170714244731, 'and': 0.027715012074861278, 'of': 0.02079896857277076, 'on': 0.01828246395048061, 'tbe': 0.014811621590714823}, {'J.': 0.0921095348592134, 'C.': 0.08352473875449506, 'W.': 0.08316426410502385, 'John': 0.0810928268680362, '.': 0.07659503308855783, 'James': 0.05099203647816346, 'Mrs.': 0.04680454763987549, 'William': 0.03946343516606525, 'Mary': 0.033913104736486024}, {'was': 0.23079747340869178, 'and': 0.14285865828506722, 'is': 0.13196092595728678, 'the': 0.07844332298828714, 'are': 0.06993309495079937, 'were': 0.06779855218831268, 'an': 0.05982208389084233, 'be': 0.05670587800725108, 'I': 0.036905925095692856}, {'all': 0.15412061640696553, 'and': 0.07585490560947197, 'it': 0.05969507336756214, 'went': 0.05386718808703616, 'go': 0.04263541563119453, 'looking': 0.04157728911593899, 'turned': 0.041327881617825, 'was': 0.03704218880724083, 'get': 0.03542746793668105}, {'W': 0.10885086180981304, 'M': 0.08962385808542442, 'J': 0.08815037885305665, 'C': 0.08144449491961595, 'S': 0.07565573974651656, 'E': 0.07480965297703332, 'A': 0.07089097266370924, 'H': 0.06872129070148511, 'B': 0.06456748181320644}, {'a': 0.5624190575742004, 'the': 0.14708629848740593, 'young': 0.0508111140184308, 'chair-': 0.032032211746053044, 'every': 0.02662506740067197, 'A': 0.024257253155184032, 'any': 0.021205822479731337, 'The': 0.01952034462172054, 'no': 0.016334410699180592}, {'<s>': 0.05847531630627239, 'it.': 0.04498375396104229, 'you.': 0.042874079559089194, 'them.': 0.023821533033674673, 'me.': 0.015440837182817855, 'letter.': 0.012588531280491084, 'him.': 0.011680994934106445, 'time.': 0.010818657845246066, 'life.': 0.009419687462632565}, {'the': 0.6209651234568575, 'a': 0.08970246474483096, 'and': 0.052263994807289896, 'tho': 0.03598979181506892, 'The': 0.03325306212419464, 'his': 0.018668386747440157, 'their': 0.015296686656710759, 'of': 0.014263311705553677, 'or': 0.014234992730357403}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'was': 0.18656790673364074, 'and': 0.1481382682973375, 'be': 0.12689885898320116, 'been': 0.11491024794162247, 'day': 0.07992154221606708, 'is': 0.06805708373550491, 'complaint': 0.043187240105052364, 'were': 0.042371694721217, 'duly': 0.029402145480859287}, {'of': 0.3142291982237348, 'to': 0.11676452722786078, 'in': 0.1029116431433375, 'and': 0.09792611507709745, 'that': 0.08701785362944625, 'as': 0.04841057078293892, 'by': 0.04018326432079978, 'with': 0.03781793679791004, 'for': 0.036908202603304574}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'and': 0.10122472601855723, 'place': 0.07449154636386747, 'point': 0.04108496051126098, 'places': 0.03451323176543779, 'know': 0.03309215080143362, 'or': 0.0256840871056595, 'that': 0.022931727362692753, 'spot': 0.021515915556916933, 'cases': 0.01860443981851849}, {'it': 0.1898936989228213, 'It': 0.08998462207640943, 'there': 0.0790469860324584, 'they': 0.06140208113455, 'that': 0.05582443981464942, 'which': 0.05166683548741283, 'he': 0.0503760176127662, 'and': 0.049222407474872956, 'I': 0.03738029063895694}, {'is': 0.0848196618407186, 'was': 0.06722564443572522, 'able': 0.06553031074839431, 'and': 0.061122421355825435, 'him': 0.0601029890522793, 'had': 0.05766983129268836, 'have': 0.05435385769639387, 'enough': 0.044612038609656096, 'as': 0.03964506341164541}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'the': 0.35210444827579385, 'a': 0.18550055222880224, 'Republican': 0.10959075280361771, 'Democratic': 0.08483416033377404, 'democratic': 0.04402940946995364, 'republican': 0.038969360418127805, 'The': 0.027172581112050575, 'of': 0.02586262252002342, 'his': 0.02434039435666546}, {'the': 0.3887524200604564, 'of': 0.13814129022428306, 'a': 0.11887717754085497, 'and': 0.05611386645782401, 'in': 0.0480320163883396, 'his': 0.022968993103890077, 'to': 0.021991880251413343, 'tho': 0.02091224802661264, 'this': 0.02088604399959831}, {'provisions': 0.08155268622048072, 'copy': 0.07438298592748818, 'date': 0.061886723423349964, 'part': 0.06076408457322527, 'one': 0.05124169281485493, 'out': 0.04701489352502034, 'people': 0.04423834088325635, 'publication': 0.03792894646628187, 'members': 0.026565416948037213}, {'it': 0.14814379514494458, 'It': 0.146170482997488, 'he': 0.09546716605751586, 'which': 0.07228840575714467, 'and': 0.06067983274796756, 'This': 0.060052326101234954, 'there': 0.04419985159407814, 'that': 0.04141351039979141, 'He': 0.040529289086990085}, {'the': 0.25111881998482516, 'of': 0.21271127738856552, 'a': 0.18204998023429217, 'and': 0.07454161612898946, 'in': 0.061851725556767524, 'to': 0.038532017949242776, 'that': 0.03775285465928874, 'for': 0.035146785332883394, 'The': 0.02734791607710146}, {'and': 0.1250795051877034, 'the': 0.10292328948820151, 'of': 0.07505298011482579, 'to': 0.056805218440021385, 'a': 0.03941506032018545, '.': 0.03276472114335649, 'Mr.': 0.0247622395529978, 'his': 0.0184460431409338, 'in': 0.016410220054438377}, {'the': 0.47663057406542075, 'in': 0.09338552066188953, 'an': 0.08659011930579319, 'and': 0.05134017702967444, 'of': 0.03829588385145576, 'tho': 0.03227692384379138, 'The': 0.030473471649922923, 'In': 0.02805203829369706, 'any': 0.02362604896143486}, {'a': 0.2769632874226765, 'the': 0.26271504580050303, 'and': 0.10722281897830203, 'most': 0.05078499419166548, 'The': 0.03530466086847247, 'all': 0.03189422690199086, 'some': 0.029074627346533582, 'of': 0.025998506984970776, 'or': 0.022405125279327778}, {'there': 0.21426944508257625, 'There': 0.1385719919544182, 'they': 0.12146128599886358, 'you': 0.06880862646875276, 'who': 0.06460673364107168, 'we': 0.04719588249065641, 'which': 0.04270802962911606, 'They': 0.03979691282078745, 'and': 0.036626034163309076}, {'have': 0.32887155133720375, 'has': 0.24895905763348003, 'had': 0.22590914112393295, 'not': 0.03306029363479426, 'having': 0.031227273372102876, 'bad': 0.015119581515317919, 'ever': 0.01396193234990098, 'never': 0.013874593128404347, 'havo': 0.010591857273078738}, {'he': 0.2721369154507428, 'I': 0.09851893951186022, 'who': 0.08222642371997199, 'and': 0.06335659587435108, 'she': 0.06204864891395098, 'He': 0.051098948429882475, 'they': 0.04700034230013268, 'which': 0.03537112578008623, 'that': 0.029527480257019265}, {'the': 0.06253538568654221, 'of': 0.04357310304383868, 'and': 0.03203613700156021, 'a': 0.026474390189690927, 'an': 0.024953134292400852, '-': 0.024724733960791643, 'i': 0.023513727449654298, '.': 0.02103992717325982, 'to': 0.02037535474440092}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'of': 0.28828334022045804, 'in': 0.1939202944206825, 'for': 0.10645163236036548, 'that': 0.07108123090984395, 'by': 0.05884131291468718, 'to': 0.05487879539850514, 'In': 0.05427353265463277, 'and': 0.04749672480330119, 'with': 0.042402194863301615}, {'of': 0.43129903807628345, 'in': 0.18466251014719978, 'on': 0.11030975167183446, 'to': 0.06764107253626934, 'from': 0.04590616673919943, 'In': 0.031351801875981786, 'for': 0.022473696698825454, 'and': 0.021338907322285956, 'by': 0.019792636930156315}, {'and': 0.2564602662320493, 'that': 0.09313127477238857, 'but': 0.08494204266932508, 'But': 0.03436532817538641, 'time': 0.031253204197043805, 'And': 0.025145300471250315, 'or': 0.019250281254382606, 'even': 0.017926289307121025, 'day': 0.014021027323826742}, {'the': 0.30976308807780856, 'a': 0.10211017623492069, 'this': 0.10024306041960993, 'of': 0.08111598388031081, 'in': 0.05997065948783733, 'quarter': 0.05917714407314799, 'every': 0.04739865591474933, 'that': 0.04180503733206517, 'first': 0.03612966682166901}, {'number': 0.09467823827449998, 'men': 0.05176716603451386, 'place': 0.0330144594325856, 'line': 0.03056321736566391, 'people': 0.017892029167922513, 'and': 0.017692272539619417, 'out': 0.017654754122749243, 'case': 0.017186880606877758, 'board': 0.01699489814694515}, {'they': 0.187675879144847, 'we': 0.1077040355187805, 'and': 0.058566778313434126, 'you': 0.05767778107319935, 'who': 0.0526703371012687, 'which': 0.04652095689804099, 'that': 0.04414416351554703, 'They': 0.042015579048731294, 'there': 0.039150564385813505}, {'the': 0.31190038222961614, 'a': 0.07403327161287221, 'of': 0.06146402774273788, 'and': 0.05439860258005064, 'in': 0.03755315592824964, 'The': 0.03529016560332785, 'Mr.': 0.029199655752302427, 'tho': 0.021521802580344584, '.': 0.019227117163360827}, {'the': 0.3693574989287176, 'a': 0.10265123207466266, 'of': 0.07841130135746185, 'to': 0.06934113546962015, 'and': 0.0482636775110749, 'in': 0.03220309276288095, 'an': 0.027396825407844237, 'The': 0.02278356811373474, 'at': 0.020015884961611267}, {'of': 0.183398001344121, 'in': 0.14698404782056415, 'with': 0.09513872599961223, 'is': 0.09477408557773649, 'for': 0.08163608702755612, 'and': 0.07709613424270782, 'was': 0.07060201084424086, 'to': 0.048655945085285986, 'by': 0.043455930706447245}, {'was': 0.14274786986477472, 'be': 0.13520780726919018, 'been': 0.08985251743361702, 'he': 0.08420842673275103, 'is': 0.08004832214839844, 'have': 0.06560761893106669, 'and': 0.05897425914858256, 'were': 0.053192918911814116, 'are': 0.04957126869567987}, {'the': 0.35033892869254635, 'a': 0.14327651046729828, 'by': 0.11823158480994611, 'of': 0.11787137112832377, 'at': 0.04928371764971174, 'any': 0.03734782046691464, 'in': 0.02898899193012001, 'from': 0.02619825412201962, 'The': 0.02566557476827538}, {'the': 0.22738934009140357, 'of': 0.14331080650734637, 'and': 0.07588031818787391, 'by': 0.05244772639297059, 'Assistant': 0.05220179133136186, 'for': 0.033474877960598545, 'at': 0.030608395823993634, 'to': 0.023091151778305077, 'The': 0.018350531505862747}, {'an': 0.49925021216307, 'the': 0.14746044490202523, 'An': 0.0875078583430551, 'The': 0.046383686221671425, 'that': 0.029743639799639284, 'of': 0.0294129677183716, 'and': 0.02390306799724335, 'this': 0.018283560406816706, 'any': 0.014815258265043919}, {'the': 0.4631138787530382, 'of': 0.08351705298908979, 'and': 0.046550829790547685, 'a': 0.04123561547630053, 'to': 0.03994850335831698, 'by': 0.025126794790864684, 'The': 0.023598731139742007, 'tho': 0.014570363343316692, 'A': 0.013943762914473643}, {'and': 0.11458134289409419, 'was': 0.08084487645036408, 'is': 0.07833733042478314, 'be': 0.05187678045281434, 'are': 0.05038102758542903, 'that': 0.03995346673051733, 'had': 0.03203900680989644, 'or': 0.0320158067002064, 'not': 0.02506734875056082}, {'a': 0.20989555568837462, 'the': 0.18267161144124866, 'to': 0.14818703902233024, 'of': 0.10112425494607863, 'and': 0.08410448030929586, 'his': 0.0358080527825737, 'will': 0.028076750316951886, 'for': 0.02805300187779783, 'with': 0.02744766726324928}, {'it': 0.15398953503400853, 'It': 0.10824904800851833, 'he': 0.10584309399799204, 'which': 0.05806515021213951, 'I': 0.05148830687932377, 'and': 0.051066114406358686, 'He': 0.04757308397446008, 'effort': 0.030837846185307313, 'who': 0.029702397349809468}, {'the': 0.5238074870294548, 'thence': 0.07715511413363803, 'of': 0.07283152385645474, 'at': 0.05229243142812838, 'tho': 0.031000186085502215, 'on': 0.026335537352095, 'and': 0.025814373321325065, 'along': 0.02300467148257013, 'feet': 0.02253873716113119}, {'for': 0.15559290227516911, 'of': 0.14769521029055255, 'with': 0.1104729253498052, 'to': 0.09450023525915757, 'do': 0.07745838791366069, 'in': 0.07114021250677417, 'upon': 0.06751646410238137, 'on': 0.04247794535873974, 'about': 0.04204649179156704}, {'of': 0.38262631165418876, 'in': 0.29347990584702977, 'to': 0.07077244297200287, 'In': 0.05998733333398382, 'for': 0.05955595430071397, 'by': 0.03564891512422732, 'that': 0.028234506381387317, 'from': 0.024125180522650495, 'and': 0.015123338444540118}, {'it': 0.1425484532101972, 'I': 0.1213354070215672, 'he': 0.11001646519610883, 'It': 0.08910193822766081, 'we': 0.08810080705787648, 'they': 0.08502350221614376, 'We': 0.035535001300793526, 'and': 0.03455875249364024, 'you': 0.02830612684330736}, {'men': 0.040916454632991095, 'hundred': 0.028812410017118824, 'north': 0.019749326282252413, 'city': 0.0187032316086751, 'time': 0.018675078271334227, 'wife': 0.016751798784565137, 'gold': 0.014077948275190514, 'up': 0.013256373925991724, 'land': 0.012029364077203229}, {'of': 0.24651570938873144, 'the': 0.22699156458929956, 'a': 0.0920001523992341, 'Of': 0.08757280276219634, 'his': 0.06559578512295812, 'this': 0.04248077364289635, 'my': 0.030769055566303945, 'in': 0.02639446178632108, 'our': 0.023401050995168544}, {'the': 0.15054871006141288, 'and': 0.09249913867186672, 'of': 0.0905751432680146, 'to': 0.08575771959719565, 'a': 0.04494057971942119, 'was': 0.044833809257775414, 'in': 0.03292093826667848, 'be': 0.030850954101348034, 'at': 0.026344117610829974}, {'with-': 0.3084183579684861, 'the': 0.10179316359181229, 'and': 0.056852954807512325, 'with¬': 0.044470580670648845, 'sent': 0.036195709540096196, 'with\xad': 0.0317722153677246, 'it': 0.030356680641555625, 'went': 0.02458557468577984, 'go': 0.020328055859637987}, {'<s>': 0.08074422013222599, 'it.': 0.021333053371613665, 'them.': 0.01956431967663411, 'him.': 0.016082989358213316, 'her.': 0.009738354681226295, 'country.': 0.008296126061175321, '.': 0.008124251506965658, 'life.': 0.007903473755772725, 'time.': 0.007494060510406994}, {'a': 0.12348819801316918, 'some': 0.1012083294820246, 'any': 0.09466691430535129, 'the': 0.08649173434001828, 'in': 0.03487922087960466, 'and': 0.0341555889494633, 'this': 0.029676184384750157, 'of': 0.02692833228268119, 'no': 0.02493733980690904}, {'he': 0.14686764165969735, 'it': 0.12451275185241678, 'which': 0.08917473704189618, 'who': 0.08216514980742132, 'It': 0.07623190549222757, 'and': 0.06296442070698169, 'He': 0.05413193500471032, 'that': 0.04895768225437727, 'she': 0.025367512390017107}, {'of': 0.22313667573051707, 'to': 0.14879622824866479, 'and': 0.14417245050621008, 'with': 0.08481208862226557, 'for': 0.07517008483278367, 'by': 0.05395357065921231, 'is': 0.05341307117150666, 'that': 0.05282531256449559, 'in': 0.04347054794462534}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'the': 0.8753450666455034, 'The': 0.03372052039683235, 'tho': 0.03110507689585909, 'of': 0.013463338740411184, 'tbe': 0.011050786700026988, 'that': 0.005679868083666321, 'this': 0.0052381962748282804, 'in': 0.004728170738138148, 'and': 0.0037510698427616128}, {'the': 0.32380236946117735, 'of': 0.12508415474784587, 'fellow': 0.06192137006354262, 'and': 0.05928569296998572, 'other': 0.047714303033037204, 'many': 0.038533610698795955, 'these': 0.036041127883516315, 'our': 0.033571949192831796, 'his': 0.03031787340836942}, {'p.': 0.5066351958327407, 'a.': 0.2099294521012253, 'p': 0.03589112440852152, 'and': 0.028429855342527375, 'the': 0.021225339280992638, 'of': 0.011975785478676552, 'a': 0.010114012230436538, 'for': 0.004834908981192496, 'dis-': 0.004008570594388026}, {'for': 0.3542272179316657, 'For': 0.3326482662101269, 'of': 0.09036225715154868, 'by': 0.034202093204565694, 'and': 0.03387925485050713, 'to': 0.03339897327620429, 'in': 0.03131620994131791, 'so': 0.019657585518259264, 'the': 0.015950634759166506}, {'of': 0.4139154945289944, 'in': 0.23621597277641024, 'to': 0.06099909468409313, 'In': 0.05661689924699919, 'that': 0.04694279614673251, 'for': 0.030981537238129814, 'and': 0.026184298284713827, 'by': 0.02484635892649406, 'from': 0.020420050726258847}, {'was': 0.10072738118872722, 'and': 0.09952817098035993, 'is': 0.06389326069145786, 'are': 0.05021318142374203, 'were': 0.04970926445208317, 'be': 0.039005093605886366, 'been': 0.0375699571442811, 'to': 0.02958410728789787, 'of': 0.01830189777916789}, {'the': 0.22029479835557467, 'a': 0.18028995996510658, 'at': 0.11294858928920369, 'and': 0.0539553399134696, 'for': 0.05005690099009909, 'of': 0.041953267464676, 'an': 0.03293729109642445, 'to': 0.02953984201857013, 'in': 0.021753310323589348}, {'to': 0.5744512660692301, 'the': 0.0929956082628951, 'of': 0.0876517024392427, 'a': 0.054740314081236786, 'his': 0.03087927084528361, 'and': 0.030516629999187736, 'for': 0.026985758401837454, 'or': 0.024843686574474808, 'in': 0.020621819288679982}, {'the': 0.2642521841334603, 'of': 0.08666633942983051, 'a': 0.08011321291473184, 'and': 0.0643597784649977, 'The': 0.022757951869452862, 'that': 0.020045959798219125, 'to': 0.017662729185585847, 'tho': 0.01552515718692225, 'as': 0.014962966311938627}, {'more': 0.03261759099226921, 'hundred': 0.017637267147986146, 'time': 0.016058218834484907, 'it': 0.014134555037473321, 'one': 0.0132942897394328, 'and': 0.009806461759060522, 'good': 0.008804251877451071, 'up': 0.008767222521238445, 'due': 0.008517530700981735}, {'North': 0.008985948418818996, 'men': 0.008712665993339266, 'good': 0.008376980372301099, 'rights': 0.007952174710971033, ';': 0.0077092762121005005, 'hundred': 0.007582541666723336, 'one': 0.006387283816128363, 'time': 0.006185993564870798, 'street': 0.00595517620851437}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'of': 0.33861002356054887, 'and': 0.10023279703108641, 'by': 0.0887291061947386, 'to': 0.0870410807420933, 'that': 0.0848422128883682, 'in': 0.07782903584534362, 'from': 0.04410246335591921, 'for': 0.042860973423990104, 'with': 0.032576456414438265}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.5111980536931484, 'a': 0.22457437075914508, 'at': 0.0951492913129783, 'of': 0.03712498070970774, 'The': 0.0362185988752063, 'tho': 0.022775103194799997, 'in': 0.016450724946264286, 'his': 0.013487721442473866, 'for': 0.012781469135601907}, {';': 0.0629602572213635, 'it,': 0.025407642534195776, 'him,': 0.013041877722131903, 'nothing': 0.012637800818657657, 'them,': 0.012272157630628479, 'and': 0.010910471574327068, 'time,': 0.01034348029565638, ',': 0.00815518502008085, 'is': 0.006579407506107759}, {'the': 0.5454151286412131, 'an': 0.17469885330634055, 'The': 0.09700048479248694, 'tho': 0.03414340503740288, 'An': 0.032708596263834606, 'of': 0.027444097656628336, 'a': 0.015998347553450528, 'and': 0.015183590464378106, 'that': 0.014906305604133228}, {'he': 0.1659246585926923, 'I': 0.14132598521749323, 'be': 0.13490239112481703, 'and': 0.12490091184109743, 'have': 0.10146803173609736, 'was': 0.06616481710100527, 'had': 0.06262639782220986, 'has': 0.047642285374518596, 'they': 0.045609307536875754}, {'to': 0.3677795164544721, 'I': 0.1036972714012362, 'will': 0.08927663604923257, 'we': 0.06210098814740699, 'can': 0.06170606956210367, 'they': 0.05319937264278041, 'would': 0.05208161298648287, 'and': 0.04472671347279879, 'could': 0.039850528170138615}, {'the': 0.4610027961839821, 'a': 0.07079878048658052, 'and': 0.07045457160250347, 'of': 0.06599187815023447, 'The': 0.044951495444674035, 'his': 0.033962316336573, 'tho': 0.03253003373002693, 'to': 0.02950369858681253, 'in': 0.023247172683247334}, {'the': 0.08643055408464823, 'to': 0.08344322528495236, 'of': 0.07043081027624963, 'and': 0.06392953718934563, 'a': 0.05907872721212065, 'for': 0.02793757417676451, 'in': 0.027423182110816416, 'that': 0.021684304020265412, 'with': 0.016621619219997018}, {'a': 0.4053629854483426, 'the': 0.1485821511643501, 'and': 0.05018759867161699, 'of': 0.04023696600565552, 'A': 0.03740091805053241, 'The': 0.022744028728344287, 'I': 0.02155251495111439, 'his': 0.018206587190714395, 'this': 0.016141428861759056}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'it': 0.1180397898693608, 'It': 0.09556051039378076, 'he': 0.0725824260691813, 'I': 0.05917066640100023, 'and': 0.04690117124860792, 'that': 0.04315319091646398, 'which': 0.04080546043725925, 'He': 0.02447804143062113, '.': 0.022745094907085688}, {'the': 0.3000807467082233, 'a': 0.10055038493492191, 'and': 0.0927118204942281, 'of': 0.061953742830346215, 'to': 0.04130508969862344, 'in': 0.03684418493131217, 'The': 0.0270870016774436, 'tho': 0.018071476479705938, 'an': 0.017037950834439125}, {'of': 0.20504174307853665, 'in': 0.09660472974098785, 'and': 0.08973557899336992, 'by': 0.08237230891840534, 'as': 0.08094281030509365, 'with': 0.07358616554747596, 'to': 0.06686078714842465, 'for': 0.057493240090466684, 'such': 0.05356290140221978}, {'the': 0.4737524431893515, 'of': 0.12443443229889503, 'in': 0.07402517152150687, 'their': 0.05140195343879192, 'and': 0.044734474938450515, 'to': 0.04405309032521395, 'a': 0.04164680242811486, 'our': 0.037685494339178144, 'his': 0.03164484981947774}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.29499845907460487, 'was': 0.0741161223710397, 'to': 0.053814489420643465, 'is': 0.03536005085311586, 'not': 0.033938138378964554, 'will': 0.03341587992782337, 'but': 0.02743588658901772, 'that': 0.026304715056311, 'I': 0.023794763034971026}, {'of': 0.11904574774402965, 'and': 0.117039163175256, 'in': 0.0579721685820925, 'to': 0.0511186639368552, 'fact': 0.03928633611901063, 'said': 0.03323136332365265, 'on': 0.029827822579143393, 'all': 0.024787499172257966, 'is': 0.02252394945510673}, {'is': 0.19822625822168924, 'and': 0.19757499461810435, 'that': 0.12856950666970843, 'have': 0.07604973135925235, 'was': 0.06839789337942395, 'but': 0.060083822942469875, 'had': 0.05595481801885977, 'be': 0.04863645865478595, 'of': 0.04646564876935303}, {'to': 0.22082206948905408, 'and': 0.11567389651181098, 'a': 0.0727104648350313, 'be': 0.061228470618225984, 'the': 0.053370136633183504, 'was': 0.052768925791058144, 'of': 0.03854896924651733, 'were': 0.03583844232474827, 'been': 0.032227341339789974}, {'let': 0.24395029996011175, 'Let': 0.13745758269127234, 'to': 0.08834283531007378, 'with': 0.08229538982029327, 'of': 0.07429212283020331, 'give': 0.0674667488713906, 'for': 0.049925646191836204, 'make': 0.04273213278327839, 'upon': 0.028933617754365024}, {'to': 0.2884983316980224, 'a': 0.190872067543056, 'the': 0.1332638685888219, 'and': 0.04515961882010498, 'his': 0.03653028487309349, 'will': 0.035668608958880334, 'not': 0.03237269147500368, 'water': 0.03020446411685722, 'good': 0.028555152170602865}, {'I': 0.19455089312043333, 'may': 0.13237635997742306, 'and': 0.1078451831407225, 'we': 0.1019408751933811, 'they': 0.09207005293226903, 'who': 0.08920098641394421, 'not': 0.08141584144819797, 'We': 0.07168632179864744, 'will': 0.06463313209522023}, {'and': 0.2010112187903528, 'of': 0.12960160601760684, 'by': 0.06369258074739748, 'after': 0.061746502345829984, 'to': 0.06069635106202674, 'in': 0.05737447263477027, 'with': 0.047880701453707764, 'for': 0.04618998809794344, 'without': 0.04028170195608703}, {'to': 0.2204890236716728, 'told': 0.10186817024244303, 'tell': 0.09174855346156596, 'with': 0.07038360456472952, 'of': 0.06199790797056936, 'for': 0.05344905052061773, 'asked': 0.04199814944826507, 'let': 0.03309194533993582, 'gave': 0.03125716684093832}, {'the': 0.2249372526938899, 'ex-': 0.07983509244156824, 'have': 0.07639571450126616, 'has': 0.06796671545796111, 'and': 0.06585949031482619, 'a': 0.06402330595332069, 'had': 0.05051053432750522, 'im-': 0.030345988649136124, 'of': 0.02984004809473314}, {'he': 0.31831364306478377, 'I': 0.13956700602964334, 'who': 0.08820072197850554, 'she': 0.0711813492212111, 'they': 0.04658930644530084, 'He': 0.04388509562857627, 'and': 0.04201459605479798, 'that': 0.03113032935241614, 'which': 0.03026694957225314}, {'and': 0.2573588671740216, 'he': 0.11839197943745078, 'who': 0.07898127508932343, 'which': 0.0694564492436635, 'they': 0.06124484164613478, 'I': 0.05444176040488777, 'have': 0.042608277367546, 'be': 0.03776271306242957, 'He': 0.0360473772511866}, {'that': 0.14323870209926867, 'and': 0.12296648717018968, 'but': 0.06694239196372298, 'which': 0.05055502323871227, 'if': 0.047480367930284754, 'as': 0.04690486076663031, 'when': 0.04357373761791411, 'what': 0.03654321533692733, 'If': 0.030927795848589516}, {'the': 0.14163302946161807, 'of': 0.09404302693369021, 'and': 0.05979824411799961, 'to': 0.055613495256164186, 'for': 0.04579000640227787, 'in': 0.03480533170020644, 'or': 0.018740976775989987, 'be': 0.01721756877147969, 'that': 0.01589826096355891}, {'to': 0.3423456889773707, 'will': 0.16909084119508458, 'shall': 0.10906360796988253, 'may': 0.06186640371928194, 'not': 0.05172206711240936, 'should': 0.04942118681271299, 'would': 0.03984460302332174, 'can': 0.03706717336395007, 'must': 0.036971242396878}, {'spite': 0.04559317197445746, 'out': 0.04469516928781942, 'and': 0.042816006793876885, 'that': 0.03185133010767678, 'value': 0.0312894207837324, 'part': 0.029526243717860473, 'one': 0.027326223207267606, 'sum': 0.026527445086863187, 'amount': 0.0238170635976946}, {'the': 0.15317898182838122, 'of': 0.11569038065474128, 'and': 0.08825993190959358, 'to': 0.06356369576302696, 'a': 0.03454605059647218, 'be': 0.033634520297424, 'was': 0.023712005325567713, 'in': 0.021819123754454158, 'is': 0.021066424098309385}, {'the': 0.4262843268028379, 'a': 0.1955257902073472, 'his': 0.04564378175611569, 'The': 0.03755274761885007, 'one': 0.029215534864768928, 'tho': 0.025813554414824674, 'any': 0.022677062071753937, 'this': 0.022035821496758937, 'every': 0.01834291670995348}, {'the': 0.26578090709712154, 'and': 0.22597815185570835, 'an': 0.09365337442279723, 'his': 0.06561244291771103, 'to': 0.053830566683783915, 'a': 0.05369394139203672, 'not': 0.05107707028168413, 'their': 0.03195866805016796, 'will': 0.030872358287698267}, {'the': 0.3241656677395594, 'an': 0.22381533826378358, 'in': 0.06710359871514432, 'of': 0.06122032568525737, 'and': 0.058495491549153476, 'The': 0.03928571775856273, 'tho': 0.021836201997752748, 'a': 0.020450079215874387, 'In': 0.019546411838187804}, {'and': 0.1350948781200908, 'of': 0.08416938649765933, 'the': 0.07883588553881102, 'to': 0.06319353765011483, 'be': 0.03245071952652813, 'a': 0.026770205880640798, 'more': 0.02621769628374212, 'in': 0.024296842775432162, 'was': 0.022754130718847965}, {'a': 0.48682286987409373, 'the': 0.09645791426061963, 'this': 0.07941713253469315, 'that': 0.047221962546660966, 'some': 0.04577720605258954, 'any': 0.045661032398983004, 'one': 0.029515720111767025, 'every': 0.027349856223449837, 'and': 0.02250390703247251}, {'in': 0.02855965136889388, ';': 0.022229044215489584, 'it,': 0.016388877623118265, 'them,': 0.011314901701548002, 'one': 0.009755170424581768, 'it': 0.008705761832758835, 'each': 0.00842148928697999, 'country,': 0.008218838467539824, 'time,': 0.007449348200716428}, {'set': 0.40739578747994354, 'laid': 0.08091617757716568, 'not': 0.05730059067235266, 'lay': 0.03921726231391895, 'brought': 0.03761027673708808, 'come': 0.03239848309117219, 'and': 0.030527915293986553, 'put': 0.029810171554943435, 'thrown': 0.022912320278001587}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.4365719045979473, 'a': 0.3415837935658922, 'tho': 0.032817764742705376, 'The': 0.03138846708026508, 'this': 0.02169665798353468, 'any': 0.01969516353397154, 'every': 0.019140267514019954, 'tbe': 0.01823942980824289, 'whole': 0.017763229918577768}, {'he': 0.26964263509733827, 'and': 0.1866044960705193, 'He': 0.10346454203178432, 'I': 0.06525965546244872, 'she': 0.04892913786059287, 'they': 0.03336747516338787, 'who': 0.03263421601832372, 'it': 0.02526916305776608, 'be': 0.022262374561593874}, {'the': 0.31018206286486055, 'of': 0.261807592726317, 'and': 0.07202736194791344, 'his': 0.06461878064078558, 'a': 0.03648211899065675, 'their': 0.031748285559340596, 'with': 0.02963215157748857, 'in': 0.020571799160131885, 'for': 0.018778928179277288}, {'enter': 0.08606853423348725, 'went': 0.07433710474048638, 'put': 0.07236873572892841, 'it': 0.06256664525665487, 'go': 0.06122395620833519, 'down': 0.04773313533984823, 'came': 0.04625847571046528, 'them': 0.04601568742965818, 'entered': 0.045881324176559844}, {'to': 0.2801803077201233, 'not': 0.12429152301293249, 'and': 0.11235105056214768, 'they': 0.11222507046645869, 'be': 0.043390095766483096, 'will': 0.03884228070027419, 'we': 0.03764630135430947, 'he': 0.02676999352395441, 'I': 0.022765420139178986}, {'be': 0.1996981868937161, 'was': 0.19607069573608746, 'is': 0.1000838201311464, 'he': 0.09666145037166761, 'and': 0.07176944178218023, 'I': 0.07102470934160138, 'been': 0.06389605697396276, 'were': 0.0358834950266151, 'have': 0.03246194251011964}, {'of': 0.14189959230032528, 'and': 0.13359187663294123, 'any': 0.07429422404874438, 'that': 0.07411221067729434, 'the': 0.06865269452587482, 'in': 0.06302223692006921, 'no': 0.05898367071610495, 'is': 0.058488731757434596, 'by': 0.05621897448525958}, {'the': 0.7392579727263032, 'in': 0.08369837317614545, 'tho': 0.0369324763275723, 'In': 0.024772077558250952, 'a': 0.01735386036330686, 'of': 0.014813196321208795, 'tbe': 0.0138600172750849, 'The': 0.012456480705831404, 'to': 0.01199320345222607}, {'the': 0.842533534520547, 'tho': 0.028622255753892895, 'his': 0.021144571218284034, 'The': 0.019148222531987065, 'their': 0.015608933199088638, 'and': 0.012866761714938535, 'tbe': 0.008162338620309887, 'in': 0.007556207416754273, 'her': 0.005454126394698909}, {'the': 0.4114775654443558, 'in': 0.27278197339776267, 'In': 0.09196699773411925, 'tho': 0.02651222876068663, 'of': 0.024926370919800756, 'a': 0.023526156127517628, 'and': 0.01894245815294136, 'tbe': 0.013883117888510963, 'to': 0.01080128354800453}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'<s>': 0.1451694314075555, 'it.': 0.01755966072784815, 'them.': 0.011877577530487259, 'day.': 0.009941828800310071, 'time.': 0.008292185486934415, 'country.': 0.007679881746414849, 'year.': 0.007653217971590071, '.': 0.006993803178400967, 'years.': 0.006175601322405766}, {'of': 0.372250008230491, 'to': 0.115010741223047, 'that': 0.10674137818426689, 'by': 0.09020634328053226, 'and': 0.0898824512123781, 'with': 0.04566707098347421, 'for': 0.030355427395795973, 'as': 0.029725130785939222, 'all': 0.027480574881428844}, {'will': 0.22838041496808892, 'to': 0.2259481179625036, 'may': 0.10745215090544084, 'would': 0.10704686971059321, 'shall': 0.09740615282160094, 'should': 0.07254338329774594, 'not': 0.05290091734386394, 'must': 0.051745304081832096, 'can': 0.03329289369992889}, {'and': 0.17585063722392302, 'fact': 0.10400902578517979, 'said': 0.06844377842999533, 'so': 0.06232472237382234, 'believe': 0.04519952307692614, 'is': 0.039634011181226815, 'say': 0.03675663629906361, 'know': 0.036060715732595706, 'found': 0.03095250753294034}, {'and': 0.055872021271892613, '<s>': 0.018953760260415602, 'that': 0.014889564781241843, 'men': 0.012541073740110466, 'them': 0.01100473648354373, 'of': 0.010637727445290134, '': 0.009771698817693259, 'one': 0.009390810816114427, 'or': 0.009143192766094656}, {'a': 0.3260618111808339, 'the': 0.20864527461800317, 'and': 0.10834218577981684, 'of': 0.0810034983236877, 'most': 0.07850988329461647, 'in': 0.04515669160903116, 'an': 0.038375689718432526, 'very': 0.03641678587971887, 'The': 0.033871726835498196}, {'foreclosed': 0.09634386882946343, 'accompanied': 0.06914744523154118, 'made': 0.062220870833543704, 'and': 0.059623448501614024, 'followed': 0.05567422914917625, 'surrounded': 0.03148136347170944, 'up': 0.026111816226809845, 'caused': 0.02316153437489157, 'secured': 0.022889564253045367}, {'more': 0.3358345213269758, 'less': 0.12610776885394737, 'better': 0.061855474460963046, 'greater': 0.05309620038800828, 'rather': 0.05300061109261795, 'worse': 0.028818068181543897, 'larger': 0.027015813077624448, 'higher': 0.026800844486306895, 'other': 0.02617719083225004}, {'of': 0.40619698856909126, 'by': 0.11578183906018559, 'to': 0.08993970024299842, 'in': 0.08059307310185088, 'and': 0.06293415213109653, 'that': 0.059744237862554, 'from': 0.03024525382645629, 'on': 0.02833257384085488, 'for': 0.02666566101627001}, {'so': 0.28360495193235263, 'are': 0.1251619219177644, 'and': 0.11638817808494699, 'as': 0.10168522070560476, 'of': 0.07114636471988386, 'how': 0.04688221353632447, 'were': 0.04621794810878879, 'had': 0.04260646882104558, 'have': 0.04143431725492928}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'purpose': 0.18694953777682777, 'instead': 0.0486493798936613, 'cost': 0.04532335835974133, 'means': 0.044438057866164546, 'number': 0.04415525989028988, 'amount': 0.036532716695442474, 'out': 0.031164503937376197, 'capable': 0.026956347592636522, 'method': 0.026318058604024325}, {'be': 0.274498503299517, 'was': 0.18037232492065852, 'been': 0.11406073519080427, 'is': 0.07492344094103272, 'were': 0.051823781031557374, 'are': 0.04616258094453056, 'and': 0.040695773648658416, 'being': 0.02260394669712789, 'had': 0.022110616095949633}, {'of': 0.14970807584294904, 'to': 0.06064214613357567, 'in': 0.050867716304645406, 'and': 0.0384882887805528, '<s>': 0.03372793513414945, 'from': 0.021296411659770302, 'at': 0.02084091796276195, 'In': 0.018242062482897885, 'for': 0.01811422700143735}, {'the': 0.46222321494050067, 'a': 0.08175558611004112, 'his': 0.07542826657536442, 'this': 0.05289442717971843, 'of': 0.04945784373092863, 'their': 0.03766647394890343, 'The': 0.0366047269791916, 'and': 0.03532693918434242, 'in': 0.03160955124321512}, {'and': 0.040794655894099814, 'out': 0.035474198493428304, 'known': 0.0305281384547143, 'made': 0.024388046995804415, 'up': 0.02368485864796535, 'men': 0.023398977804203958, 'it': 0.021580898822070364, 'them': 0.021332436650176943, 'him': 0.019933554642322857}, {'the': 0.182297335875315, 'of': 0.12012636705338112, 'and': 0.05770150255009387, 'to': 0.035817229433045085, 'be': 0.028041465262003785, 'was': 0.026221233651196784, 'their': 0.026041343420920113, 'for': 0.025283731428430878, 'his': 0.02451079361812386}, {'it': 0.13796128875087904, 'which': 0.12123151758558284, 'It': 0.1190182297647619, 'that': 0.07907127608922525, 'who': 0.07084173501939091, 'he': 0.07065862855136053, 'there': 0.05551808419416357, 'and': 0.034746175819115654, 'There': 0.029925963619018833}, {'of': 0.21841004728882224, 'West': 0.15039070145740072, 'the': 0.13175138979500606, 'and': 0.10278613869254509, 'in': 0.0597908339367373, 'by': 0.030048577362494607, 'from': 0.023304892727233465, 'to': 0.019363289063859253, 'for': 0.016351909073155407}, {'up': 0.030595517654431453, 'him': 0.02247482396668338, 'made': 0.01671768169736346, 'men': 0.01661589798536184, 'them': 0.015669417016180243, 'time': 0.015345685495218486, 'right': 0.014993269414344187, 'out': 0.01475535430593357, 'it,': 0.014077266849298173}, {'to': 0.18779633245871408, 'and': 0.17986704378190174, 'a': 0.10700305664313192, 'the': 0.08576845731511219, 'of': 0.0829530393487428, 'not': 0.06332008645556193, 'most': 0.039512569681514356, 'or': 0.036221364068719716, 'in': 0.02964794457622932}, {'he': 0.15192887461970556, 'which': 0.1012530655378462, 'it': 0.09020334211835862, 'who': 0.07804501205854424, 'and': 0.07453940805712159, 'He': 0.0656512982268394, 'that': 0.06558806913962334, 'It': 0.06300095700763372, 'she': 0.026056935159862984}, {'the': 0.14709644982451184, '.': 0.08579809871902885, 'said': 0.07699218162850957, 'of': 0.04142261194665596, 'and': 0.03569952399763166, '<s>': 0.03242904423902528, 'W.': 0.0301302823423767, 'Mr.': 0.024268390029082803, 'E.': 0.021888207201244923}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'and': 0.1729596799796282, 'be': 0.15871152405160768, 'was': 0.08033766392428102, 'he': 0.06127859093412131, 'have': 0.05874419345959201, 'been': 0.05274711995874372, 'is': 0.049975888212970235, 'had': 0.03750384566199576, 'has': 0.03671656020588022}, {'<s>': 0.08970831360076181, '.': 0.02254339253490856, 'it.': 0.0179718192542733, 'them.': 0.014025703765710808, 'him.': 0.008753728919919034, 'time.': 0.00841866510791085, 'of': 0.007865984575531074, 'day.': 0.006975781761467907, 'country.': 0.006808045850359522}, {'of': 0.304622394919587, 'to': 0.1176027862515233, 'and': 0.09078456637630646, 'in': 0.07765848710845392, 'on': 0.07223098152066536, 'that': 0.06387149135337732, 'at': 0.054791327664908206, 'by': 0.045967983861594695, 'with': 0.04316703953228256}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.12325425592755378, 'of': 0.12059686312766908, 'and': 0.08521884835303363, 'to': 0.048510712663335585, 'a': 0.04347826004253412, 'by': 0.02171690209022887, 'be': 0.02110106349120745, 'in': 0.020031787357445638, 'as': 0.01625101643856421}, {'the': 0.6047657345670397, 'their': 0.053392553803003666, 'tho': 0.03592236481330659, 'of': 0.032966213172552494, 'his': 0.03273094906968633, 'in': 0.029569931233341517, 'a': 0.028300175872366513, 'and': 0.027741399037404104, 'its': 0.024003632936619525}, {'the': 0.22320161573277067, 'various': 0.12912039765152145, 'all': 0.10077392405697091, 'other': 0.09159047157072325, 'and': 0.08218824728414452, 'by': 0.03598275166216287, 'a': 0.03473695510765479, 'many': 0.03069959185845135, 'two': 0.028397849580707315}, {'and': 0.11731301388143589, 'of': 0.08744294099229041, 'put': 0.08553840489924404, 'as': 0.07947620599453563, 'make': 0.0688058920828317, 'that': 0.06616177558168397, 'for': 0.054752710006307964, 'to': 0.050228904945984865, 'with': 0.04561235820437173}, {'of': 0.16067001126861233, 'to': 0.14534982447192246, 'by': 0.07537721233519588, 'and': 0.06686508179856672, 'that': 0.032913039172874324, '<s>': 0.021694264656282776, 'at': 0.017975305173491694, 'in': 0.016696191428086087, 'from': 0.013668868833059527}, {'tak-': 0.2690687980880526, 'giv-': 0.0958509485250553, 'giv\xad': 0.03605700007587643, 'was': 0.03475054574289775, 'be': 0.028525835808079714, 'and': 0.0278738656276852, 'tak': 0.023869238028594055, 'wom-': 0.021526122200021144, 'fall-': 0.019436921389044327}, {'and': 0.10251981144744524, 'was': 0.06532405870821598, 'is': 0.03449548643588993, 'be': 0.02924788744011347, 'been': 0.028050984941709236, 'that': 0.026952471875290943, 'men': 0.026170596966793493, 'found': 0.02439885268629379, 'were': 0.024125001230475486}, {'a': 0.2551255777611505, 'the': 0.23510424853787223, 'any': 0.10072378626532229, 'that': 0.0768876047752589, 'this': 0.04691355556726983, 'every': 0.03993716030012861, 'greater': 0.038243453772756, 'latter': 0.029410411350112447, 'no': 0.026389307740317964}, {'of': 0.34688371728459283, 'to': 0.16046311934358992, 'in': 0.11138724935021699, 'by': 0.07963654123719581, 'that': 0.0762092663560046, 'and': 0.04293385417640194, 'for': 0.04055458951770729, 'from': 0.03493437373820663, 'with': 0.030919478196248722}, {'and': 0.1350948781200908, 'of': 0.08416938649765933, 'the': 0.07883588553881102, 'to': 0.06319353765011483, 'be': 0.03245071952652813, 'a': 0.026770205880640798, 'more': 0.02621769628374212, 'in': 0.024296842775432162, 'was': 0.022754130718847965}, {'and': 0.0568366943410382, '<s>': 0.0541683049836219, 'that': 0.03518468957876617, 'or': 0.011546653228680905, 'the': 0.010221595531789203, 'as': 0.009604040295739864, 'but': 0.009493444263094989, 'it.': 0.00947591950626927, 'them.': 0.008447055515982814}, {'I': 0.18646322239347493, 'who': 0.1205487489381069, 'they': 0.10546909442273775, 'we': 0.09637923384982626, 'to': 0.09183811852038797, 'We': 0.057079839876982, 'which': 0.04897555115432513, 'would': 0.047411885914764994, 'and': 0.04542828521174981}, {'the': 0.18927580197235688, 'of': 0.10268000335673094, 'to': 0.07193089873803327, 'and': 0.06302722590064451, 'in': 0.035804951354373886, 'for': 0.03552877544733519, 'be': 0.029165863199114864, 'was': 0.021230450879771812, 'is': 0.019324942212557497}, {'be': 0.17381598756426503, 'and': 0.14982530994157864, 'was': 0.07825312365273482, 'is': 0.05699723427135685, 'are': 0.042523370150924875, 'were': 0.03901809922957183, 'he': 0.03869000843378231, 'the': 0.03000787173738407, 'been': 0.02886755484811297}, {'of': 0.36817578885963376, 'to': 0.11076947608071802, 'in': 0.08650177453723773, 'by': 0.06052172034501094, 'and': 0.059130631926824356, 'that': 0.05887371347346977, 'on': 0.05488452382338286, 'with': 0.05144047949332066, 'from': 0.03669730732084931}, {'the': 0.5027075622308143, 'a': 0.14521556357078427, 'The': 0.140100280947657, 'annual': 0.05035497768766622, 'and': 0.032358262825414194, 'tho': 0.024872254833143686, 'to': 0.023862705141338442, 'A': 0.014635474879960385, 'tbe': 0.01011674065480899}, {'was': 0.12871084952680528, 'and': 0.11004357772346951, 'be': 0.10942053812764566, 'are': 0.10114460822869498, 'is': 0.10001506528212134, 'very': 0.09247006348935448, 'been': 0.08102565000361829, 'the': 0.0666536609377813, 'so': 0.05553954382312086}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.5469522428827637, 'The': 0.0962771791033632, 'of': 0.051583047220919886, 'tho': 0.03865180356042473, 'our': 0.029925720239067602, 'a': 0.029273904315150524, 'and': 0.027104551474605002, 'that': 0.021730517786122172, 'this': 0.017170057199825207}, {'of': 0.3441841172080343, 'in': 0.17146034332414123, 'to': 0.11645576727247374, 'on': 0.08559153413020132, 'by': 0.054267358439771846, 'In': 0.04299618662310938, 'from': 0.03981300383552715, 'for': 0.039091981045042294, 'and': 0.03720059305333793}, {'they': 0.23662427715700773, 'which': 0.08453680635694734, 'who': 0.08242265466348667, 'and': 0.06406624164528825, 'we': 0.05970716239190849, 'They': 0.05614152800610057, 'men': 0.03977462726423198, 'that': 0.038027314818721285, 'there': 0.029313556773561185}, {'and': 0.1314589121842804, 'is': 0.048512834869105, 'be': 0.04512138550088804, 'served': 0.03893454698269426, 'that': 0.038368853414357335, 'time': 0.033988298658216176, 'was': 0.03351224857269383, 'or': 0.033144410781466516, 'now': 0.028872207574292166}, {'to': 0.5900107695768777, 'will': 0.10719887647844549, 'and': 0.05211161954932357, 'would': 0.04245164507607155, 'not': 0.03854384905271024, 'the': 0.03612465280081793, 'a': 0.0275917928572921, 'that': 0.020626959349382138, 'which': 0.020312596482258485}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'at': 0.8380637659592028, 'that': 0.013937941911407643, 'At': 0.01303992542068219, 'to': 0.010498645469154385, 'of': 0.009671864263134468, 'or': 0.009272556893895374, 'and': 0.009175616740102381, 'nt': 0.008347319597521092, 'was': 0.0068399136127266285}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'and': 0.19016050918305916, 'in': 0.15037010969516357, 'of': 0.14871937218285822, 'to': 0.1083021729892654, 'that': 0.08408417176232, 'at': 0.049632746038707515, 'for': 0.04884364685376753, 'nearly': 0.03524975979307829, 'In': 0.034405826102122464}, {'the': 0.32316732030561446, 'not': 0.21250705086755778, 'is': 0.06758597250329151, 'The': 0.05597418640034406, 'was': 0.05170130113596649, 'and': 0.04209981032864033, 'are': 0.029854131367724062, 'of': 0.02747513944526217, 'tho': 0.020859305409279962}, {'the': 0.18045712540589964, 'and': 0.0828660566739692, 'of': 0.06458822191549078, 'a': 0.05680514402213494, 'Mr.': 0.036052844278758905, 'to': 0.03345770770022242, 'The': 0.028132538214568945, '.': 0.02119732611974369, 'was': 0.020358648475764712}, {'well': 0.15407080321565494, 'is': 0.07500494914912598, 'and': 0.07366755389011621, 'such': 0.06653217101552761, 'far': 0.05496132695192969, 'soon': 0.05433682135633719, 'be': 0.03698156798249226, 'was': 0.035452373509322475, 'but': 0.03337917576178279}, {'the': 0.7665172051619982, 'a': 0.07315655130481169, 'The': 0.06992105949804608, 'tho': 0.03534838234928651, 'his': 0.016563976569653933, 'tbe': 0.010224143584484808, 'our': 0.0059872561864358475, 'of': 0.005928079250477502, 'their': 0.005512119141367456}, {'it': 0.14814379514494458, 'It': 0.146170482997488, 'he': 0.09546716605751586, 'which': 0.07228840575714467, 'and': 0.06067983274796756, 'This': 0.060052326101234954, 'there': 0.04419985159407814, 'that': 0.04141351039979141, 'He': 0.040529289086990085}, {'<s>': 0.1414849674675697, '.': 0.015679568040627753, 'it.': 0.014836432832395063, 'them.': 0.009536032736429159, 'of': 0.008677119419655521, 'him.': 0.00858773934189353, 'time.': 0.007604825802396479, 'day.': 0.0066014971944563195, 'country.': 0.005833895399826895}, {'of': 0.32578858718050796, 'to': 0.10209889202194875, 'in': 0.0784034813840208, 'and': 0.06383026709671313, 'for': 0.049484355762382505, 'by': 0.04779993377113924, 'on': 0.045707024917298625, 'that': 0.04429545740858654, 'In': 0.03373904427851746}, {'the': 0.4814933702963621, 'a': 0.10605925473518919, 'and': 0.07733189379686024, 'The': 0.05259708908574053, 'of': 0.049854944481091366, 'tho': 0.02604750470068719, 'at': 0.021578362623988503, 'street': 0.020224564537070496, 'to': 0.019900910988424683}, {'is': 0.16497520081656805, 'and': 0.14630881041184354, 'for': 0.11258781062697656, 'it': 0.1094771237195751, 'the': 0.09227737580298902, 'of': 0.07326626687233381, 'was': 0.07012400199816567, 'no': 0.06446991152636311, 'a': 0.0572376582054813}, {'of': 0.09821394109478211, 'the': 0.08049684494418159, 'a': 0.049336441645399305, 'in': 0.04538390353721292, 'and': 0.04435274425966218, 'on': 0.034301084762386386, 'to': 0.03274141810990789, 'Block': 0.02999925361392293, 'by': 0.02032902175362457}, {'the': 0.4797723341686981, 'a': 0.14772687065957124, 'and': 0.10344970368117294, 'The': 0.055512899818313824, 'in': 0.048008381857576686, 'of': 0.03491167298776595, 'with': 0.0324840795024983, 'that': 0.027900252283618462, 'some': 0.025032496511742806}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'the': 0.28159213067674244, 'same': 0.12748955230514955, 'that': 0.12336731938910676, 'some': 0.11335272383198665, 'any': 0.07579342999484573, 'this': 0.07299938641665595, 'a': 0.0617266092683451, 'short': 0.055907665954651596, 'long': 0.04110322278812355}, {'they': 0.16215491277422553, 'who': 0.0880578415890424, 'we': 0.07971622245175967, 'there': 0.07107328916136936, 'which': 0.05571234367076856, 'They': 0.04864984031584571, 'and': 0.04297401836760839, 'There': 0.04271236213093675, 'that': 0.03935163117042682}, {'such': 0.0956547927508567, 'far': 0.07344009242682802, 'and': 0.06698132098596941, 'well': 0.045564555211483, 'but': 0.028963662628109878, 'much': 0.02339210073872605, 'it': 0.02273030438704582, 'so': 0.022249192977700227, 'that': 0.021370951896492983}, {'have': 0.2698609243425335, 'had': 0.25956108311310744, 'has': 0.2433462261134003, 'be': 0.06951796348883277, 'having': 0.0339919967009889, 'was': 0.030546107517938677, 'and': 0.027202350826271825, 'been': 0.026582062972453517, 'not': 0.018540932881208685}, {'to': 0.11923887999578907, 'I': 0.09500796157371719, '1': 0.06714475387386466, 're-': 0.06352572534269024, 'his': 0.05840762511743312, 'a': 0.053654062999035336, 'and': 0.0455228279837161, 'of': 0.031218398060301644, 'the': 0.03101559402839812}, {'in': 0.16926543525457308, 'of': 0.16632824008418468, 'to': 0.1420141750746823, 'for': 0.12458529558462945, 'on': 0.075868139760755, 'at': 0.07157521859794093, 'and': 0.054360395791790826, 'with': 0.0493206217978997, 'from': 0.04047159449811254}, {'carry': 0.18281036161031505, 'through-': 0.1659987913497337, 'with-': 0.10472532803897346, 'carrying': 0.05989436857795188, 'pointed': 0.0481862496694261, 'and': 0.04287335829430306, 'sent': 0.03982769731396628, 'brought': 0.03556484937502764, 'carried': 0.03503961230482394}, {'of': 0.3849048090761046, 'to': 0.11176149230393324, 'that': 0.08350648200407447, 'in': 0.08056507515050347, 'by': 0.06951515091872978, 'and': 0.06462674142636697, 'for': 0.05238730763092247, 'with': 0.04052265378314028, 'from': 0.03497307814228204}, {'virtue': 0.0902395637456515, 'one': 0.04914261531751399, 'out': 0.049132633184089614, 'part': 0.034098188449642144, 'pursuance': 0.03177111261508588, 'result': 0.026427693430353897, 'all': 0.025413775666440302, 'tion': 0.024025388389778208, 'means': 0.022704350447063676}, {'in': 0.33677300073423805, 'the': 0.28106489313638483, 'In': 0.09130092245596345, 'and': 0.05164785641252623, 'of': 0.041527595915700675, 'a': 0.03317242534722506, 'to': 0.02971054957036897, 'with': 0.02481442828617969, 'from': 0.017428351886784835}, {'it': 0.17992807697921212, 'he': 0.1455041281726318, 'It': 0.14224162602344162, 'I': 0.07785670423390348, 'which': 0.07141052679443709, 'He': 0.04313065081387577, 'and': 0.03902619708997857, 'who': 0.035212810467926646, 'she': 0.033336851432355354}, {'of': 0.18292965585965495, 'such': 0.11784624009874117, 'in': 0.10718211348012187, 'as': 0.0998997866477946, 'to': 0.0885034195316552, 'with': 0.07461974823774407, 'for': 0.07036858588970032, 'at': 0.06539386218145461, 'and': 0.061169041776499164}, {'the': 0.6471480352639388, 'The': 0.08977463974346048, 'and': 0.05302705140920254, 'a': 0.03746560357488066, 'tho': 0.0370092544850751, 'of': 0.01787031575907946, 'tbe': 0.013678642304964949, 'in': 0.010143890816623828, 'or': 0.00895759226010615}, {'want': 0.07372474789451441, 'and': 0.06899780872835459, 'him': 0.06350784107502848, 'able': 0.06230355976579484, 'enough': 0.05986112125107938, 'is': 0.05600814392871539, 'right': 0.0520841088528959, 'me': 0.04795167125872504, 'not': 0.04714331618748909}, {'<s>': 0.061394866232657365, 'it.': 0.013370980492255206, '.': 0.00968774887019049, 'them.': 0.009084512939660882, 'him.': 0.00660952733311088, 'time.': 0.005415525984066913, 'country.': 0.00531170972418619, 'of': 0.004689861688277594, 'day.': 0.004533333430452575}, {'and': 0.185784959432119, 'which': 0.11834652372707918, 'I': 0.09400123594316404, 'he': 0.07477038763300235, 'it': 0.06064104505438652, 'It': 0.049321484745971034, 'who': 0.036234059928694926, 'that': 0.0341075962407716, 'He': 0.022522701521298285}, {'feet': 0.04645457741175877, 'hundred': 0.03166721857836719, 'time': 0.03165708614721005, 'men': 0.023913747408433394, 'dollars': 0.023442940576519168, 'day': 0.02055646630624703, 'city': 0.019073614489824798, 'county': 0.014505991815396586, 'up': 0.01450270047849625}, {'the': 0.31345202021507035, 'and': 0.06593638610106022, 'of': 0.0651225147148006, 'a': 0.05689526531432771, 'in': 0.05377710576252841, 'that': 0.032701254961480644, 'tho': 0.021077279701497673, 'no': 0.01953313410030027, 'any': 0.019192157317938614}, {'more': 0.3235101827792377, 'less': 0.1443208762377744, 'better': 0.10688983687207158, 'rather': 0.04702727163181107, 'greater': 0.045317577659389874, 'worse': 0.03794691467435884, 'higher': 0.028482947241999807, 'other': 0.022642758760071453, 'larger': 0.021961786532346858}, {'and': 0.3054221337878281, 'have': 0.08968697305197423, 'had': 0.07233878618357567, 'he': 0.07039114097584091, 'not': 0.06819696677276982, 'it': 0.06214987092746477, 'who': 0.05289958800082998, 'has': 0.041119016747263384, 'It': 0.038486670961533756}, {'the': 0.5724698088407332, 'The': 0.1256236095564081, 'of': 0.07416707577197658, 'a': 0.04962305391506502, 'tho': 0.035337401783970775, 'this': 0.02657041644591834, 'his': 0.018923756847863092, 'to': 0.015271240601346771, 'in': 0.014564090721134928}, {'a': 0.35515328574731475, 'the': 0.15770437136169732, 'and': 0.12534085236942247, 'very': 0.07127931721036868, 'of': 0.05450813574986796, 'too': 0.04063517087745758, 'with': 0.03936815134570095, 'is': 0.030488747943156, 'was': 0.027467148096293324}, {'a': 0.41856289262247387, 'the': 0.27113811584359176, 'large': 0.12635085054069922, 'A': 0.04594086297011524, 'The': 0.04175548918575393, 'great': 0.017008438314189897, 'total': 0.013415267234016297, 'and': 0.01067435991872196, 'tho': 0.009477507450615605}, {'of': 0.40918332118818207, 'to': 0.08777998266848082, 'in': 0.08523839978694796, 'for': 0.07791930731706416, 'and': 0.06701629011461271, 'that': 0.06296408467400447, 'by': 0.050889970313362023, 'with': 0.041848362570920464, 'on': 0.026093825837233794}, {'and': 0.060641292192909035, 'of': 0.039754537518903045, 'the': 0.03589143154194579, 'go': 0.024004049603062207, 'it': 0.023265902192184322, 'to': 0.022736941570000703, '<s>': 0.020124966277375828, 'that': 0.017835378461613132, 'his': 0.01683357143510077}, {'the': 0.4610184258094355, 'of': 0.0524227065924681, 'School': 0.044524791805011094, 'tho': 0.0274600483689024, 'and': 0.027074519737414735, 'said': 0.0244927593400623, 'Judicial': 0.019909803766515737, 'The': 0.015465084071603723, '<s>': 0.014625154354677964}, {'and': 0.08187068855721223, 'to': 0.059871799860386536, 'I': 0.0518088932155938, 'not': 0.05073098372146803, 'he': 0.04814291165043509, 'who': 0.044138243879586335, 'was': 0.026655507196978526, 'or': 0.023274643751824958, 'which': 0.023243946127777457}, {'a': 0.4577691838297411, 'the': 0.12439582038084433, 'and': 0.0751674140037469, 'most': 0.06563990007923934, 'this': 0.06340516057411834, 'of': 0.049443916988440195, 'more': 0.03812470123946068, 'an': 0.03407423008698004, 'or': 0.026903695676647923}, {'the': 0.3634609037385002, 'of': 0.1495089580938334, 'his': 0.05890219753344484, 'this': 0.04592006728512358, 'a': 0.037489544885441616, 'and': 0.02924642640113053, 'The': 0.028398658039697402, 'their': 0.027674597213398596, 'tho': 0.027636221984232708}, {'the': 0.12738314739290363, 'of': 0.0703776594591422, 'a': 0.06754738357230247, 'and': 0.06691130598774021, 'to': 0.05037995941988345, 'for': 0.0386925442234725, 'in': 0.030182507616962163, 'as': 0.018403113892989088, 'or': 0.01798873698652886}, {'be': 0.14022762131662586, 'and': 0.13566733427076968, 'he': 0.11384989373300285, 'was': 0.10028857881454617, 'had': 0.0754517231155554, 'has': 0.06888460736886848, 'have': 0.06882914879258745, 'been': 0.05955070878198587, 'is': 0.05668995174418138}, {';': 0.05153854438466804, 'him,': 0.03333819617939566, 'it,': 0.023148229055846733, 'her,': 0.0182362624729996, 'time,': 0.013850195591795551, 'and': 0.013207443263365969, 'them,': 0.013039420069972408, 'man,': 0.011005217582178359, 'me,': 0.008711141533681037}, {'of': 0.372250008230491, 'to': 0.115010741223047, 'that': 0.10674137818426689, 'by': 0.09020634328053226, 'and': 0.0898824512123781, 'with': 0.04566707098347421, 'for': 0.030355427395795973, 'as': 0.029725130785939222, 'all': 0.027480574881428844}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'it': 0.13523322934390974, 'he': 0.11466007017891251, 'which': 0.10897615946656289, 'It': 0.08432706641577196, 'and': 0.0839521676655989, 'that': 0.04790926498953589, 'who': 0.04616042539478896, 'He': 0.043676174009528904, 'I': 0.03970618340160083}, {'and': 0.19932351188085762, 'of': 0.11993194822785878, 'in': 0.11266151709920201, 'by': 0.10855626777596049, 'for': 0.06795004119867248, 'that': 0.06097914069307253, 'to': 0.06000529340633538, 'with': 0.05338706331391301, 'or': 0.036973261739286}, {'and': 0.04719846857353889, '<s>': 0.04420712767230115, 'him': 0.032751476637042504, 'was': 0.029420224640105602, 'out': 0.015492935905520437, 'is': 0.014345417991390915, 'be': 0.014008246993491132, 'it': 0.012917228868825728, 'made': 0.012314866553475955}, {'the': 0.11111695626153746, 'of': 0.11055369674843946, 'and': 0.072067798408226, 'to': 0.06334817055596041, 'at': 0.04860007355177669, 'a': 0.031080971385632813, '.': 0.025911629967673964, '<s>': 0.020990539768871597, 'by': 0.018189477095763632}, {'of': 0.29101867198091264, 'to': 0.11813174100818619, 'in': 0.1172972311449329, 'and': 0.06830399127118737, 'with': 0.060605934900068804, 'for': 0.05419409192275341, 'on': 0.05219893444697187, 'by': 0.041348689452230795, 'from': 0.039219237042174226}, {'the': 0.16631884666408098, 'of': 0.08652793439764794, 'and': 0.06147429140673972, 'to': 0.06026646230208206, 'a': 0.04777689552821285, 'in': 0.038652195989389085, 'as': 0.03581984401955947, 'be': 0.031229486941429293, 'was': 0.024065944016841086}, {'the': 0.14272529951018237, 'and': 0.08759207016238525, 'of': 0.0779050191827845, 'to': 0.0466387442918264, 'be': 0.03775642903581575, 'in': 0.03646906829919984, 'was': 0.034009934578959386, 'for': 0.02760287258417188, 'a': 0.0248743594266312}, {'<s>': 0.05564553120395618, 'and': 0.04536290258724321, 'that': 0.022828866090738788, 'it': 0.022599208722047973, 'was': 0.01953574799628532, 'them': 0.017184515107880972, 'is': 0.014519449951685515, 'be': 0.013240646248974038, 'him': 0.012376343750974336}, {'of': 0.17262124454920505, 'the': 0.1429485709120111, 'in': 0.08111127840392711, 'other': 0.049427882619352, 'white': 0.03880855371013926, 'and': 0.03646537895823195, 'on': 0.033942508603649425, 'his': 0.033539195164310365, 'an': 0.0289909484865781}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'made': 0.11942847096974421, 'and': 0.07979570471363857, 'caused': 0.029091215056480817, 'shown': 0.028426754301022945, 'up': 0.02777670568714523, 'ed': 0.027617079589566704, 'out': 0.026630159435991316, 'taken': 0.02626602987193105, 'done': 0.02542850605479482}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'called': 0.5910839178373569, 'depended': 0.0573750997404798, 'agreed': 0.054498177956987706, 'relied': 0.05137811909840348, 'looked': 0.030600821141773257, 'went': 0.017449884507654154, 'levied': 0.012194752503893716, 'due': 0.011537975556190946, 'look': 0.011075813590052505}, {'the': 0.19037420289654036, 'and': 0.07906966036696281, 'of': 0.05892386992650127, 'Mr.': 0.04283916629972599, 'The': 0.040204133717099313, 'a': 0.03128583518316688, 'his': 0.02244877329254269, 'I': 0.019028715741927524, 'that': 0.018361976307509163}, {'the': 0.22782765891666829, 'his': 0.1567711720326392, 'their': 0.12789597062853078, 'our': 0.07936317155813341, 'her': 0.06176696563410722, 'my': 0.04819537502368322, 'its': 0.04313647292566191, 'your': 0.0393602847525667, 'of': 0.038652996637213465}, {'of': 0.161765150242623, 'and': 0.14230651342528364, 'such': 0.09441841824935611, 'all': 0.08464282885116022, 'three': 0.07230614918293415, 'many': 0.07230124526563393, 'the': 0.07217636564938454, 'two': 0.07093554321750072, 'or': 0.06579436972789666}, {'of': 0.10895938220260219, 'and': 0.046547797848180514, 'that': 0.03265159438664873, 'in': 0.027070361076928628, 'for': 0.02480700768416066, 'to': 0.024451705490732917, 'by': 0.015248890671868307, 'from': 0.013600121711629793, 'with': 0.012368699934642747}, {'the': 0.3832966188779325, 'of': 0.09726994486269964, 'an': 0.055255650581951296, 'a': 0.032422881893105264, 'The': 0.02740066916180921, 'to': 0.023589898233281417, 'and': 0.022623252016865093, 'tho': 0.02190751943665733, 'in': 0.020174367760862264}, {'the': 0.1361357290596697, 'and': 0.11490324701762918, 'of': 0.05658817599270108, 'to': 0.03735134039876379, 'he': 0.0361483073827151, 'was': 0.03435228290006991, 'that': 0.03270466269825957, 'be': 0.03260011058614056, 'which': 0.030520742274364313}, {'went': 0.07560827323823337, 'brought': 0.07543951198352952, 'go': 0.06888054787887259, 'came': 0.06511854928731899, 'put': 0.0526118572009178, 'enter': 0.05186286442505237, 'and': 0.037759898635622006, 'it': 0.03711693031254548, 'them': 0.035410337841197514}, {'he': 0.1519830354944847, 'we': 0.14350978911866374, 'they': 0.13489783143344686, 'I': 0.10721293027185079, 'it': 0.08645960441088284, 'you': 0.05726245356430452, 'It': 0.046423419602500814, 'We': 0.04612651030040591, 'and': 0.04210512009468655}, {'in': 0.2577409559239017, 'of': 0.23490125570265516, 'to': 0.12900088688540048, 'at': 0.07024642691311325, 'or': 0.05030369680421551, 'by': 0.049590116868261785, 'on': 0.048178059485990965, 'for': 0.04467121840986062, 'In': 0.04350564225496074}, {'to': 0.1827148878327302, 'and': 0.12177790004235399, 'not': 0.07371638717976431, 'the': 0.04615418765066366, 'of': 0.03660434164173172, 'in': 0.035538064566442304, 'I': 0.023381920013424453, 'it': 0.022987782198890912, 'or': 0.021143550291228275}, {'of': 0.18797779096939288, 'to': 0.12220654983134116, 'for': 0.11285988374979618, 'in': 0.08982761881067641, 'with': 0.0725734418150746, 'at': 0.06872251222447619, 'as': 0.0655366738694513, 'and': 0.061360839806524584, 'by': 0.0586772525647457}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'in': 0.40009816761209105, 'of': 0.24520705899987133, 'In': 0.08925658629463194, 'from': 0.04985342558386301, 'for': 0.0482657350801164, 'to': 0.04446915656901793, 'and': 0.024632559910525327, 'on': 0.018607597341166935, 'at': 0.011781726406462429}, {'be': 0.2942034082807056, 'is': 0.14348758530522182, 'have': 0.08009173929809582, 'was': 0.07836618061086327, 'are': 0.0735049150459133, 'and': 0.06769103651708591, 'has': 0.06135951913980255, 'been': 0.05880614227244865, 'he': 0.04824708348338983}, {'was': 0.15629093059727908, 'is': 0.102395101965595, 'be': 0.09843431367422897, 'and': 0.08691883340014984, 'are': 0.07513688249299372, 'as': 0.05996666926269406, 'were': 0.045404835041140054, 'been': 0.043178923928304476, 'the': 0.035355881845950426}, {'it': 0.11828725060829372, 'they': 0.10983639808187548, 'and': 0.08999998692544409, 'which': 0.08973734524628758, 'he': 0.08524524162433053, 'I': 0.06716780713112429, 'you': 0.06662452010932073, 'that': 0.06332835483298781, 'It': 0.061994275087784746}, {'and': 0.24032641860584472, 'the': 0.1539511052593357, 'of': 0.14487831127244324, 'or': 0.034897461067513805, 'by': 0.03258672479015612, 'many': 0.030980823531572676, 'for': 0.025007755106897983, 'those': 0.022708621099941997, 'that': 0.022588178040247642}, {'Kansas': 0.15034874759837277, 'York': 0.12556670744812493, 'the': 0.09101861513695411, 'Jersey': 0.06986985299358833, 'Lake': 0.04155175473327284, 'Sioux': 0.04152182586395669, 'of': 0.03972893731213737, 'Atlantic': 0.029500798989330595, 'Carson': 0.02615024115486738}, {'the': 0.17259713434005025, 'of': 0.10293073232041454, 'a': 0.0849706858676569, 'and': 0.05313687900229971, 'or': 0.042232827593931904, 'to': 0.0405057052805797, 'in': 0.03422281356011614, 'any': 0.024320751750585658, 'be': 0.019453024573303165}, {'he': 0.2862123401771431, 'and': 0.1152332382424891, 'who': 0.05521975224970574, 'it': 0.04666446513888248, 'He': 0.0443998743964303, 'man': 0.04369496337121627, 'It': 0.0377414733582691, 'she': 0.03661702649190317, 'as': 0.0315878486884797}, {'and': 0.08855131221301993, 'to': 0.07578094478715869, '<s>': 0.06914750336757083, 'the': 0.043727936485972445, 'Mr.': 0.04327906096430222, 'St.': 0.038574351995820294, '.': 0.03619087540870956, 'that': 0.025888544830473873, 'it.': 0.022591520090845526}, {'was': 0.2278528613713103, 'be': 0.19190582953905078, 'is': 0.1863562245042122, 'been': 0.07460244206375853, 'not': 0.06111612344678878, 'were': 0.055021484868291455, 'are': 0.04764943417158623, 'it': 0.04626175894329423, 'so': 0.041354489099844266}, {'the': 0.2279746020143088, 'a': 0.1809063581206431, 'to': 0.1070459462122505, 'and': 0.07179788383530263, 'southeast': 0.06154712545728727, 'northwest': 0.05558824565609718, 'section': 0.05188920391704866, 'of': 0.040288720757859844, 'northeast': 0.030420625984748883}, {'and': 0.018411412617090443, ';': 0.010192581878556903, '.': 0.009788326849609157, 'it': 0.00932664987238489, 'that': 0.008657862420640615, '<s>': 0.008027666717265734, ',': 0.007760709564596534, 'them': 0.006376267996456365, 'it,': 0.006095445733807168}, {'in': 0.32047199744865007, 'In': 0.09091914930094122, 'the': 0.07917753712874853, 'into': 0.06421522930176303, 'of': 0.06402967828014, 'and': 0.061888138355844675, 'their': 0.055967349872075633, 'its': 0.0556980397925186, 'his': 0.04525262707227817}, {'and': 0.0955354503175179, 'was': 0.04014432761196121, 'made': 0.03552406268595355, 'that': 0.03316461794614845, 'is': 0.026518523982285606, 'out': 0.02595534988135597, 'up': 0.02550642763396469, 'work': 0.025368825336120716, 'but': 0.023646556901203784}, {'May,': 0.11152007183883964, 'D.': 0.10372320080460713, 'January,': 0.08873493416221748, 'August,': 0.07958520338050028, 'April,': 0.07794313717117021, 'March,': 0.06762734668844629, 'and': 0.059280863688634236, 'June,': 0.0581322102078925, 'October,': 0.0574528802000643}, {'to': 0.34378129718365846, 'will': 0.15287135864951518, 'would': 0.08615903395787451, 'may': 0.07844929048361882, 'should': 0.05682249178971402, 'shall': 0.05432412913287461, 'not': 0.05091775331157668, 'must': 0.03610577244404393, 'can': 0.03580596083245932}, {'in': 0.17191363283349598, 'on': 0.14343595347963833, 'of': 0.10873445893184547, 'the': 0.08946993655479596, 'and': 0.08226440825862243, 'at': 0.07697719155055462, 'to': 0.07541751250686501, 'along': 0.07373803635786852, 'In': 0.06211683325501775}, {'the': 0.16896815920203906, 'of': 0.10285265653344947, 'and': 0.07885277375330539, 'to': 0.06764685830228626, 'at': 0.05324519014702872, 'a': 0.04013537069519931, 'in': 0.02932083497620652, 'his': 0.019926643275995613, 'on': 0.01782245050415561}, {'and': 0.10671860111804649, 'of': 0.053256516688349416, 'to': 0.03679604043401514, 'for': 0.02565928951936774, 'the': 0.025324320880658908, 'wi': 0.023480790201521946, 'I': 0.022472844264313698, '<s>': 0.019807356306171944, 'that': 0.01682671247829664}, {'of': 0.43830192417887864, 'in': 0.3145494802930857, 'In': 0.11303759709900846, 'on': 0.023094960704947605, 'from': 0.016637825847002803, 'the': 0.014039090668075365, 'at': 0.013934885149556386, 'and': 0.012708372125450094, 'with': 0.010667469098977197}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'be': 0.17402821163483262, 'was': 0.1675110192013801, 'been': 0.09756540115533971, 'and': 0.08425468862602567, 'he': 0.07853636016701433, 'is': 0.060704642563310464, 'were': 0.05992567782386721, 'the': 0.048133675218348757, 'I': 0.04304229616361815}, {'a': 0.1783874732906704, 'the': 0.11641503172494386, 'and': 0.06390765592814182, 'more': 0.057555333154945515, 'an': 0.03962352499963314, 'their': 0.03897449822305995, 'very': 0.03436360399395886, 'his': 0.02850584224751463, 'of': 0.026094271750290485}, {'and': 0.18358823108426092, 'that': 0.14341924872875028, 'as': 0.09857038006695269, 'which': 0.07514129581095305, 'but': 0.06864852521461015, 'if': 0.05917545335892491, 'when': 0.05085343934587246, 'what': 0.0376660576675699, 'If': 0.026276726687020236}, {'of': 0.15630137730751212, 'by': 0.08223210669322652, 'to': 0.07180217310598579, 'that': 0.0697860171227717, 'and': 0.06860313108410063, 'with': 0.027549174244935564, '<s>': 0.02367243312489382, 'which': 0.02017544874624105, 'as': 0.017332841528940258}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'be': 0.341390016729892, 'was': 0.14066203078245834, 'is': 0.07861586073823044, 'he': 0.06337292882032294, 'are': 0.050542186400606946, 'been': 0.05038610248107515, 'and': 0.048831309475699934, 'were': 0.04867546259798651, 'have': 0.02913575481703557}, {'number': 0.08197571640741881, 'state': 0.06943357537120992, 'amount': 0.055150283046956926, 'State': 0.05317815486300901, 'sum': 0.04628529766948679, 'board': 0.044357783307343614, 'out': 0.04215560369925314, 'line': 0.037295543056825274, 'rate': 0.03389189906303566}, {'a': 0.5471803885786878, 'the': 0.2523510796542052, 'and': 0.04437903751738323, 'very': 0.03174567184130699, 'The': 0.02979792186460992, 'of': 0.018701026174221598, 'his': 0.018256756427711858, 'most': 0.015328054847347821, 'some': 0.014601767566078637}, {'the': 0.18569082095527795, 'of': 0.08036465464605304, 'The': 0.07771425594879346, 'Mr.': 0.07134755128871598, 'and': 0.05004412695469776, 'that': 0.04809895270981636, 'a': 0.030382148191854107, 'Mrs.': 0.02415799873788853, 'his': 0.017341480938086247}, {'the': 0.3657656364485087, 'The': 0.1185370434059436, 'a': 0.09701551361626579, 'his': 0.08321389247973648, 'of': 0.05703200544982044, 'an': 0.050128288703116565, 'at': 0.02883278634810572, 'and': 0.028463864459445733, 'No': 0.026552794411547044}, {'a': 0.7719269252035461, 'the': 0.10655379865108633, 'A': 0.036049541911132875, 'The': 0.01744551692864357, 'young': 0.012775925269355434, 'one': 0.012389354061568205, 'tho': 0.006368075054833756, 'any': 0.004801219451805426, 'first': 0.004549458869572682}, {'to': 0.30380672917657925, 'will': 0.19931478173239528, 'would': 0.09941217916018753, 'not': 0.08245177061352615, 'may': 0.07185390240708131, 'should': 0.06809340878134935, 'shall': 0.05819743227719339, 'can': 0.040147223710670484, 'must': 0.0399621687365178}, {';': 0.015142836591388808, 'hundred': 0.014503361877206054, 'in': 0.009449414450734257, 'him': 0.0077235349630252045, '.': 0.0064347481506271, 'it,': 0.005952707529345156, 'up': 0.005946082756594441, ',': 0.005898690687653455, 'it': 0.005588401518366075}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'be': 0.29855518162463013, 'was': 0.23202723557895197, 'been': 0.09349415665235797, 'is': 0.07147384308318876, 'were': 0.06758317019132354, 'he': 0.053400462738377154, 'I': 0.03948870388081533, 'are': 0.03898612434114144, 'and': 0.03478997738979307}, {'the': 0.14020565490274778, 'of': 0.09224476935430082, 'and': 0.05880982470166523, 'be': 0.055326977021051785, 'to': 0.04245399451728125, 'his': 0.03367914638135115, 'was': 0.033371442080588384, 're-': 0.029747945937562414, 'their': 0.028411416107375125}, {'No.': 0.07045918961567334, 'and': 0.05712551045145394, 'the': 0.048806571737189025, 'of': 0.04607713813217821, 'at': 0.03236311171617805, '.': 0.029496589416228184, 'a': 0.029181043151900385, 'said': 0.024286560721970413, 'to': 0.022956728980699722}, {'real': 0.48020942415968554, 'the': 0.25939297756298046, 'said': 0.0410359309636672, 'and': 0.022303201333576966, 'The': 0.019283122717779745, 'tho': 0.012566542476217494, 'a': 0.012419171686253928, 'an': 0.011344079805267374, 'of': 0.0052697092815711735}, {'the': 0.343967946397403, 'The': 0.13350163855578706, 'of': 0.11351753751934054, 'and': 0.05823005109547231, 'no': 0.05599008878338907, 'more': 0.03269433835246384, 'an': 0.02999292462174886, 'a': 0.029321726354212527, 'his': 0.02923311971494154}, {'the': 0.16304718338562352, 'and': 0.15834533101594034, 'adjoining': 0.09609273665426052, 'of': 0.09190500318645613, 'their': 0.07321455455194854, 'he': 0.05562643874641314, 'his': 0.04132445680261682, 'or': 0.041300542605145006, 'is': 0.025951278724649966}, {'of': 0.23928154691572323, 'on': 0.1789509345800865, 'in': 0.1528274931376214, 'along': 0.12395690485179232, 'to': 0.10175915383549583, 'at': 0.043909774308874105, 'In': 0.03793756040709822, 'from': 0.03717293393697539, 'by': 0.03505123079565481}, {'the': 0.21308888725087563, 'and': 0.10429283391751767, 'of': 0.08211032026086726, 'a': 0.06034616419672313, 'to': 0.0457307215739427, 'in': 0.04070441263237986, 'The': 0.03392153545366651, 'or': 0.020154652681853444, 'for': 0.019403341671892643}, {'the': 0.3977846314878991, 'of': 0.177776624165326, 'a': 0.08139403966169108, 'and': 0.05068667532425237, 'their': 0.02989474223235516, 'The': 0.0290175854103248, 'tho': 0.026103038587058362, 'his': 0.025134227888593, 'with': 0.024720075028838304}, {'they': 0.19533846943525351, 'There': 0.17177745715793238, 'we': 0.07417367414324202, 'and': 0.07247393444697924, 'They': 0.06429302680534943, 'there': 0.05099979098647271, 'who': 0.049916921151893875, 'I': 0.047517770485264454, 'you': 0.03361713608506151}, {'and': 0.1716095577591737, 'fact': 0.10372147186744836, 'say': 0.06681203023965909, 'said': 0.05414687103413949, 'believe': 0.0470793786117008, 'know': 0.04538378096676254, 'so': 0.035959507583917014, 'all': 0.03272648290869485, 'is': 0.03030769141139924}, {'it': 0.27957038428918407, 'It': 0.14069168722916756, 'there': 0.0780604064737155, 'he': 0.0673522127670591, 'that': 0.061371482220746135, 'they': 0.04852180992353207, 'which': 0.044772571877851546, 'and': 0.031977859656019285, 'I': 0.020031431466088268}, {'is': 0.22535915401085416, 'was': 0.13220522282914857, 'and': 0.08184131048084514, 'are': 0.07991532206996735, 'but': 0.05426850189535241, 'has': 0.05106523139163746, 'it': 0.05062761545677948, 'will': 0.049179674887784595, 'had': 0.0484783514644368}, {'he': 0.2284380157836244, 'I': 0.15003867302547208, 'who': 0.0871740226092293, 'never': 0.06653962791733183, 'He': 0.059094170272165444, 'and': 0.05605038184017049, 'she': 0.054853012427591094, 'they': 0.036578835267315354, '1': 0.027830093404872892}, {'get': 0.07245670546976644, 'was': 0.06827773018828956, 'and': 0.06627903282426373, 'him': 0.052442468208758614, 'it': 0.050561188617061346, 'them': 0.04807318223935662, 'are': 0.047026350523610795, 'go': 0.0433307210705129, 'come': 0.040797963484801664}, {'the': 0.6784853339894443, 'The': 0.06467029401250658, 'tho': 0.04062193826672458, 'at': 0.03340725221856027, 'of': 0.033286376629619856, 'and': 0.018289122599427703, 'a': 0.014912519444336038, 'tbe': 0.014906960690440441, 'his': 0.013712672125585504}, {'law': 0.02883683563771502, 'one': 0.02588253435124118, 'druggists,': 0.02352754059243367, 'person': 0.019974988541154756, 'action': 0.018638348640860333, 'man': 0.016720360487775546, 'year': 0.016435983096554207, 'that': 0.013375288109512107, 'whether': 0.012634739898176912}, {'the': 0.15810719041826277, 'of': 0.11538162605991592, 'and': 0.08590614475192779, 'to': 0.03653028467702717, 'that': 0.03458867073426142, 'The': 0.03264049351240182, 'in': 0.031434889789269324, 'which': 0.021104406239568142, 'or': 0.01768398068680682}, {'and': 0.17185548755492241, 'the': 0.09188129782008586, 'to': 0.07115767611508728, 'of': 0.04230488465107274, 'that': 0.02975651142937828, 'a': 0.029075403881791858, 'or': 0.02780469359777302, 'as': 0.027146336927672984, 'I': 0.02362042226653287}, {'and': 0.14975515157876723, 'was': 0.13890803037043206, 'have': 0.12419018465514856, 'be': 0.113341179287353, 'had': 0.0891007992566444, 'is': 0.062042981643143404, 'been': 0.05781604463433969, 'he': 0.05483140309427151, 'has': 0.037042278692118916}, {'of': 0.41479226734629626, 'to': 0.14572826066786307, 'and': 0.0765280187209979, 'by': 0.05986258335762797, 'with': 0.05972102420782532, 'that': 0.05863013644543173, 'for': 0.04827020702158364, 'from': 0.041622354362623216, 'in': 0.03711912569818403}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'and': 0.1438471972226331, 'to': 0.04754352394693369, 'the': 0.031052418829141268, 'or': 0.02923305460953431, 'is': 0.026663737680500184, 'of': 0.025945081718234793, 'was': 0.023304531729269027, 'are': 0.02132614579656145, 'with': 0.020254369734430216}, {'the': 0.18935147170728076, 'other': 0.0694724401171406, 'of': 0.0672614969879556, 'such': 0.046359846028116165, 'in': 0.045646924764226646, 'any': 0.03595646359451495, 'public': 0.0313009938204315, 'and': 0.029206970818478815, 'two': 0.02859416466812069}, {'the': 0.10935321992562334, 'of': 0.07055009218697632, 'and': 0.04090699394940684, '.': 0.03862009833238652, 'a': 0.03790902927964509, 'to': 0.024032078252882866, 'at': 0.015220112517303147, '<s>': 0.015038868216319239, 'in': 0.014911123075786875}, {'<s>': 0.04163337666127543, 'it.': 0.03022299411860884, 'them.': 0.016158053048443494, 'him.': 0.014173677687006326, '.': 0.013607171050299474, '?': 0.00785496686087441, 'her.': 0.006632914679603802, 'me.': 0.006141868821258304, 'life.': 0.005902548367744147}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'it': 0.22856110105309196, 'It': 0.1452820683974188, 'which': 0.05914017695475625, 'he': 0.0478149945050819, 'and': 0.04416228847994344, 'that': 0.040249019547583975, 'there': 0.02938454306037856, 'who': 0.024987486037450265, 'This': 0.017718758616521977}, {'be': 0.2798426845321622, 'was': 0.17507424917149983, 'been': 0.12225514234354816, 'is': 0.09183456416274739, 'are': 0.05755916305398355, 'were': 0.05424854026812418, 'and': 0.03461579125887902, 'being': 0.03211154639146031, 'have': 0.027559124988037233}, {'the': 0.31177860245439093, 'their': 0.10025077989064642, 'a': 0.09490503651909661, 'his': 0.09352698230127622, 'have': 0.06287232393231784, 'of': 0.05887309348734539, 'and': 0.047047667611806954, 'no': 0.04680631152119403, 'its': 0.036470167869358146}, {'the': 0.16209065462208302, 'of': 0.11227421724778662, 'and': 0.09323045358516567, 'to': 0.07435835778323759, 'a': 0.05856269327989534, 'in': 0.047603815713224105, 'be': 0.04236054334762016, 'is': 0.02743980846123116, 'or': 0.023560506618234407}, {'State': 0.33086029553574037, 'state': 0.07762469050809306, 'County': 0.050902647454335405, 'city': 0.049884608740897715, 'deed': 0.03952143155929718, 'county': 0.037310924293621435, 'day': 0.03330328065600373, 'City': 0.03097560752816062, 'line': 0.024754378704996166}, {'part': 0.07268713102532033, 'one': 0.07071065938650846, 'some': 0.043508101530019876, 'out': 0.03575042106872343, 'members': 0.025760665467621124, 'and': 0.022440178638608456, 'tion': 0.02191026583655202, 'portion': 0.021052670553751075, 'side': 0.02092702198887348}, {'to': 0.11144374236298595, 'the': 0.10917981760160007, 'and': 0.10692920077675938, 'of': 0.08551452114372984, 'in': 0.033918395178194706, 'a': 0.02924037307288965, 'not': 0.02004826767775804, 'I': 0.017020811204842605, 'be': 0.01652276935920046}, {'the': 0.1564735197154926, 'and': 0.1263035695930353, 'of': 0.07405244518127449, 'to': 0.05887036120400946, 'for': 0.04713842740544717, 'or': 0.03864069509290996, 'in': 0.03834243278660773, 'be': 0.03666511840991912, 'are': 0.03020277121537087}, {'to': 0.1821666562139872, 'I': 0.11027261321802753, 'would': 0.10576222532916502, 'they': 0.0917139041729031, 'we': 0.0834538459903675, 'who': 0.06497047361524243, 'will': 0.06145138929717931, 'you': 0.04592113567408516, 'and': 0.04127094069592593}, {'and': 0.1434397451712638, 'he': 0.09883969392191017, 'be': 0.08730837324588031, 'have': 0.07849386650629986, 'had': 0.0761431181465303, 're-': 0.07547091880990194, 'was': 0.07069850752833261, 'has': 0.054363249343181264, 'He': 0.047367413476346286}, {'to': 0.12745269889384106, 'or': 0.12217703056032667, 'and': 0.08730918257362946, 'not': 0.047281344484172254, 'of': 0.04281995032937434, 'there': 0.031252455305734006, 'the': 0.03116152155329934, 'nor': 0.029088589822352923, 'that': 0.027904259434166613}, {'of': 0.6963294102574955, 'in': 0.07600816934819171, 'and': 0.02129558039021028, 'In': 0.019487300431677235, 'for': 0.01893262657536758, 'to': 0.018439203907175676, 'on': 0.016673280312498335, 'by': 0.014209267736420771, 'from': 0.013363130424405182}, {'the': 0.3564327393919515, 'a': 0.1261667964878094, 'same': 0.09823948647024788, 'this': 0.08112651566050874, 'any': 0.07152281337961428, 'some': 0.0703342930474577, 'that': 0.06434147314404587, 'in': 0.03639280288457556, 'first': 0.030917791717384287}, {'the': 0.6263598659007201, 'a': 0.12945919153471913, 'The': 0.0682538927604447, 'his': 0.04227502547487632, 'tho': 0.031163110737440505, 'and': 0.022321932080286024, 'their': 0.017078411024377318, 'its': 0.014433490345344342, 'tbe': 0.011246111343678068}, {'an': 0.5197843990309977, 'the': 0.3230782867794627, 'and': 0.03126949899398091, 'The': 0.0225839691254899, 'tho': 0.014834782095909146, 'to': 0.013866888719447733, 'his': 0.012607050133514788, 'their': 0.01196374264075486, 'fair': 0.011694352028823246}, {'the': 0.1494573676348027, 'of': 0.09211867808712489, 'to': 0.08906361727104453, 'and': 0.0535122028077367, 'be': 0.04067273966341358, 'is': 0.030068795018426995, 'was': 0.02870807657772135, 'in': 0.025728749975024272, 'for': 0.02248268915245869}, {'it': 0.21112640106030564, 'It': 0.18309730665399296, 'he': 0.11033077137497671, 'there': 0.1019590665348503, 'I': 0.05839388966646224, 'There': 0.05620110766217078, 'and': 0.03873776430947141, 'which': 0.036628141242404044, 'He': 0.03634365699080486}, {'of': 0.2574575482473438, 'deprive': 0.11795821054398804, 'with': 0.09150200032310665, 'to': 0.06603170037546004, 'upon': 0.06531791185833048, 'for': 0.06256371126779263, 'by': 0.05605052749803755, 'make': 0.032814620771889985, 'give': 0.031012865148279337}, {'and': 0.20382370235550798, 'of': 0.1644723795139052, 'for': 0.07589208585920257, 'to': 0.0705532053135386, 'in': 0.05329424534887622, 'do': 0.049177425969778504, 'or': 0.047177713064759264, 'with': 0.0447625894158674, 'the': 0.034883325958144175}, {'and': 0.13138779441418363, 'of': 0.11452835077345339, 'the': 0.10108047685654721, 'to': 0.045355374649344686, 'for': 0.03877034419752932, 'a': 0.038331212563399886, 'that': 0.03577152487086106, 'which': 0.03465855471199002, 'or': 0.0317270974950182}, {'of': 0.15884794962657375, 'and': 0.11379983461762964, 'by': 0.10566868691155737, 'that': 0.08672789596730378, 'to': 0.08261650408700649, 'with': 0.03709055752232644, '<s>': 0.025805831499229763, 'which': 0.024691996538623456, 'for': 0.015815753221502096}, {'have': 0.15798672069319594, 'be': 0.15090370264802727, 'had': 0.14549603491668256, 'has': 0.13164471468259015, 'was': 0.0863628429535152, 'and': 0.06102842547598738, 'been': 0.05271859942287036, 'having': 0.030733659599833044, 'were': 0.029233916554789973}, {'of': 0.4101513288005938, 'in': 0.1721175215691411, 'to': 0.08127531594555099, 'from': 0.0687395622742244, 'on': 0.04457541753857305, 'and': 0.04378340518052068, 'In': 0.041869897313468483, 'by': 0.04102601397015404, 'at': 0.032759427925859494}, {'of': 0.2605034250869058, 'in': 0.14948147118677438, 'and': 0.11674638036205857, 'with': 0.07257356035557132, 'all': 0.05890201913042411, 'for': 0.054805092538045025, 'to': 0.05418194728557671, 'from': 0.043420587402780715, 'on': 0.041201865263583784}, {'able': 0.06333034543078214, 'and': 0.057489200420798636, 'is': 0.05445189499779616, 'have': 0.051193826043758155, 'him': 0.048367260533454165, 'had': 0.0416959078666224, 'right': 0.0394564535533081, 'enough': 0.03872975251681809, 'willing': 0.037343981635249573}, {'a': 0.32512258887347567, 'the': 0.30854911111376493, 'of': 0.09252979322117427, 'with': 0.0515540815959023, 'this': 0.039017274653040245, 'and': 0.03296225954559085, 'in': 0.03045266873076897, 'A': 0.02592902963794667, 'so': 0.024181516225775346}, {'and': 0.1535894279159176, 'of': 0.07903468172802652, 'to': 0.06614867873074315, 'the': 0.04176712258060214, 'for': 0.03429980861475615, 'in': 0.030065673120946074, 'be': 0.026064165653622098, 'is': 0.024659446272711615, 'that': 0.022677848117714634}, {'and': 0.1035460803087239, 'that': 0.03361694585563805, 'was': 0.022874874413785537, 'them': 0.021455614244114168, 'made': 0.020781864484231024, 'as': 0.020451464154867784, 'it': 0.01962269847110069, 'up': 0.019239875074112327, 'or': 0.018572916097524338}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'Provided,': 0.07490209098169644, 'provided,': 0.03996108150238029, 'probable,': 0.037738057133877456, ';': 0.03089782238675018, 'is,': 0.02855568070390069, 'not,': 0.024698958229883987, 'and': 0.023345920836032392, 'vided,': 0.02315346287808669, 'are,': 0.017643219212162557}, {'would': 0.17959540429010784, 'to': 0.13519794944916977, 'who': 0.09755427043109222, 'they': 0.08092794866467283, 'I': 0.07229973568327139, 'which': 0.06237819314755754, 'must': 0.053838397959161594, 'might': 0.048424713189248424, 'shall': 0.04348004295022552}, {'to': 0.26341410245178176, 'for': 0.11494538272615552, 'of': 0.11217206340374408, 'with': 0.0693024052493493, 'upon': 0.05177652753752199, 'about': 0.041483974213352766, 'told': 0.03529854574102948, 'and': 0.03527422355533574, 'in': 0.0321848653244146}, {'can': 0.17132847573734988, 'to': 0.15711065469735627, 'cannot': 0.1496422695459722, 'not': 0.13454693766507073, 'will': 0.07227195112565912, 'could': 0.07018793028915542, 'may': 0.06710996576048832, 'would': 0.0634872469567505, 'well': 0.051471960542048}, {'the': 0.4232059122439366, 'The': 0.11755065613704287, 'of': 0.08884049165651689, 'and': 0.07955327163154129, 'our': 0.06214739889845653, 'their': 0.05585938198130574, 'whose': 0.03880890235444693, 'or': 0.037397127308970275, 'these': 0.034798018368620544}, {'the': 0.4931813550036536, 'a': 0.06289489548887899, 'his': 0.06033998036805724, 'of': 0.05482584089199856, 'no': 0.03636272423636905, 'all': 0.03410278606177002, 'their': 0.03256588810606443, 'and': 0.03029260222199415, 'was': 0.02531097582723231}, {'to': 0.16599191056388884, 'of': 0.13115219212973858, 'in': 0.1280749349810592, 'with': 0.09855476905888894, 'is': 0.08604517940868064, 'was': 0.0763707517832567, 'and': 0.06902838457286307, 'for': 0.04652540610551878, 'as': 0.04432707367939611}, {'and': 0.10169636006732838, 'the': 0.06072401532608511, 'a': 0.06029260857998257, 'to': 0.05381099082629671, 'was': 0.04742670433769982, 'of': 0.03685063195565662, 'is': 0.029460136237913888, 'be': 0.026866105581382665, 'will': 0.017151086855823665}, {'and': 0.20724497708347098, 'was': 0.05986520887057093, 'but': 0.04847198344899651, 'that': 0.04070108142341068, 'is': 0.03519540898140377, 'be': 0.02822662123044209, 'or': 0.02585312617202088, 'for': 0.02375452450113702, 'it': 0.023555242299179543}, {'and': 0.10816382202416644, 'the': 0.09438599369987911, 'to': 0.0914365918868427, 'of': 0.08791238067422062, 'or': 0.02989600803040461, 'Mr.': 0.023554332015338013, 'in': 0.021858688185318845, 'at': 0.01892854872268036, 'for': 0.01863903523037629}, {'to': 0.5735838680728557, 'the': 0.06702584808783045, 'will': 0.06660046956184629, 'and': 0.049696088447202046, 'not': 0.04707533586770763, 'would': 0.04564869821292233, 'a': 0.024016870915147658, 'who': 0.023365718212890345, 'in': 0.019701909398294325}, {';': 0.01819215512691537, 'it,': 0.01353170952872765, 'in': 0.01167442752383367, 'them,': 0.011454062908800496, 'it': 0.009373083375360004, 'and': 0.007237191800180059, 'him,': 0.006638795594789432, 'country,': 0.006285233236140026, 'him': 0.00565762985532085}, {'and': 0.07251541567813864, 'was': 0.0706790454556128, 'be': 0.06945009658614767, 'the': 0.05974795097098794, 'of': 0.041572720305257375, 'were': 0.038211869877572906, 'for': 0.037815021756662674, 'is': 0.03680768532075062, 'are': 0.03544055794823187}, {'is': 0.1689010927591202, 'was': 0.1481771932284758, 'and': 0.09928109165837402, 'are': 0.08599900367246183, 'be': 0.08083975067505879, 'not': 0.07756635906461844, 'been': 0.06450276212873711, 'were': 0.034292822746641485, 'or': 0.029345248831807152}, {'of': 0.16639155436237474, 'in': 0.11366969590984058, 'was': 0.10369108498786786, 'is': 0.10211993072636756, 'with': 0.09674703285596346, 'to': 0.07787510208934843, 'and': 0.07583695764783528, 'for': 0.0640337929819894, 'as': 0.049565138496092155}, {'the': 0.5537361798691156, 'a': 0.04845515035028736, 'tho': 0.03623838256939274, 'The': 0.03156168124845741, 'of': 0.025589705949028818, 'this': 0.0242258141766918, 'and': 0.024126929221956337, 'whole': 0.013404263151012619, 'tbe': 0.013382389777012654}, {'they': 0.16536264728281566, 'we': 0.09692467839261412, 'who': 0.0796371157773832, 'which': 0.07638238525634458, 'They': 0.05134856429543784, 'and': 0.049470999142414325, 'that': 0.04023051126957625, 'We': 0.04004960976765464, 'you': 0.03129798625898314}, {'a': 0.3744339327537534, 'and': 0.08469477608034191, 'the': 0.0710115590882061, 'as': 0.06933510095027363, 'is': 0.05997215124429632, 'be': 0.058626460946891785, 'was': 0.05757435710551033, 'very': 0.03465370095481885, 'A': 0.03243973144077645}, {'the': 0.44109296503637097, 'their': 0.27919675899054497, 'his': 0.11172410388286666, 'our': 0.03761230517776385, 'her': 0.0250943018765598, 'its': 0.02299119692336779, 'my': 0.022349366472178403, 'your': 0.02086183064966722, 'and': 0.01734049970093735}, {'and': 0.10200084972843881, 'are': 0.10032892859985623, 'was': 0.0838364789937471, 'of': 0.08374208036452511, 'in': 0.07232873199798671, 'is': 0.0698620413080214, 'by': 0.056474041873410846, 'not': 0.05570057450806406, 'were': 0.04436521312645825}, {'to': 0.16302824854832626, 'and': 0.11817851893740694, 'thrown': 0.11306024224311363, 'as': 0.0845423430528358, 'the': 0.07022750093309257, 'be': 0.06241992304296468, 'is': 0.06195206812884455, 'not': 0.05880680499549672, 'an': 0.05404177004902442}, {'one': 0.202466440743522, 'many': 0.1422368671586148, 'some': 0.1403225183757371, 'most': 0.0633570554855526, 'all': 0.06331864740332947, 'Many': 0.053014286621472756, 'Some': 0.050016315216999306, 'none': 0.04756720741815084, 'any': 0.03897113692309168}, {'as': 0.29684739371182267, 'is': 0.23465341008227072, 'was': 0.06980904135721581, 'are': 0.06969384501846845, 'so': 0.06955935216654996, 'be': 0.05385300573501143, 'very': 0.040692252076887855, 'not': 0.0342288243131356, 'Is': 0.03393863467304783}, {'is': 0.22807567861982064, 'was': 0.14950006798960344, 'are': 0.1099320543732436, 'ought': 0.10289217307223149, 'and': 0.05325523990299844, 'were': 0.04676608594263899, 'do': 0.04364633680618877, 'it': 0.03886979964996613, 'Is': 0.03650582808910874}, {'the': 0.6080670263610886, 'The': 0.12346299961130452, 'an': 0.09585885546458796, 'tho': 0.032354762800028164, 'his': 0.03202238629374698, 'and': 0.02374288313419814, 'this': 0.01872146873326014, 'our': 0.01385529849372887, 'my': 0.013362679850018823}, {'to': 0.14873942328809442, 'and': 0.10240102754317151, 'of': 0.05712547684165998, 'the': 0.04422196223221169, 'in': 0.03350494167484157, 'is': 0.028058542060599406, 'I': 0.026660736993923923, 'for': 0.02440585407489247, 'not': 0.02404489402087884}, {'hundred': 0.2528190480906184, 'six': 0.0320033279236158, 'one': 0.02420175663310656, 'seven': 0.0159010266932639, 'dred': 0.015385839869564932, 'eight': 0.015167776721208974, 'two': 0.013078864416865406, 'four': 0.012527589617754447, 'three': 0.010614335615672378}, {'the': 0.1598103787432024, 'and': 0.11871077708743676, 'of': 0.08602739559787087, 'The': 0.038652020581649196, 'that': 0.03276018157209551, 'these': 0.028621773236943676, 'These': 0.026996636124345257, 'in': 0.025979445439423335, 'such': 0.02151839153799508}, {'more': 0.2600818523843197, 'less': 0.08561901056324153, 'better': 0.08166918840713923, 'rather': 0.08155736520907791, 'other': 0.059329955904138365, 'worse': 0.029805188771935193, 'greater': 0.026843183571339777, 'and': 0.02025571342545589, 'larger': 0.019812748243545238}, {'the': 0.3504183109039428, 'a': 0.30506686828917523, 'his': 0.08928964109856592, 'The': 0.03882561230808384, 'my': 0.030572998755433713, 'other': 0.023372097712280486, 'any': 0.022190182182034637, 'tho': 0.021478530596878563, 'and': 0.02109387953355559}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'it': 0.17446210238267795, 'It': 0.16512138039676244, 'This': 0.11580779511931819, 'which': 0.07131888702327785, 'that': 0.06268754379599907, 'this': 0.05652048471821813, 'and': 0.04054529143452458, 'there': 0.036840538093569096, 'he': 0.03013409703322793}, {'the': 0.36327176487060403, 'of': 0.11056017056945819, 'and': 0.07582113780504855, 'a': 0.06832142786845463, 'his': 0.03392946975842082, 'to': 0.03379654738614555, 'this': 0.03245343481140646, 'in': 0.03208957313115101, 'said': 0.0266421890218458}, {'him.': 0.05393417681284962, 'it.': 0.023739918496431242, '<s>': 0.02128432357986784, 'man.': 0.013321535902205016, 'them.': 0.012827541508953528, 'himself.': 0.011446820568934844, 'time.': 0.011077626676783654, 'years.': 0.010538393879475694, 'her.': 0.010307573655016512}, {'able': 0.07523411331147944, 'and': 0.06559085484889111, 'sufficient': 0.060325791844197334, 'necessary': 0.058786601066102395, 'enough': 0.052585297850883256, 'willing': 0.04789337656735605, 'as': 0.04645326134170729, 'order': 0.04561995065093528, 'have': 0.045446208005655}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'it': 0.18143874199255758, 'there': 0.10331969695424356, 'It': 0.09198639939220059, 'which': 0.08073126991269376, 'they': 0.06240522313208139, 'that': 0.054082648531678275, 'and': 0.05144105994683339, 'he': 0.03253148924096088, 'There': 0.03214778196988864}, {'be': 0.20324645600114757, 'are': 0.11795331856390565, 'been': 0.10896906414243536, 'is': 0.09356424899399922, 'was': 0.08247629788128746, 'and': 0.058732146955646096, 'were': 0.053047635293012235, 'all': 0.03389640046416425, 'of': 0.030547336425186623}, {'of': 0.23223035413875084, 'in': 0.1224168682926982, 'to': 0.11919774960473528, 'with': 0.057825406497736265, 'and': 0.05511995016594247, 'for': 0.05108712453765465, 'on': 0.04184738441648942, 'from': 0.03811164965029357, 'by': 0.03612858188811725}, {'of': 0.14090162586673685, 'in': 0.14019564910475513, 'to': 0.09168327301608567, 'and': 0.084546751437411, 'the': 0.047866925149143306, 'for': 0.045455526606313336, 'In': 0.042655400215466766, 'with': 0.03181036010332506, 'or': 0.030600681083966883}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'and': 0.11173231260713914, 'sell': 0.04449322721969129, 'sold': 0.03863424560124692, 'that': 0.033660419936593765, 'held': 0.02259282099971722, 'was': 0.02243630968369107, 'sale': 0.021554365892956506, 'the': 0.020833725084651745, 'out': 0.019865256024630608}, {'I': 0.4050415106968595, 'to': 0.11389172462849687, 'we': 0.0971393446841298, 'not': 0.09240245075768992, 'you': 0.07163948132788944, 'We': 0.04629540046720278, 'they': 0.04313535945778123, 'and': 0.04289572492858057, 'would': 0.0403661754929565}, {'be': 0.10963651137218565, 'de-': 0.10749564838082613, 'I': 0.1062587046344656, 'was': 0.10147456621783221, 'and': 0.08198050880800174, 'who': 0.06292997911061039, 'have': 0.05785029248958294, 'he': 0.05723293494312806, 'had': 0.04229297423803706}, {'of': 0.31226783648039985, 'that': 0.09671995556739642, 'and': 0.09522205837638797, 'to': 0.08633810195999293, 'in': 0.0661934381053446, 'for': 0.06022996807434167, 'by': 0.05913163950431259, 'with': 0.047774197155930884, 'at': 0.02950171227509699}, {'the': 0.15074154122063466, 'and': 0.09955173653754493, 'of': 0.09095614919403532, 'to': 0.05618591723729392, 'a': 0.05612999152035257, 'is': 0.045027631857007026, 'was': 0.041559415440580186, 'be': 0.0376243649998588, 'are': 0.03054339957595198}, {'of': 0.3038184357101225, 'to': 0.1272609912935504, 'in': 0.08774054206761085, 'with': 0.07649805773506639, 'and': 0.07465691239912985, 'by': 0.06629538883739045, 'for': 0.06468255737387912, 'at': 0.04223773057712305, 'on': 0.041238116712194864}, {'have': 0.1518618267337086, 'had': 0.13662885669538202, 'has': 0.1343777391706829, 'was': 0.11099670406149531, 'and': 0.09054573338757922, 'been': 0.08782800607250987, 'be': 0.07621227124154202, 'not': 0.05193773595960288, 'or': 0.04725989030922233}, {'the': 0.6775198610093907, 'The': 0.0797110147126694, 'tho': 0.04322248729792165, 'and': 0.026778917774027813, 'tbe': 0.018349634912898406, 'of': 0.018242065601836333, 'his': 0.016162118576455508, 'in': 0.012655530595288522, 'I': 0.011179681179297744}, {'the': 0.15764315202364018, 'and': 0.11702741469980123, 'of': 0.09250657478166799, 'a': 0.06943760106489366, 'to': 0.055231070963224445, 'in': 0.03458161339219903, 'Mr.': 0.030491699848121466, 'I': 0.02355851684369975, 'or': 0.022026981014599666}, {'and': 0.07971359756956216, 'a': 0.0721373181982614, 'that': 0.05949410475489616, 'the': 0.024981379372977692, 'for': 0.01919585951386378, 'worth': 0.017196164680676522, 'which,': 0.016229036308424132, 'but': 0.01570960591876931, 'and,': 0.013673658457068732}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.11058815279855713, 'be': 0.04974691223109857, 'was': 0.045818462430063746, 'is': 0.03379807198353188, 'been': 0.03338012562963226, 'put': 0.03310214238105302, 'feet': 0.031323653679248956, 'are': 0.030846635292659758, 'engaged': 0.030319144787614806}, {'the': 0.07853683615259145, 'of': 0.0756178710687192, 'and': 0.07358083419636358, 'be': 0.07077104144328393, 'to': 0.05773020870440279, 'was': 0.05477034924053261, 'is': 0.03974607354588707, 'or': 0.028619784876402696, 'are': 0.02829496068502736}, {'the': 0.15004672961476476, 'and': 0.13474652363535733, 'of': 0.12003038375924638, 'to': 0.07176660556989567, 'a': 0.04752132753591885, 'in': 0.0451443640158669, 'for': 0.027604440359319856, 'is': 0.0168551504538026, 'Mr.': 0.016508126997047262}, {'made': 0.07480064136839229, 'and': 0.07299256274953536, 'or': 0.03735346764649361, 'it': 0.022904839789852624, 'paid': 0.021045970284064613, 'accompanied': 0.021040921077179583, 'that': 0.019685582551149376, 'ed': 0.01935348104827986, 'done': 0.01879214719018923}, {'a': 0.6828458352880684, 'of': 0.05005503072587222, 'in': 0.050053780870854006, 'the': 0.038489687024976627, 'A': 0.03625296266554169, 'very': 0.03407786620198248, 'some': 0.03146025968516699, 'no': 0.0187471724471336, 'and': 0.018453029670046032}, {'have': 0.21211021562534862, 'had': 0.16957715028804465, 'has': 0.16459269467669327, 'and': 0.08227907376674694, 'he': 0.04631457333432287, 'was': 0.04513701744687005, 'to': 0.039021598020481156, 'is': 0.031115375633862855, 'been': 0.028637124391482124}, {'that': 0.18566706748983797, 'and': 0.11681418296160237, 'as': 0.11120542032400127, 'which': 0.10403514576054819, 'when': 0.09757893916044386, 'what': 0.05730347731013848, 'to': 0.04256905269290857, 'but': 0.0418576017750531, 'if': 0.03753182033155784}, {'with-': 0.22896246068446094, 'sent': 0.08512395213473327, 'went': 0.07740507595241666, 'carry': 0.06433096468979278, 'go': 0.05974999455827481, 'and': 0.05242947857315152, 'brought': 0.04255261778077414, 'it': 0.04152127758973183, 'carried': 0.035909070919079994}, {'the': 0.48488955282935414, 'a': 0.11334630034640686, 'said': 0.05853319841903257, 'of': 0.051585522633851216, 'this': 0.037146616853472834, 'The': 0.032033878836715726, 'national': 0.024659666074262745, 'state': 0.024657174424600165, 'tho': 0.02418620915992222}, {'and': 0.07603577662288796, 'as': 0.06489575455179855, 'referred': 0.04050693259132925, 'according': 0.02708375222378582, 'him': 0.02660619578202528, 'them': 0.02522636007794205, 'regard': 0.024779075518499272, 'up': 0.024326574308816042, 'back': 0.022663462466665223}, {'and': 0.09377129454296322, 'was': 0.04271315341537484, 'out': 0.028524574363226172, 'that': 0.02811573968936019, 'placed': 0.027131868575018914, 'work': 0.02578173844450971, 'made': 0.024681420068921236, 'is': 0.024021050156212566, 'up': 0.023509378606325886}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'as': 0.2567271083113158, 'of': 0.10241815177632496, 'to': 0.09987422008283803, 'and': 0.08214155645724089, 'so': 0.0704647682051467, 'such': 0.0579059512217828, 'in': 0.05508081854703172, 'not': 0.04311200508495418, 'by': 0.028049206387057265}, {'of': 0.2015967063982102, 'in': 0.17732045407047298, 'on': 0.1737025717299467, 'the': 0.10513521349551223, 'to': 0.05286758277537678, 'and': 0.049041547506921614, 'In': 0.04855188285004362, 'at': 0.045877008791542044, 'from': 0.01853848694202484}, {'and': 0.11582081944112449, 'was': 0.04225261395959518, 'held': 0.03592895762799326, 'Beginning': 0.02926079870317736, 'is': 0.027806631077598554, 'look': 0.026545353863800903, 'arrived': 0.026240397869270526, 'that': 0.0255265603479058, 'interest': 0.024134996272950678}, {'in': 0.30791933837901825, 'of': 0.20655532770302457, 'the': 0.10556180145119702, 'In': 0.061712009843511335, 'their': 0.0400072858293202, 'to': 0.029185093068510887, 'his': 0.027806534115123533, 'and': 0.026328140795555136, 'its': 0.02335363065397737}, {'was': 0.16550218244899684, 'be': 0.15982433907273827, 'been': 0.1255079582024562, 'have': 0.08622472208709817, 'were': 0.07122430454237032, 'and': 0.06072111658800542, 'has': 0.049700462223558284, 'are': 0.048230630495775265, 'had': 0.04444577545866998}, {'is': 0.21964948281778351, 'and': 0.15386837524331265, 'was': 0.10833828453845813, 'are': 0.0989724191683871, 'be': 0.08530862517310267, 'not': 0.07424937060388158, 'have': 0.04954836918285055, 'but': 0.045108596032415904, 'were': 0.03690231294861267}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'the': 0.5874873836375147, 'of': 0.07742573705589768, 'a': 0.04995047343990805, 'tho': 0.03974875047239252, 'this': 0.034501925855005444, 'their': 0.03238451706696077, 'The': 0.03046978214365469, 'and': 0.026177524472872783, 'our': 0.024986706414385985}, {'it': 0.2362756637425065, 'he': 0.16431471761064592, 'It': 0.13643329820792086, 'and': 0.06646498410169731, 'who': 0.043492556529752154, 'He': 0.04319854510832011, 'that': 0.03811553585177084, 'she': 0.030779354266383167, 'which': 0.02952392601214836}, {'and': 0.10783154660682268, 'held': 0.04001521167434389, 'Beginning': 0.031426354563441686, 'arrived': 0.02952908321989551, 'was': 0.029243248657303836, 'made': 0.027711028242479025, 'look': 0.023735580166204084, 'is': 0.021764528775585955, 'up': 0.021262281424731983}, {'Mrs.': 0.14652223941825182, 'of': 0.1197484238478277, 'and': 0.09487796661968995, 'Mr.': 0.07206912277200642, 'to': 0.03916498247640519, 'by': 0.027106327990606627, '<s>': 0.020772588264241137, 'Dr.': 0.018984100392655797, 'said': 0.013089666836503514}, {'the': 0.3208876977395062, 'of': 0.09851597051783877, 'a': 0.0911808979538127, 'and': 0.05276066641107166, 'in': 0.042186971228807296, 'to': 0.031778193821180224, 'The': 0.027098788866285573, 'tho': 0.02323565183012189, 'an': 0.020052422315492518}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'in': 0.14557440865169408, 'of': 0.11289327825509128, 'the': 0.08527392821259443, 'and': 0.06437529982342059, 'for': 0.05488254176673715, 'a': 0.03808718814306912, 'to': 0.03699595218284497, 'In': 0.034301016692017613, 'was': 0.019868772630116955}, {'part': 0.05471851257883924, 'one': 0.04452063682788975, 'out': 0.03519559986730605, 'side': 0.02331419216330189, 'that': 0.022336071249907576, 'some': 0.020810972793672885, 'end': 0.01839138252712686, 'members': 0.018275044757198464, 'portion': 0.01603492158231836}, {'the': 0.6511923352084901, 'The': 0.06644111805613274, 'and': 0.04652223968054614, 'assessed': 0.043732628171234106, 'par': 0.042469777260408736, 'tho': 0.03166974773792347, 'in': 0.024405550579555534, 'of': 0.02249678856085686, 'a': 0.022264795678715043}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.39531255843545915, 'this': 0.16897537321394343, 'and': 0.10093417924166521, 'to': 0.06294968333314759, 'a': 0.05045453071879637, 'that': 0.04449402020994471, 'The': 0.036580008147451715, 'will': 0.030064449166677564, 'of': 0.029061870445751092}, {'of': 0.36964286996493706, 'to': 0.11677367263163799, 'in': 0.09309854580888631, 'on': 0.06532831054697504, 'and': 0.0645095631292109, 'by': 0.06267493988655351, 'that': 0.06129450274960069, 'from': 0.04684819844151994, 'with': 0.027512745011242942}, {'and': 0.11806801595638686, 'was': 0.0656655564015758, 'is': 0.046792063468053986, 'up': 0.03108395308599868, 'it': 0.03021415321434409, 'made': 0.026603113622950526, 'put': 0.026294257073757266, 'placed': 0.02593741995179731, 'that': 0.025049778326914608}, {'of': 0.28232683839198347, 'in': 0.11748280753351414, 'to': 0.11153077013822218, 'that': 0.10127050283353685, 'and': 0.08812720127237482, 'by': 0.06379891689853398, 'from': 0.04748028686798859, 'with': 0.04297348515861313, 'for': 0.03943443501009508}, {'of': 0.3532152884248888, 'on': 0.12258328013336903, 'to': 0.11058418828986467, 'in': 0.08250064798636172, 'from': 0.05997889761487687, 'by': 0.05575690647577655, 'and': 0.035793502258384985, 'at': 0.028520971096829467, 'that': 0.02767680024633758}, {'not': 0.4049472527107381, 'is': 0.11809413173124274, 'was': 0.09594157270333745, 'and': 0.048075057285870394, 'are': 0.04734865892426372, 'the': 0.03203102591328073, 'be': 0.029159831215270427, 'were': 0.027692909076330582, 'had': 0.020369776233683256}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'I': 0.2325996884725467, 'we': 0.13569875429063805, 'he': 0.13327052485007065, 'they': 0.0856598421950167, 'you': 0.08115973962447286, 'it': 0.06727790888422865, 'We': 0.039427082700645086, 'she': 0.03722825211427394, 'and': 0.030838999326573406}, {'was': 0.16102112863101484, 'as': 0.1505694149486562, 'has': 0.1211884456244168, 'is': 0.11578467441911063, 'have': 0.09269989165099282, 'be': 0.08580333933808541, 'and': 0.07079792549960119, 'had': 0.05904855729687375, 'been': 0.04962920267932518}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'a': 0.4900191826810422, 'the': 0.13231089003332316, 'of': 0.10245741760169065, 'very': 0.042185989051204846, 'and': 0.03674449040027522, 'in': 0.034937286616417346, 'A': 0.030346132901116027, 'with': 0.02060885355518928, 'some': 0.017544916809796418}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'It': 0.1659499651060022, 'which': 0.10535096032811161, 'it': 0.09367003001032342, 'There': 0.07999911938410766, 'he': 0.058908682105618525, 'He': 0.05492783029245828, 'there': 0.03745192245184137, 'that': 0.03653083241132836, 'and': 0.03472405194974524}, {'the': 0.46937669280477917, 'this': 0.12258400460740757, 'his': 0.10111412684822231, 'any': 0.05883259569973885, 'a': 0.05198146620156162, 'that': 0.04804771622807614, 'her': 0.03818808419163858, 'their': 0.0340183345794933, 'some': 0.03149127178714181}, {'the': 0.18474170859291153, 'of': 0.09679835659417563, 'and': 0.0646528579488119, 'that': 0.049799969594857225, 'a': 0.038198765469230934, 'or': 0.038179255161885806, 'Mr.': 0.030754170622536863, 'in': 0.028982215493997397, 'The': 0.026529813457791276}, {'a': 0.5231238623699183, 'to': 0.1390081037178277, 'his': 0.06774577377871024, 'the': 0.05698688531747153, 'will': 0.03310616356321534, 'not': 0.024563842834282604, 'no': 0.020746685618259895, 'their': 0.019969680695043936, 'would': 0.01857771160290111}, {'of': 0.24100415326751082, 'in': 0.1228199132526257, 'to': 0.07748966597690302, 'with': 0.05037838190417227, 'a': 0.042914040329228395, 'and': 0.03595836118787459, 'by': 0.03277508214987257, 'In': 0.03178109915813798, 'from': 0.03140893676054898}, {'the': 0.24465435666441412, 'his': 0.12500425227901707, 'deaf': 0.0804804116438116, 'a': 0.07351807762162912, 'an': 0.05448966966051168, 'their': 0.0521727195729996, 'and': 0.04170991320635407, 'any': 0.039800895879739846, 'no': 0.03388087877941664}, {'of': 0.2266178748739184, 'in': 0.13974618705689132, 'or': 0.11768154888582115, 'to': 0.11611721069457603, 'for': 0.08783995632394972, 'by': 0.0802795237758921, 'with': 0.05983766338301974, 'than': 0.057258388847382644, 'without': 0.053414279982979894}, {'of': 0.13094434873038252, 'his': 0.1188003418884105, 'to': 0.09508326019125911, 'their': 0.07798207701801585, 'and': 0.06737857854028563, 'the': 0.06335961452175387, 'on': 0.0568140109820377, 'for': 0.05144230717605825, 'in': 0.04880557814277444}, {'and': 0.09786363372509259, 'was': 0.0520501611798442, 'is': 0.03873403197281807, 'that': 0.033875893454898665, 'be': 0.029950487022410384, 'it': 0.02580470536788864, 'made': 0.020959060706559805, 'are': 0.020228066577143808, 'been': 0.01932691838843375}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'for': 0.23035552248183666, 'during': 0.18350999199027915, 'of': 0.13803321945320549, 'at': 0.10878845388308782, 'in': 0.10209802176523274, 'to': 0.08985143579044165, 'that': 0.03312941675921751, 'In': 0.03015817361101377, 'by': 0.028756982387506742}, {'the': 0.1331954013331003, 'of': 0.10395761905650669, 'and': 0.09166744382168995, 'a': 0.0674867672110823, 'to': 0.04481959524883369, 'was': 0.033914181021321675, 'be': 0.027669522756191306, 'is': 0.023821375196731925, 'been': 0.01992601692954109}, {'one': 0.13027668708462814, 'out': 0.07742206756685843, 'part': 0.06474114282857145, 'some': 0.05640712659716483, 'time': 0.03954471000289752, 'account': 0.03620724368530425, 'all': 0.03238127669140698, 'and': 0.028154969476639407, 'that': 0.02755643570827209}, {'the': 0.06253538568654221, 'of': 0.04357310304383868, 'and': 0.03203613700156021, 'a': 0.026474390189690927, 'an': 0.024953134292400852, '-': 0.024724733960791643, 'i': 0.023513727449654298, '.': 0.02103992717325982, 'to': 0.02037535474440092}, {'and': 0.11806801595638686, 'was': 0.0656655564015758, 'is': 0.046792063468053986, 'up': 0.03108395308599868, 'it': 0.03021415321434409, 'made': 0.026603113622950526, 'put': 0.026294257073757266, 'placed': 0.02593741995179731, 'that': 0.025049778326914608}, {'a': 0.628869701293389, 'the': 0.09465511145381283, 'to': 0.045572052040179035, 'his': 0.030631904062340096, 'no': 0.018029697747096035, 'and': 0.016057217383520055, 'A': 0.014693830249068176, 'in': 0.014290385758690467, 'or': 0.012620004129545299}, {'the': 0.16490720038311907, 'of': 0.12177918468339209, 'a': 0.09983857893476582, 'and': 0.06609542923981462, 'to': 0.0647139475722134, 'at': 0.05171291114601743, 'in': 0.04429525794503564, 'that': 0.029710509064452904, 'an': 0.02881610761630439}, {'time': 0.013178062383729055, 'up': 0.012683164260209363, 'him': 0.011429439117214403, 'him,': 0.011150832347387719, 'it,': 0.011037887892978715, ';': 0.010645059574714299, 'day': 0.01034553845517621, 'years,': 0.009698299461452157, 'night': 0.009694420772087629}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.24948759136172527, 'half': 0.15961820613917985, 'for': 0.1192317307542668, 'in': 0.09859254853671358, 'and': 0.05851280147107067, 'about': 0.055771106281666816, 'as': 0.05115092189649647, 'to': 0.04129984481964386, 'cents': 0.039943491911041955}, {'of': 0.22736108175266492, 'and': 0.15262023435343078, 'in': 0.1306297448389646, 'to': 0.1042638491301413, 'with': 0.08619344805039393, 'for': 0.0711299144083165, 'that': 0.036064667401087595, 'from': 0.02935597374522222, 'by': 0.02863296721209619}, {'the': 0.27903667846572416, 'of': 0.11732088397004925, 'a': 0.07651759725774658, 'and': 0.07412774544047698, 'in': 0.05300942976668658, 'an': 0.03320484627746257, 'to': 0.02852548154472489, 'on': 0.021864675697618546, 'with': 0.020133547587006487}, {'and': 0.09377129454296322, 'was': 0.04271315341537484, 'out': 0.028524574363226172, 'that': 0.02811573968936019, 'placed': 0.027131868575018914, 'work': 0.02578173844450971, 'made': 0.024681420068921236, 'is': 0.024021050156212566, 'up': 0.023509378606325886}, {'the': 0.6202556298639625, 'The': 0.052624960432070274, 'Assistant': 0.047752591857121364, 'and': 0.03940507359922013, 'tho': 0.0339110052463701, 'by': 0.03069214502638988, 'of': 0.02213418825205755, 'tbe': 0.01593033651977654, 'in': 0.010119342408695256}, {'one': 0.016368888842335127, 'more': 0.015000372690832826, 'on': 0.011189338260333165, 'day': 0.01075934247865153, 'two': 0.010752403191876184, 'person': 0.00789861567222125, 'in': 0.007751399993273645, 'man': 0.007556023970783172, 'law': 0.006531081514130428}, {'and': 0.1342128801099265, 'of': 0.1087282145190508, 'the': 0.08499806936615294, 'to': 0.06810030574748001, 'a': 0.04822332058772525, 'for': 0.026963491824262553, 'more': 0.02577606971116848, 'with': 0.023215405743446573, 'that': 0.022551572784676906}, {'was': 0.4036277614793339, 'be': 0.1612464779796436, 'been': 0.1256587701015858, 'were': 0.08440266462528011, 'is': 0.05376137014574794, 'and': 0.04286479640546202, 'being': 0.03205833441247693, 'are': 0.03074786609092558, 'bo': 0.012491296208833796}, {'of': 0.4254835314325097, 'to': 0.09677374138798153, 'on': 0.0943559141095736, 'in': 0.09103878405582405, 'and': 0.04521957754062035, 'by': 0.041774592139547075, 'that': 0.039745010883711206, 'from': 0.030793353584576015, 'for': 0.029286893669537243}, {'.': 0.017322747983692686, '-': 0.01723778628439973, 'the': 0.013389965932005763, 'and': 0.012674795792631007, 'a': 0.012224603896449762, 'of': 0.010682846183618706, 're-': 0.010660145138322405, 'to': 0.00973107676196555, '<s>': 0.007157664456457688}, {'and': 0.1368667560159047, 'of': 0.09227903495910833, 'the': 0.08958737435734956, 'to': 0.05651695051198223, 'a': 0.029945556261069525, 'or': 0.027354458578007532, 'in': 0.02503703623837939, 'be': 0.024631246379521965, 'for': 0.021650954533306403}, {'of': 0.3943219127611351, 'in': 0.17913033608628076, 'to': 0.06378833244107411, 'for': 0.057035920711907086, 'that': 0.055555954476111696, 'In': 0.05231050477608299, 'from': 0.04647927359442936, 'and': 0.03667355959090486, 'with': 0.03483522543716777}, {'is': 0.2649053118742484, 'was': 0.19766637656175337, 'be': 0.14926988239970163, 'and': 0.08087388310001843, 'are': 0.076153231108393, 'Is': 0.047544318005348064, 'been': 0.04577799266780797, 'he': 0.04112168852256333, 'were': 0.03538640285938267}, {'of': 0.17399917697346284, 'in': 0.16213716009098075, 'the': 0.09226661371825987, 'to': 0.046462077143646766, 'and': 0.04356015029964855, 'In': 0.03854214894562856, 'for': 0.03378715133348428, 'a': 0.03359877692709579, 'with': 0.0185158891917078}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.21382963526334745, 'of': 0.1300930665830113, 'and': 0.10922412236500574, 'to': 0.05136329391793314, 'in': 0.04866323371831881, 'at': 0.0341677349901369, 'a': 0.027079592531145412, 'for': 0.023789887131826143, 'or': 0.02193358868375156}, {'the': 0.2145446871822153, 'a': 0.1365902154700107, 'of': 0.12129646796558764, 'in': 0.059443970663683086, 'and': 0.0273711434491065, 'at': 0.01944041893621707, 'for': 0.017110154739530016, 'The': 0.014640852868727449, 'to': 0.013885322377035006}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'and': 0.1156789470292127, 'well': 0.07556980993677288, 'regarded': 0.04497062169191372, 'him': 0.038248776737851944, 'known': 0.03783818211632863, 'soon': 0.03287802268774235, 'it': 0.03193764873859754, 'is': 0.029686094618060876, 'but': 0.029025893971380265}, {'it,': 0.023043997510986194, ';': 0.02303743238271218, 'in': 0.02012632344113234, 'him': 0.018710865147485288, 'him,': 0.016854667229950257, 'it': 0.01501886076721201, 'me': 0.013703778310520874, 'me,': 0.012894273546999534, 'them,': 0.012275971565748655}, {'it': 0.17446210238267795, 'It': 0.16512138039676244, 'This': 0.11580779511931819, 'which': 0.07131888702327785, 'that': 0.06268754379599907, 'this': 0.05652048471821813, 'and': 0.04054529143452458, 'there': 0.036840538093569096, 'he': 0.03013409703322793}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.4993573143249583, 'a': 0.13535134266323456, 'of': 0.06836517045999203, 'this': 0.040635944145372374, 'other': 0.03851416028368668, 'The': 0.02987384723768884, 'tho': 0.02769198856332597, 'his': 0.017879842031700233, 'new': 0.015399215287590789}, {'the': 0.14127260653911067, 'and': 0.08258292792033299, 'of': 0.07465218453536096, 'that': 0.057181480247016435, 'in': 0.03233950725457273, 'The': 0.021884906655732273, 'which': 0.020891314972838214, 'a': 0.018978691603322634, 'Mr.': 0.018687171934215718}, {'the': 0.6184093637560311, 'of': 0.1048717085926549, 'our': 0.05257089306632304, 'tho': 0.0324403030293642, 'on': 0.02934099046717935, 'this': 0.027310707127148906, 'national': 0.026766191136851955, 'their': 0.024045681652220458, 'general': 0.01932148752581923}, {'of': 0.1338685235890064, 'the': 0.10810580979759514, 'in': 0.0979896981224086, 'to': 0.08543459123024268, 'and': 0.0828549798473408, 'a': 0.05442263517907091, 'for': 0.028838879972585132, 'from': 0.02713834416032728, 'In': 0.025784213546717134}, {'of': 0.37803051381925923, 'to': 0.10539842137056651, 'in': 0.09477801978211961, 'that': 0.07919983885719588, 'and': 0.07028390125844415, 'for': 0.06206916162151799, 'by': 0.04434439428384025, 'on': 0.04355078404895376, 'from': 0.03542021445891574}, {'and': 0.21060131835586793, 'as': 0.10407261838234842, 'that': 0.09070643661222806, 'but': 0.027054071192114743, 'or': 0.02586935494675679, 'But': 0.013941597753169357, 'even': 0.013132646249084287, 'which,': 0.01268076879867512, 'And': 0.012663842392830098}, {'of': 0.249858925915288, 'to': 0.2447229200483066, 'in': 0.0815152704580765, 'by': 0.07472788148829956, 'from': 0.0586289904040751, 'and': 0.057826558189314446, 'with': 0.033491127101100304, 'at': 0.030408031672429076, 'In': 0.028594882780392957}, {'<s>': 0.04471232831599591, 'them.': 0.03618414745632326, 'it.': 0.033018439858637255, 'him.': 0.020915112836494547, 'day.': 0.011589576253170617, 'time.': 0.01103573644743246, 'said:': 0.010879448306138774, 'us.': 0.01069758404946678, 'life.': 0.010468448089850372}, {'is': 0.09668668957534467, 'and': 0.09146717410772758, 'able': 0.05673163447092856, 'not': 0.05313203547529538, 'enough': 0.05193345566758337, 'was': 0.05027921594784049, 'necessary': 0.043622396551558903, 'as': 0.04260540354492606, 'began': 0.04063730408513365}, {'and': 0.12898493640461098, 'the': 0.0862970010900792, 'to': 0.0574328269961494, 'will': 0.038139006692124694, 'a': 0.03288741146894428, 'I': 0.027767596553152606, 'of': 0.026846218778148762, 'that': 0.025413411529070114, 'would': 0.024162441889793464}, {'they': 0.1496775314717634, 'who': 0.07920658274702827, 'we': 0.07543330180365866, 'which': 0.05433776663621662, 'They': 0.044592994529488734, 'and': 0.041983397963064925, 'you': 0.03918345650767516, 'We': 0.031760031158240845, 'that': 0.02986244179365232}, {'the': 0.19670387957172328, 'of': 0.12034700726956073, 'a': 0.08438228089640598, 'to': 0.07002755359439007, 'and': 0.06281574081115311, 'be': 0.0453128674171294, 'in': 0.03379866218947241, 'is': 0.03220276533394172, 'not': 0.029189418599409524}, {'the': 0.4816059036483843, 'and': 0.0945468312990187, 'a': 0.08494206801205803, 'The': 0.05099658778736211, 'in': 0.04381422044045527, 'tho': 0.036537464134120935, 'an': 0.0349030908977375, 'or': 0.033961962227390195, 'all': 0.03190883731568118}, {'the': 0.4408393746609459, 'of': 0.2422720691556274, 'in': 0.0941861284640564, 'his': 0.037625700742477876, 'In': 0.02514540222397408, 'a': 0.024771016569762522, 'this': 0.020851298140161744, 'The': 0.020728702710003762, 'that': 0.013071428071949765}, {'was': 0.21025461762710151, 'is': 0.16397885841387708, 'are': 0.13444982977239398, 'been': 0.11705513922305939, 'be': 0.10631253560589836, 'not': 0.053471632630445985, 'were': 0.0518298121426143, 'and': 0.04027221360959726, 'have': 0.0327728158744046}, {'and': 0.13326171966230865, 'to': 0.09042113349757278, 'the': 0.07369499849854257, 'be': 0.0652269823243365, 'was': 0.06278886882589327, 'of': 0.06017560286773048, 'is': 0.051843171548898344, 'a': 0.03878693439387048, 'are': 0.028203090633909737}, {'the': 0.7682945287531753, 'of': 0.07721737006645209, 'tho': 0.022857231247777214, 'this': 0.021344547714848776, 'to': 0.019183726046558963, 'their': 0.01662508500196727, 'our': 0.01416576539298113, 'tbe': 0.011769526925771802, 'said': 0.011271571620048024}, {'the': 0.37986748647712726, 'of': 0.0883652845848079, 'and': 0.0782638490756953, 'a': 0.06961404814866998, 'in': 0.06735660854170623, 'their': 0.04860572794693405, 'his': 0.04173575094059233, 'this': 0.033350815354185576, 'any': 0.028578541216159485}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'was': 0.20033244256127675, 'and': 0.1571337751519323, 'is': 0.15391641465990483, 'of': 0.055201561007510794, 'are': 0.04940846715750452, 'in': 0.044080932744053405, 'were': 0.043093785832189875, 'be': 0.04116747472888666, 'not': 0.035207931170988964}, {'of': 0.26181780205847843, 'to': 0.18023844590818294, 'the': 0.13310406529255292, 'in': 0.08575126597452642, 'and': 0.06102998077168866, 'their': 0.0539842363589815, 'all': 0.04219994887158922, 'his': 0.03813143446555786, 'for': 0.030024943399130942}, {'be': 0.22121397181482944, 'was': 0.17472787396059403, 'is': 0.12655120701284117, 'been': 0.10903036870331677, 'are': 0.07520157124485519, 'were': 0.04909154977419323, 'and': 0.047348538646956595, 'being': 0.03712557927196459, 'not': 0.03606659679399282}, {'the': 0.161571823160705, 'of': 0.09066395789307255, 'and': 0.08811651892316719, 'to': 0.04899478563575888, 'a': 0.04339234346550187, 'in': 0.02742755197900953, 'be': 0.01966761960337111, 'his': 0.018152941337592668, 'or': 0.01745461527325544}, {'and': 0.046441363753198094, 'known': 0.02688820783317444, 'day': 0.01901743274763736, 'it': 0.01740797321349602, 'time': 0.01671431458333888, 'that': 0.012214305022783643, 'was': 0.011346391243065385, 'well': 0.010043285903658999, 'up': 0.009539746502425782}, {'the': 0.6810450484868266, 'an': 0.07177455455155665, 'The': 0.06744628545753231, 'a': 0.045688634166714974, 'tho': 0.03849317557394597, 'and': 0.019095912222824626, 'large': 0.016131825358719345, 'tbe': 0.015298092604184126, 'great': 0.0142428484149177}, {'and': 0.1836314986274241, 'of': 0.14518828392458782, 'fact': 0.07006620476844842, 'in': 0.054398420684604036, 'to': 0.05389667397983197, 'on': 0.04926143315484637, 'at': 0.04698672185009109, 'from': 0.03848741044484532, 'said': 0.03839907995251954}, {'it': 0.1285448843542709, 'and': 0.10694272757442698, 'we': 0.10591445153949819, 'I': 0.07818596098674681, 'he': 0.07574686672711801, 'who': 0.07070441054589015, 'which': 0.0684074274092344, 'they': 0.0634239313004832, 'It': 0.04906982838400227}, {'the': 0.33637206411197546, 'of': 0.20948833856464044, 'and': 0.0643876345147678, 'for': 0.05910098431222262, 'no': 0.04831781197351331, 'more': 0.04419810949040169, 'lawful': 0.0416115946384786, 'purchase': 0.03645405695157775, 'their': 0.03588418182052902}, {'a': 0.33692949191309857, 'the': 0.2640460349536791, 'every': 0.04920320902509905, 'this': 0.04223084336979243, 'one': 0.03822149899000895, 'next': 0.03229046762389034, 'per': 0.031236991881152837, 'any': 0.02292763380416685, 'that': 0.02178595506677876}, {'the': 0.19251821301063954, 'of': 0.13590491749135541, 'and': 0.09062025466186045, 'a': 0.040575559463169104, 'to': 0.035629725864863036, 'or': 0.019928567086292807, 'be': 0.017322963687332524, 'at': 0.014073859926605677, 'in': 0.013670399262709835}, {'and': 0.4323236297253739, 'by': 0.0338333469841045, 'of': 0.029008771745410424, 'that': 0.02708898753628825, 'to': 0.018521564447052528, '<s>': 0.012141518162254372, 'sister,': 0.009320459107790793, 'as': 0.00839632325268835, 'from': 0.007124328030957766}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.24626195923766536, 'to': 0.1958306191803294, 'in': 0.105724821074109, 'of': 0.07086824089889573, 'and': 0.06578772353382004, 'a': 0.059928968062491934, 'their': 0.05063372639943747, 'his': 0.04205280067518059, 'its': 0.03970784738362252}, {'of': 0.24334882831101728, 'the': 0.11077613908082705, 'in': 0.0984694947397048, 'and': 0.06226488641954964, 'to': 0.049317341236039085, 'for': 0.027710086153963483, 'from': 0.02524429241272248, 'In': 0.024404348359895047, 'by': 0.022079085693815278}, {'the': 0.26689561431688286, 'this': 0.23572963487839568, 'his': 0.07521509372736579, 'that': 0.05677233284337012, 'first': 0.04921960653619893, 'same': 0.03970217316719064, 'taken': 0.03364625187077379, 'on': 0.0319595775055698, 'took': 0.030204639843958044}, {'the': 0.26516721337852633, '.': 0.04518602662745817, 'and': 0.0340162900740793, 'Mr.': 0.025779489260718505, 'of': 0.021290711183982052, 'The': 0.01766911997797206, 'in': 0.017504184115997592, 'a': 0.015036145767830775, '<s>': 0.014955128612825809}, {'the': 0.5577337730614753, 'tho': 0.035997430228060096, 'Missouri': 0.02947742390869333, 'Mississippi': 0.02788094627395958, 'this': 0.018867673873699992, 'Potomac': 0.018742146692190848, 'of': 0.0183312563801905, 'The': 0.01648516370082677, 'tbe': 0.015066661723240539}, {'to': 0.5388563169769701, 'would': 0.10058138415706896, 'will': 0.08674499250643608, 'and': 0.048615395204229514, 'may': 0.04744784160750593, 'should': 0.034740780641714666, 'must': 0.03250088833103106, 'shall': 0.02546696519285855, 'can': 0.018759287846946845}, {'a': 0.4530812893667395, 'the': 0.14790429660954524, 'so': 0.0726008772430374, 'of': 0.03659490952804352, 'very': 0.03351700933648596, 'and': 0.03268640895793584, 'with': 0.025698764922313534, 'his': 0.023382031976522007, 'not': 0.0231145447836271}, {'of': 0.42946543197669595, 'in': 0.19113588747297014, 'In': 0.06472904637706722, 'that': 0.0493750149857483, 'with': 0.04807379365954958, 'to': 0.047058705562115964, 'by': 0.03403758674812693, 'and': 0.03142903038805764, 'for': 0.02891863539789102}, {'that': 0.12216111049899492, 'of': 0.10738173241659248, 'and': 0.09632028251058478, 'as': 0.08199126262776855, 'make': 0.07841895650419842, 'is': 0.053276090200771016, 'have': 0.05250999370817061, 'for': 0.051170160432756975, 'which': 0.04708297962209946}, {'it': 0.10673593210625724, 'It': 0.1044912753630694, 'and': 0.060804614484757324, 'three': 0.03182575979742283, 'a': 0.02465296369447076, 'with': 0.02385761918041752, 'more': 0.02123402116776505, 'two': 0.019121264963998737, 'that': 0.017693279278513704}, {'and': 0.10519796103172453, 'recorded': 0.04492522267636661, 'is': 0.04292906922552625, 'that': 0.040156978325769595, 'was': 0.0379374668882076, 'are': 0.03244295791167291, 'distributed': 0.025508715237800884, 'but': 0.021070365812915742, 'divided': 0.020697386321387536}, {'in': 0.15173225829120576, 'the': 0.1500728779553244, 'a': 0.12624870014080064, 'In': 0.0494110203667582, 'and': 0.0457511374265149, 'of': 0.042798386571591476, 'to': 0.03818959141710459, 'on': 0.024813841685315183, 'any': 0.01912927346454099}, {'and': 0.17585063722392302, 'fact': 0.10400902578517979, 'said': 0.06844377842999533, 'so': 0.06232472237382234, 'believe': 0.04519952307692614, 'is': 0.039634011181226815, 'say': 0.03675663629906361, 'know': 0.036060715732595706, 'found': 0.03095250753294034}, {'that': 0.2476928089595719, 'when': 0.1311226075694685, 'as': 0.10675985381161365, 'and': 0.09137376036912848, 'which': 0.0821558585492294, 'if': 0.06609327731445555, 'where': 0.04000677976837469, 'but': 0.03668196847394758, 'what': 0.024145330906737292}, {'of': 0.26957783704538046, 'and': 0.11981591755287933, 'to': 0.11662335769495832, 'that': 0.08130045356917384, 'for': 0.06631494773993178, 'in': 0.06372093073839823, 'by': 0.05410268979974421, 'with': 0.04493954835274566, 'all': 0.04216453267574555}, {'-': 0.07059043300257584, 'to': 0.0439613557665426, 'of': 0.03454382286405562, 'ti': 0.031098263381692057, 'tl': 0.025675565035050325, '.': 0.020289050737584125, 't': 0.01908740234576475, 'I': 0.01592156099584828, 'w': 0.015848999777959085}, {'and': 0.18284220744765886, 'fact': 0.08679917820063011, 'so': 0.0792476756256273, 'know': 0.049769587394551666, 'is': 0.048781197720565626, 'said': 0.04270201631095818, 'say': 0.04111574118972145, 'believe': 0.036588777296389936, 'but': 0.02866358554647341}, {'would': 0.13583654949147117, 'I': 0.13499973353673597, 'who': 0.12881076049880702, 'they': 0.1147368711920005, 'we': 0.08513203974752247, 'to': 0.08006030724892528, 'you': 0.05525086197200691, 'and': 0.046146227880023406, 'which': 0.040357079974321586}, {'the': 0.513994652737306, 'and': 0.08159809670531518, 'of': 0.07735400126855549, 'for': 0.03698306796060427, 'The': 0.0366280909702572, 'their': 0.028694149414929367, 'in': 0.028227040239135647, 'other': 0.028190293178534203, 'tho': 0.026553634337823803}, {'the': 0.14964494674883666, 'and': 0.08185927966998026, 'of': 0.07552385681410421, 'a': 0.05954713364973514, 'to': 0.048672883140076735, 'The': 0.032490683251348844, 'he': 0.023127998548909713, 'be': 0.02227415903911479, 'as': 0.021296006668803543}, {'the': 0.21180685363562896, 'a': 0.1666337083495712, 'and': 0.10638270674016143, 'of': 0.06177150171528795, 'The': 0.030111826943494256, 'an': 0.024720860965727683, 'to': 0.019439714571673265, 'in': 0.016041961473112563, 'that': 0.014921216699727045}, {'sum': 0.16700488118573364, 'rate': 0.09227335125532915, 'day': 0.04661564021578163, 'amount': 0.04542448325305191, 'number': 0.036482404455255635, 'instead': 0.0363478559949483, 'part': 0.033931749058477234, 'period': 0.03367603118299567, 'distance': 0.03322594935069903}, {'of': 0.36101574293161176, 'in': 0.1056188822466323, 'to': 0.10057823215862022, 'with': 0.06861028572585152, 'that': 0.05909819532804739, 'for': 0.05488435601668312, 'and': 0.0543794862980606, 'by': 0.04396111390773618, 'on': 0.038490307245718225}, {'the': 0.8844239874864931, 'tho': 0.04756948702344427, 'The': 0.02033430666769642, 'tbe': 0.014816209185575809, 'of': 0.01068097499444848, 'and': 0.002900692842559579, 'by': 0.0026848525152412873, 'a': 0.002620734900998062, 'tlie': 0.0017922399025080053}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'to': 0.3340482879643747, 'will': 0.21968073144733113, 'would': 0.14314405724433774, 'may': 0.05765142294232549, 'should': 0.05110517895543942, 'shall': 0.04608131248582266, 'not': 0.03762609770239684, 'must': 0.035703774805437266, 'can': 0.018640295804925693}, {'the': 0.24993940066091624, 'of': 0.22913409683839764, 'West': 0.2135540275188812, 'and': 0.05538905100199004, 'in': 0.05518231603577769, 'by': 0.02525454132358577, 'from': 0.01971227280139313, 'said': 0.019127949812475384, 'for': 0.017536504319358253}, {'of': 0.38457478887544866, 'and': 0.18598019717120454, 'by': 0.10558343812049435, 'with': 0.05235375649442364, 'in': 0.04340654345012736, 'for': 0.04335572148323994, 'the': 0.02124694698116346, 'or': 0.019506697175029664, 'as': 0.018155642466051582}, {'the': 0.3328001621261755, 'a': 0.2693543127387923, 'large': 0.153523081321922, 'this': 0.05578202102931894, 'great': 0.037498772099095655, 'in': 0.02360640923116929, 'tho': 0.022886863450283054, 'small': 0.02248065287396185, 'every': 0.020937997257051498}, {'and': 0.1461818413011029, 'that': 0.14374932878748223, 'which': 0.08644257683791226, 'to': 0.08611866503689754, 'when': 0.04894033320731414, 'as': 0.04681047726165757, 'if': 0.04140958373898463, 'said': 0.028407180404479985, 'what': 0.026448594312700167}, {'out': 0.08514189891495849, 'purpose': 0.05942050717232303, 'means': 0.057091005540655736, 'matter': 0.036018438830461325, 'right': 0.03428467347831035, 'one': 0.03091551400015779, 'sort': 0.025195979742799288, 'number': 0.024150638353046563, 'time': 0.023401518167218808}, {'per': 0.3130379420395349, 'a': 0.2911169081000682, 'the': 0.1489989335570055, 'last': 0.05577231575935855, 'every': 0.036733270673324284, 'one': 0.03545839198846711, 'this': 0.02052799298820088, 'each': 0.019134794615426873, 'next': 0.016463368445251397}, {'the': 0.1512616913031196, 'of': 0.11797904945102052, 'and': 0.09725160665249702, 'in': 0.07616300759732274, 'to': 0.04805836425009421, 'for': 0.044987806776225096, 'a': 0.041955829248830095, 'that': 0.03072409723674589, 'or': 0.03045764779941125}, {'and': 0.1189733053664964, 'the': 0.10287702719755622, 'of': 0.08189169893754962, 'to': 0.06345255385957328, 'be': 0.04334095657672097, 'was': 0.04121106403093484, 'in': 0.03680279821111817, 'is': 0.030567295462412034, 'are': 0.02482235030573041}, {'of': 0.3351881256763314, 'in': 0.08088217745427564, 'to': 0.06908723258417983, 'by': 0.04606760598437748, 'and': 0.041127848324389954, 'from': 0.0396293609046414, 'with': 0.03769458705486666, 'at': 0.035510651297918944, 'that': 0.03378667857102247}, {'to': 0.1312924664283881, 'and': 0.05984768905006147, 'or': 0.05661915444829749, 'know': 0.05111743648888735, 'in': 0.04507324537351875, 'of': 0.03988129344526657, 'that': 0.03218620887230114, 'question': 0.025062020015821754, 'see': 0.022298689912619893}, {'of': 0.08547842695645425, 'the': 0.08089891234637069, 'to': 0.07218610732865784, 'and': 0.054271262246868394, 'was': 0.04808318160380139, 'be': 0.035200692679834875, 'a': 0.030429428992430084, 'is': 0.027518920229259506, 'for': 0.026248809932594982}, {'cents': 0.2379852682089158, 'bushels': 0.04863590183522798, 'a': 0.04033952289408861, 'dollars': 0.03708097171050667, 'cent': 0.032751907843955035, 'the': 0.02643843162510298, 'pounds': 0.025859175858861168, 'feet': 0.02361547530162602, '$10': 0.018890982723516626}, {'of': 0.35130894731534545, 'in': 0.21884031125335138, 'to': 0.15003863448793914, 'for': 0.05366494029575801, 'or': 0.05081350640572079, 'by': 0.035844582475547934, 'at': 0.03096883497505299, 'In': 0.030518567793395287, 'if': 0.030280868837801445}, {'to': 0.43851352503356983, 'will': 0.16324866138041177, 'can': 0.07452340487766579, 'would': 0.07425658527585956, 'and': 0.0471260990278596, 'not': 0.044903116629873854, 'must': 0.03856020889170583, 'should': 0.037827058818278005, 'could': 0.03670956134393318, 'shall': 0.03433177872084262}, {'the': 0.48955362333886626, 'a': 0.16461364423642028, 'his': 0.09338804252384879, 'no': 0.05429404824225561, 'their': 0.0342991939710081, 'and': 0.033337383598090804, 'tho': 0.026364945251534412, 'my': 0.023093712348677072, 'her': 0.022591638811140683}, {'the': 0.348874018377944, 'and': 0.09397229748977759, 'The': 0.0680345415297028, 'a': 0.06471569132234777, 'by': 0.046744118301123704, '<s>': 0.033781409715278106, 'in': 0.030504993017513717, 'said': 0.02738392535578054, 'tho': 0.02430271983420302}, {'it': 0.18143874199255758, 'there': 0.10331969695424356, 'It': 0.09198639939220059, 'which': 0.08073126991269376, 'they': 0.06240522313208139, 'that': 0.054082648531678275, 'and': 0.05144105994683339, 'he': 0.03253148924096088, 'There': 0.03214778196988864}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'the': 0.18554142658334877, 'and': 0.11580052587238193, 'of': 0.10046825746557018, 'that': 0.029281917217386547, 'The': 0.028776420815648962, 'a': 0.02757388782740672, 'or': 0.01849222669130677, 'I': 0.018308378153822583, 'in': 0.017083742238733587}, {'be': 0.28158006041738315, 'was': 0.150868410882702, 'been': 0.11014538536950255, 'were': 0.10296540783081326, 'are': 0.08075003912481168, 'and': 0.0530043689712675, 'is': 0.048674433616645474, 'being': 0.0381173990311985, 'he': 0.025865261469927507}, {'of': 0.26010676435635904, 'to': 0.1663893316119574, 'by': 0.12116528593447062, 'and': 0.07292907310699115, 'in': 0.06727049420262037, 'at': 0.03947213594424162, 'from': 0.030260712212624885, 'for': 0.028187739185109667, 'that': 0.022043050593688857}, {'be': 0.18589786141117967, 'not': 0.15200465427110207, 'was': 0.09013125697659546, 'and': 0.07527854752472256, 'I': 0.06486305340593952, 'been': 0.05472632532561925, 'is': 0.048625877769937, 'are': 0.04781458592303652, 'he': 0.04004063242075664}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'in': 0.17831071634309084, 'for': 0.15288283829349295, 'of': 0.14608337491179252, 'within': 0.07753756007710011, 'and': 0.06785450787002224, 'only': 0.06190377207193627, 'In': 0.05627073922004922, 'with': 0.0471648322568348, 'is': 0.04003434387689471}, {';': 0.022701560046608303, 'mortgage': 0.018576925300078186, 'Mr.': 0.012628980601891084, 'street': 0.01047411156007901, 'mortgage,': 0.01016011461735465, 'contained,': 0.00842954705746895, ',': 0.008351941030909362, 'feet': 0.007105678108258772, 'one': 0.006572430905262028}, {'the': 0.187783404020636, 'of': 0.10198875187318836, 'and': 0.10104208463629337, 'to': 0.05614922473978603, 'a': 0.03791658528335443, 'or': 0.027319954448261737, 'in': 0.027254089992426733, 'be': 0.024048048060835756, 'for': 0.023562422065472224}, {'Mr.': 0.31531312496516545, 'Dr.': 0.0862627852379795, '.': 0.07909174117706712, 'C.': 0.07039455878811772, 'John': 0.06804081766378141, 'Mrs.': 0.06552702317262511, 'J.': 0.05419141827344003, 'H.': 0.05171815510629191, 'M.': 0.05152282408525971}, {'and': 0.24162532991188765, 'that': 0.1390786514211605, 'as': 0.10741426106968564, 'but': 0.04553068662408295, 'even': 0.0409022801525171, 'And': 0.02889603767122722, 'or': 0.02587557926296219, 'But': 0.02438876436489651, 'see': 0.023922128748807232}, {'of': 0.11623604586616319, 'and': 0.09224919631442621, 'to': 0.08020995101956058, 'was': 0.07878180659469525, 'in': 0.07477424047188869, 'as': 0.07255635103271854, 'is': 0.07027190316427598, 'at': 0.06890105360248425, 'on': 0.057601243431898735}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'the': 0.45879615801689083, 'a': 0.10306338216254521, 'The': 0.09003688160634964, 'protective': 0.0633618913767085, 'of': 0.06057627786406545, 'that': 0.03657930369191818, 'tho': 0.02596442484761293, 'his': 0.02511973929568729, 'new': 0.02162135514158752}, {'they': 0.1541782586066408, 'who': 0.07423270332128717, 'there': 0.06865609592278805, 'we': 0.06743402016614146, 'which': 0.05203541969553862, 'and': 0.049343777402751934, 'you': 0.04504882927149229, 'There': 0.03909780193172581, 'They': 0.036944440497495006}, {'of': 0.29101867198091264, 'to': 0.11813174100818619, 'in': 0.1172972311449329, 'and': 0.06830399127118737, 'with': 0.060605934900068804, 'for': 0.05419409192275341, 'on': 0.05219893444697187, 'by': 0.041348689452230795, 'from': 0.039219237042174226}, {'and': 0.11166187879920236, 'was': 0.0866141949972527, 'is': 0.07151750541251635, 'be': 0.0489280602699082, 'succeeded': 0.04872511099890445, 'are': 0.04290696247343432, 'made': 0.029934748815099013, 'that': 0.0282890741778667, 'were': 0.02746279482271413}, {'on': 0.19073564758052436, 'his': 0.11614136152021033, 'a': 0.11512531858265534, 'to': 0.10980002851129154, 'the': 0.08904881530673796, 'in': 0.0871337477915427, 'of': 0.0784276602352826, 'other': 0.0626881325005163, 'my': 0.05360106187342371}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'feet': 0.07493441084615247, 'number': 0.05407244852221435, 'line': 0.05337552571430048, 'out': 0.04350109472986971, 'day': 0.0416356835835903, 'city': 0.04116275605354956, 'one': 0.03374227068328655, 'cost': 0.026211684155332964, 'amount': 0.02552986922467909}, {'said': 0.14644336798524712, 'the': 0.11985264803356752, 'this': 0.03643311339074687, 'a': 0.02608651282268701, 'and': 0.024657609795387274, 'Lake': 0.012934756821605532, 'each': 0.011021482965671245, 'of': 0.00955951248916334, 'any': 0.007774423391026133}, {'the': 0.11674479095916727, 'of': 0.11450879371396443, 'Mr.': 0.06912554657020219, 'and': 0.06765308066941071, 'in': 0.03966136784955909, 'Mrs.': 0.031400487373459726, 'The': 0.028569552278744595, 'to': 0.02751620287013269, 'Miss': 0.025497005461587015}, {'be': 0.10978933935270511, 'He': 0.1075187534560298, 'is': 0.10643148385812715, 'and': 0.09920615698129431, 'was': 0.09884662497208835, 'he': 0.09594132799425883, 'also': 0.04108853124951731, 'so': 0.03735012001303525, 'been': 0.03450718850973367}, {'and': 0.13152879374557325, 'was': 0.09022216802835409, 'nothing': 0.06586154250855827, 'is': 0.06443831573091004, 'of': 0.06428077448126347, 'talk': 0.046327295517725776, 'anything': 0.04364510532663386, 'bring': 0.04220656173081419, 'brought': 0.03914137352257618}, {'of': 0.2810923983539798, 'in': 0.1279859223851018, 'to': 0.12098613947123367, 'and': 0.0709970711624433, 'that': 0.06985650295119199, 'with': 0.06792231701144437, 'for': 0.06645106934458549, 'by': 0.05770444013844748, 'all': 0.03559761219921557}, {'of': 0.34930276158871865, 'that': 0.15086388904889927, 'in': 0.10799861769937227, 'to': 0.06558862621766676, 'and': 0.05307937826534097, 'by': 0.05126914615253041, 'In': 0.03168661498065233, 'on': 0.03090987640027816, 'from': 0.02706208342067379}, {'the': 0.23781751562838516, 'of': 0.15226011335466308, 'to': 0.14720743866996666, 'his': 0.08020622774209307, 'and': 0.0592558579662287, 'in': 0.043588682828129215, 'a': 0.04202025842945974, 'with': 0.03862053606623145, 'their': 0.03627675524933674}, {'of': 0.09393295600812421, 'the': 0.08635306423707174, 'and': 0.08532758375374014, '.': 0.03127144995483946, 'Miss': 0.028703846385705955, 'Mrs.': 0.026026388211109162, 'Mr.': 0.02322337260913624, 'to': 0.02240288876330299, '<s>': 0.01876020542270494}, {'of': 0.3383688951047178, 'on': 0.17410436454217004, 'in': 0.1254239476223707, 'to': 0.08110804348006943, 'that': 0.05450519000259127, 'by': 0.04733075567470813, 'and': 0.04179063987035482, 'In': 0.02916495108945218, 'from': 0.02479253746627029}, {'and': 0.18757953094085303, 'he': 0.16882546121041916, 'who': 0.11474781303740009, 'He': 0.10340785612140488, 'have': 0.09067583724354061, 'has': 0.06593903606951726, 'had': 0.04992873242719426, 'be': 0.044975099391422496, 'I': 0.038536100879509004}, {'It': 0.24934522324809444, 'it': 0.19204678528037852, 'he': 0.045813269887057854, 'which': 0.04240578300201635, 'and': 0.026331943309369228, 'that': 0.02141768554793181, 'This': 0.018049341927380072, 'who': 0.01681128479442268, 'He': 0.01496936743209014}, {'the': 0.16336550728789678, 'of': 0.1102303701739758, 'on': 0.08848577819715019, 'a': 0.08678504145497319, 'to': 0.05501803166788501, 'and': 0.047154825586328546, 'in': 0.041341010382475105, 'an': 0.022960824134796724, 'or': 0.022806986426538143}, {'was': 0.27624286403596066, 'be': 0.25041397905443885, 'been': 0.09482561861382413, 'is': 0.08030124546944113, 'were': 0.07503733914018408, 'are': 0.042804476078451635, 'and': 0.040471941415240464, 'being': 0.032257245657414134, 'had': 0.03222804824918839}, {'be': 0.19249115563293837, 'and': 0.12639714977524144, 'was': 0.10026803630907041, 'is': 0.06655879901866076, 'were': 0.05524243524802355, 'are': 0.054503070667835024, 'been': 0.04360879125944236, 'the': 0.04240512948111461, 'he': 0.038852603764232246}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'the': 0.6234376558903993, 'The': 0.0642181719761844, 'an': 0.05490561928560502, 'no': 0.05372180689058966, 'tho': 0.035138723547397534, 'any': 0.026470830369536038, 'a': 0.02535325888262186, 'said': 0.02161253736468476, 'and': 0.017336591973024763}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.41308841194183754, 'to': 0.11602382419387965, 'and': 0.0805388599710029, 'in': 0.07117143339470386, 'for': 0.055415993998243596, 'that': 0.047843953724069126, 'with': 0.0440617319162655, 'by': 0.0432773472090431, 'on': 0.039042135401525915}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'to': 0.12057346430488962, 'and': 0.10738382999939965, 'of': 0.06817466518736266, 'be': 0.06104388329862511, 'the': 0.05199518897104564, 'was': 0.05063807625689392, 'is': 0.04283957379673316, 'for': 0.0415209243794353, 'in': 0.03846284778830355}, {'the': 0.24048784398010126, 'of': 0.10632421434120215, 'and': 0.10553153298358099, 'The': 0.07183108295659232, 'that': 0.02575588295156761, 'his': 0.017425129602790537, 'tho': 0.015481695617446048, 'these': 0.014408992859812612, 'to': 0.014363182432615144}, {'and': 0.1694104484576571, 'so': 0.08075910206397889, 'fact': 0.06822494254521948, 'said': 0.053635380755513086, 'know': 0.05328572089839013, 'say': 0.04839641616649573, 'is': 0.035001958690005365, 'but': 0.02915110413798316, 'believe': 0.02807139541470667}, {'the': 0.15856767084957596, 'of': 0.09355447086800765, 'and': 0.08920601805977639, 'a': 0.06553869711146883, 'to': 0.05289123295047205, 'be': 0.04158043552305258, 'was': 0.03557061476492829, 'in': 0.03098228068009349, 'is': 0.02680481187222936}, {'and': 0.0498357994561141, 'was': 0.04452923314478563, 'is': 0.027007718204314576, 'it': 0.024017520590289238, 'be': 0.01894251539841702, 'that': 0.018805537209180982, 'made': 0.01728310251101614, 'him': 0.0140631895236489, 'up': 0.01384067042634244}, {'the': 0.3124848478759123, 'of': 0.14642746324657308, 'their': 0.07724929704710833, 'a': 0.06301170824892922, 'his': 0.05641212982532634, 'and': 0.0493163774312088, 'great': 0.0378091534768537, 'no': 0.034740526336552835, 'in': 0.03306879321683647}, {'and': 0.1314589121842804, 'is': 0.048512834869105, 'be': 0.04512138550088804, 'served': 0.03893454698269426, 'that': 0.038368853414357335, 'time': 0.033988298658216176, 'was': 0.03351224857269383, 'or': 0.033144410781466516, 'now': 0.028872207574292166}, {'the': 0.8462582524747673, 'a': 0.03614699719687667, 'The': 0.03385893578703694, 'tho': 0.03314010815427805, 'tbe': 0.013107965759733895, 'and': 0.004933881285433935, 'final': 0.004805468667433221, 'great': 0.00468304058204354, 'his': 0.004418430087245226}, {'the': 0.11208673649433883, 'of': 0.0811832204272049, 'to': 0.052268557597038544, 'and': 0.05007599138342977, '.': 0.044866152831554804, 'Mr.': 0.04179640530354394, 'a': 0.03682064340740841, 'in': 0.029406728614136193, 'at': 0.02035981048435502}, {'the': 0.21796418943569426, 'a': 0.1321294360444565, 'of': 0.112095596422979, 'in': 0.08352946536424065, 'on': 0.053459218697637874, 'other': 0.043307643976790954, 'his': 0.039344749147160164, 'and': 0.03155388027888052, 'school': 0.026385813918645078}, {'of': 0.1678762268546062, 'and': 0.11194580224087025, 'to': 0.09664323267924221, 'is': 0.09278436620628051, 'with': 0.0897594852335613, 'as': 0.0754239050615329, 'was': 0.0683119124476844, 'by': 0.06171545078418375, 'that': 0.05354534748457429}, {'and': 0.14201773215992794, 'of': 0.11343507460959126, 'as': 0.08953830886314076, 'that': 0.06499562043269999, 'to': 0.062263432405448745, 'with': 0.061333186303998345, 'for': 0.05812105324930065, 'but': 0.052046423658039534, 'make': 0.044065254776798284}, {'the': 0.6191065171420955, 'and': 0.08691201718654461, 'a': 0.059400720777513155, 'The': 0.043582710501455374, 'tho': 0.026922339732700105, 'this': 0.017757189163282373, 'or': 0.016509410970401005, 'any': 0.01333217598369814, 'by': 0.0120614014613192}, {'to': 0.2856715928895994, 'the': 0.20586518876684962, 'will': 0.10534226477107732, 'would': 0.08813612121064067, 'and': 0.05366531098945499, 'a': 0.05214159796976656, 'may': 0.04039820718368233, 'not': 0.034818504529358314, 'can': 0.026113281375039103}, {'the': 0.40864503454667245, 'a': 0.223633015305466, 'of': 0.08102919845842818, 'tho': 0.024422367122380505, 'and': 0.024274937512221033, 'The': 0.022034892078421776, 'said': 0.015358987808259119, 'A': 0.012836753296184215, 'tbe': 0.009493840142652971}, {'the': 0.29418676723652504, 'and': 0.09410226202140995, 'of': 0.09367821386124665, 'The': 0.06266464121523635, 'that': 0.035585265716200146, 'his': 0.03312169748601476, 'a': 0.023258116191025736, 'their': 0.02252366117654245, 'said': 0.020674047852919947}, {'for': 0.4474394760637753, 'at': 0.09510596311511361, 'For': 0.07309305635074502, 'and': 0.06848009354425205, 'of': 0.05473093841716928, 'in': 0.04863973573141922, 'that': 0.0440774758979411, 'to': 0.033853120057924325, 'by': 0.025806188240776108}, {'it': 0.15785936948542273, 'which': 0.08580605930919047, 'and': 0.0819442909747207, 'It': 0.069776970338638, 'there': 0.06016485408862491, 'they': 0.046337679765078826, 'who': 0.035145108590665344, 'we': 0.03347664880809658, 'that': 0.03140563108367762}, {'to': 0.36378776195536766, 'of': 0.08521135973797121, 'a': 0.07495489249254328, 'and': 0.07242852635950078, 'the': 0.050732737281457406, 'who': 0.041832159646115655, 'not': 0.03961543449678904, 'I': 0.03950415682755951, 'will': 0.03509945974061001}, {'<s>': 0.04206870746051049, 'it.': 0.013275256769098978, '.': 0.012797348031980826, 'St.': 0.012011892407089815, 'of': 0.010884515209508706, 'years.': 0.009780414644038457, 'him.': 0.009367945728658159, 'and': 0.00885967477787139, 'them.': 0.008241815783975672}, {'be': 0.17097436062167254, 'was': 0.09497280452930124, 'is': 0.08817549269553117, 'and': 0.07417545460100193, 'are': 0.07270722795288549, 'the': 0.06126567596164799, 'he': 0.05227668716646856, 'been': 0.050606488007515306, 'were': 0.04325934356336981}, {'matter': 0.06767817817512853, 'number': 0.06504495003972124, 'amount': 0.06245613415276928, 'out': 0.04572805356537254, 'line': 0.03443290421929985, 'kind': 0.0314498704929752, 'sort': 0.0295199056757264, 'purpose': 0.02697204386151387, 'lack': 0.02581993204301528}, {'men': 0.2581482865307465, 'those': 0.1282521951394461, 'man': 0.0801239970042243, 'and': 0.0403247705365084, 'people': 0.03909135027859067, 'one': 0.02789546150000425, 'women': 0.025726134216299743, 'woman': 0.02063276907540702, 'all': 0.020527485760868845}, {'<s>': 0.07010711120170404, 'and': 0.016895731355845853, '.': 0.010206308789111669, 'follows:': 0.008771051160915783, 'of': 0.007718241353795322, 'the': 0.005577000702883681, 'to-wit:': 0.004072632466986754, 'to': 0.0038681371615679003, 'in': 0.0028685963491036238}, {'more': 0.24846316001702876, 'the': 0.17618966879584985, 'less': 0.1392330678944775, 'of': 0.10197433429777734, 'an': 0.07846880443182815, 'greater': 0.06054931427193441, 'better': 0.039656679682178744, 'and': 0.03863382237389597, 'in': 0.03299813062742351}, {'in': 0.367918728979919, 'of': 0.15847713759639342, 'New': 0.10896342281718366, 'In': 0.09667256207479002, 'to': 0.055748755672431434, 'and': 0.03618794072123246, 'from': 0.03493825304830773, 'with': 0.025104648186017486, 'by': 0.020540763978611664}, {'the': 0.21741514814764049, 'a': 0.10664532922496053, 'of': 0.061222087041968284, 'and': 0.05663840202228115, 'to': 0.036097982086168066, 'The': 0.027133165345276444, 'that': 0.02517362834951481, 'in': 0.022168241060580803, 'by': 0.017911748383933227}, {'person': 0.10866738116113828, 'more': 0.08602971767414934, 'one': 0.035701998493820684, 'two': 0.02185763436137638, 'owner': 0.019044365568184403, 'day': 0.01778591453414217, 'law': 0.017154123741279968, 'three': 0.01343085999025981, 'piece': 0.013144288139812192}, {'the': 0.2462306132022063, 'and': 0.15688559921064976, 'of': 0.11087684518706631, 'an': 0.08100958542937095, 'in': 0.04089162609384857, 'a': 0.03154186953075716, 'his': 0.028930048687381717, 'The': 0.0220081992138848, 'county': 0.017434176600941396}, {'the': 0.2552201950077351, 'a': 0.13607899627404915, 'of': 0.07535009484068034, 'and': 0.06197883201662174, 'at': 0.04809764815266261, 'an': 0.03756208527367777, 'in': 0.037159611186111045, 'on': 0.023653516165257092, 'to': 0.02224804359209597}, {'the': 0.14424686519355168, 'and': 0.0867096721329403, 'of': 0.05096859909769004, 'in': 0.04020929496603614, 'to': 0.03275716210870242, 'that': 0.030427140030986875, 'which': 0.01979066857550726, 'or': 0.018741422694092506, '<s>': 0.01863154510819154}, {'of': 0.3009331357302647, 'and': 0.11996568312983824, 'that': 0.07937904400479558, 'in': 0.07521252189688793, 'with': 0.05966217205770202, 'to': 0.058334793642607574, 'is': 0.05421426118356264, 'for': 0.05127700415798799, 'have': 0.04453901872400588}, {'it': 0.18143874199255758, 'there': 0.10331969695424356, 'It': 0.09198639939220059, 'which': 0.08073126991269376, 'they': 0.06240522313208139, 'that': 0.054082648531678275, 'and': 0.05144105994683339, 'he': 0.03253148924096088, 'There': 0.03214778196988864}, {'the': 0.16034095759089487, 'of': 0.08337930770201633, 'and': 0.08167606873219838, 'a': 0.06797230011329618, 'to': 0.06200499524654075, 'be': 0.030872590248614943, 'was': 0.024646243111901316, 'or': 0.02030169971211091, 'is': 0.017847106309518128}, {'of': 0.15630137730751212, 'by': 0.08223210669322652, 'to': 0.07180217310598579, 'that': 0.0697860171227717, 'and': 0.06860313108410063, 'with': 0.027549174244935564, '<s>': 0.02367243312489382, 'which': 0.02017544874624105, 'as': 0.017332841528940258}, {'more': 0.2536096762034198, 'less': 0.09499662102902094, 'better': 0.07759513922075129, 'rather': 0.05645517154990882, 'other': 0.03600861229378399, 'greater': 0.03472435460415627, 'higher': 0.026077729436887555, 'lower': 0.025708236357641225, 'larger': 0.019008408787744874}, {'few': 0.27368335686555584, 'two': 0.24081794822395544, 'successive': 0.12367731868022433, 'three': 0.08947626103524021, 'several': 0.07221436878340994, 'six': 0.04825933371210176, 'five': 0.04534776582928646, 'four': 0.03972952568545845, 'ten': 0.035832532913126824}, {'and': 0.31613897722102574, 'that': 0.06694399462096733, 'but': 0.04252057495825385, 'days': 0.039338891347011455, 'and,': 0.038808915567281325, 'soon': 0.036189843386563725, 'until': 0.026752613185393077, 'shortly': 0.02453032726894383, 'time': 0.02363009051185677}, {'that': 0.08001898107321516, 'as': 0.07176974644260085, 'and': 0.058019622545185064, 'which': 0.02924656679997843, 'lots': 0.024842753885017013, 'if': 0.023919300188070612, 'for': 0.022681202741296848, 'No.': 0.02167955367071351, 'should': 0.02109942003638716}, {'and': 0.14385630855565743, 'as': 0.11654395889673945, 'able': 0.07335896870212179, 'order': 0.062374901317853566, 'enough': 0.05737363275109333, 'is': 0.05295644388151879, 'or': 0.050496795892454836, 'have': 0.043638783049751044, 'used': 0.04151185305629334}, {'and': 0.2528365474806072, 'days': 0.0965398525874694, 'that': 0.07735194156494861, 'soon': 0.0692119648640303, 'years': 0.05766320932471627, 'shortly': 0.04994780006006086, 'but': 0.047263722719883154, 'months': 0.030639943424272915, 'year': 0.029017616340545515}, {'he': 0.15294094185266502, 'it': 0.13667011335875492, 'It': 0.09869761333694653, 'which': 0.07840848851906816, 'I': 0.07617918936501966, 'and': 0.057979119330019736, 'He': 0.05342614972420276, 'she': 0.03973103729850213, 'that': 0.03829342231432137}, {'out': 0.07104996634326687, 'one': 0.06555551405888944, 'some': 0.0627501778995496, 'all': 0.046947188129824735, 'part': 0.04244529558942418, 'because': 0.030012730108729443, 'account': 0.029608778673136077, 'many': 0.028457732299761007, 'and': 0.025591822907501054}, {'the': 0.7538156462280368, 'tho': 0.046354405115399296, 'The': 0.04507095126727442, 'a': 0.03895798327174409, 'an': 0.03053115455700545, 'and': 0.02216619691604836, 'tbe': 0.012883196219406336, 'any': 0.01030906516311062, 'no': 0.009874984609072324}, {'of': 0.09400290162860477, 'the': 0.05021247282719051, 'and': 0.04593701122029225, 'in': 0.039689724099797465, 'a': 0.03955106009074535, 'to': 0.033628996744697666, '-': 0.028068341170203286, 'for': 0.01576655015567196, 'by': 0.013520211217340584}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'of': 0.16185502506036378, 'is': 0.11016451191818413, 'with': 0.09299551415606266, 'to': 0.09095186182075621, 'was': 0.08696446400658242, 'in': 0.08116209027526328, 'as': 0.06812930320795602, 'on': 0.0648511079527329, 'and': 0.0644921173575855}, {'as': 0.2110250025640944, 'a': 0.16772973694053747, 'any': 0.10460270436475284, 'the': 0.09072455459009286, 'earliest': 0.08825280453510011, 'and': 0.06138967992262995, 'every': 0.060061624727038694, 'no': 0.04090783620763401, 'im-': 0.03797385828985979}, {'and': 0.153538780299108, 'to': 0.11250967504516964, 'he': 0.05326685963268479, 'of': 0.039389162677659545, 'in': 0.029835511488544183, 'the': 0.02874965320119883, 'was': 0.02757525168411791, 'that': 0.025145495224315483, 'for': 0.024545051409638103}, {'was': 0.2392869985958409, 'is': 0.1433724094015543, 'be': 0.12448438344486613, 'he': 0.08378429839785115, 'He': 0.0769350873665154, 'and': 0.06723810083735218, 'been': 0.056071930381509795, 'I': 0.05122013033589414, 'are': 0.04741548508705937}, {'the': 0.23233258243663796, 'of': 0.09554284485087934, 'a': 0.091115932154086, 'and': 0.0769978724922383, 'to': 0.041247604763473215, 'in': 0.04060811167702791, 'for': 0.026349921901288, 'at': 0.024482672618186534, 'The': 0.0235536436882194}, {'of': 0.16102555986544353, 'for': 0.09924320062010701, 'with': 0.09158752256134127, 'in': 0.08682990733964091, 'to': 0.08436275451032696, 'upon': 0.057982849515557155, 'do': 0.05683030400236187, 'about': 0.05256787810928398, 'on': 0.03949248812640351}, {'to': 0.11611623202716108, 'and': 0.0927670277041291, 'of': 0.05480015358824163, 'the': 0.03853384443427393, 'is': 0.03353964289198347, 'in': 0.029809014802675858, 'was': 0.0288691907044105, 'con-': 0.025306563829559637, 'will': 0.02411726427444757}, {'a': 0.31959385241149396, 'the': 0.2960059690801406, 'of': 0.06520021079841254, 'The': 0.03728340796884747, 'and': 0.033339434513864646, 'with': 0.024251153953557973, 'his': 0.023845115155143624, 'for': 0.023327806203156894, 'in': 0.020373913893092465}, {'and': 0.1443837771491282, 'to': 0.11403306768957344, 'the': 0.11229559342930277, 'of': 0.05544126836605661, 'at': 0.0323265707567633, 'or': 0.029671907245664077, 'a': 0.02890118634496892, 'for': 0.02750711267030511, 'will': 0.025934430512422516}, {'person': 0.10170647069016146, 'owner': 0.042936516063678896, 'one': 0.03771647259980573, 'lot': 0.035030758936168006, 'law': 0.03319003527519475, 'man': 0.030993951381685012, 'land': 0.02955679728218104, 'vein': 0.02752389897666468, 'tract': 0.025273981472909757}, {'the': 0.34965503695226585, 'and': 0.15870604379537706, 'a': 0.09002962383426717, 'that': 0.07866160074783127, 'The': 0.07718609303727832, 'of': 0.03675853788993406, 'no': 0.03584298746573837, 'if': 0.02720935201170927, 'tho': 0.024940191926362026}, {'that': 0.2753083144872714, 'and': 0.15173931211128128, 'but': 0.08095347779489231, 'as': 0.07182475236307306, 'which': 0.04623754097637125, 'if': 0.03590087782795129, 'when': 0.029745925581714544, 'of': 0.027078611750766302, 'where': 0.024334396388293166}, {'up': 0.07469094173326384, 'addition': 0.06490775315471498, 'and': 0.05883970137780779, 'came': 0.05391000139087671, 'as': 0.05313602455541655, 'due': 0.04195010638163455, 'according': 0.04101249375720817, 'reference': 0.03993646584164144, 'sent': 0.039190996417252065}, {'of': 0.212469526339424, 'to': 0.14290307331276741, 'in': 0.10159459169791829, 'and': 0.09448182984687346, 'on': 0.08704063496861202, 'with': 0.058750151941400736, 'In': 0.05673190613495658, 'for': 0.05481410079138985, 'that': 0.05200733320428223}, {'and': 0.2481494905334042, 'that': 0.05690860625660176, 'soon': 0.05528557417620028, 'days': 0.04121331218042409, 'until': 0.03616506398218171, 'but': 0.03472959872797384, 'years': 0.033695681418915394, 'shortly': 0.0308923180588188, 'and,': 0.028120303848858705}, {'of': 0.09701959995786312, 'and': 0.08391087284849766, 'the': 0.08351713253289862, 'was': 0.045122195654275325, 'to': 0.043844327646263996, 'be': 0.03162405711423376, 'were': 0.027214489969110762, 'are': 0.022864169592669268, 'as': 0.0224085973558836}, {'the': 0.24873067673274413, 'and': 0.07210423413629886, 'a': 0.0720290781089598, 'of': 0.061561977473311, 'his': 0.024589621831756125, 'other': 0.0204735911213491, 'The': 0.019421343059045915, 'to': 0.016937674092499504, 'one': 0.016620373014922724}, {'to': 0.31336658290549785, 'not': 0.12051517129204606, 'and': 0.11790027421870293, 'we': 0.07697160433788505, 'I': 0.056872332174921256, 'would': 0.054012087741044754, 'you': 0.04589153942489306, 'will': 0.043761585962453345, 'they': 0.03984548386534507}, {'and': 0.08579950902362743, 'of': 0.07389199986011448, 'was': 0.04566177827652418, 'is': 0.0447210920209551, 'be': 0.04092062993875779, 'are': 0.02774122530568032, 'them': 0.02283212870024528, 'the': 0.022382370166992436, 'well': 0.021945311681837654}, {'of': 0.20266903313861637, 'to': 0.19361560620767282, 'and': 0.09572298062393857, 'in': 0.09326010032545173, 'on': 0.07218363269800432, 'with': 0.07205884500101566, 'for': 0.055508883410127934, 'from': 0.05201472417998943, 'that': 0.048856353945724865}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'one': 0.09073674624147396, 'all': 0.0816264535439159, 'copy': 0.05457587538897958, 'some': 0.03214173360477271, 'out': 0.029643398862501696, 'those': 0.02861206740862104, 'means': 0.027971208400712676, 'purpose': 0.026714065138106098, 'part': 0.0256874332386242}, {'it': 0.2650458897890825, 'It': 0.19054818036245377, 'there': 0.07454054807031843, 'that': 0.06057531373374022, 'which': 0.05741076598324006, 'he': 0.04055587666729526, 'This': 0.03456307054317466, 'this': 0.026236961049679642, 'There': 0.025623956667274773}, {'the': 0.06064606448195704, '.': 0.04292414894331062, '<s>': 0.033861579737136965, 'and': 0.02983773676401878, 'of': 0.019936147571445073, 'Mr.': 0.019230000954319804, 'Mrs.': 0.009941676195920963, 'The': 0.00925513125753052, 'de-': 0.008724147030164064}, {'the': 0.12587325765134058, 'a': 0.08920092790070841, 'and': 0.08707384880824844, 'of': 0.0825049241743352, 'to': 0.059790278496737854, 'in': 0.032936110292086956, 'be': 0.03252258016382413, 'was': 0.020814076420510568, 'is': 0.018976654092854692}, {'cents': 0.2379852682089158, 'bushels': 0.04863590183522798, 'a': 0.04033952289408861, 'dollars': 0.03708097171050667, 'cent': 0.032751907843955035, 'the': 0.02643843162510298, 'pounds': 0.025859175858861168, 'feet': 0.02361547530162602, '$10': 0.018890982723516626}, {'W': 0.10885086180981304, 'M': 0.08962385808542442, 'J': 0.08815037885305665, 'C': 0.08144449491961595, 'S': 0.07565573974651656, 'E': 0.07480965297703332, 'A': 0.07089097266370924, 'H': 0.06872129070148511, 'B': 0.06456748181320644}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'and': 0.10728643539050407, 'of': 0.09689368708684774, 'as': 0.09430956550132799, 'the': 0.07574070144994628, 'to': 0.05122624749049644, 'be': 0.037028496537601055, 'such': 0.03566920217538001, 'much': 0.030975032286415252, 'in': 0.028365295688714418}, {'and': 0.24978716114852495, 'that': 0.1776874505190472, 'of': 0.13770005135191465, 'we': 0.04554383956027079, 'but': 0.0352942841411418, 'to': 0.03311916257731663, 'which': 0.028955541520221312, 'for': 0.028574120322639472, 'they': 0.02778957804991924}, {'of': 0.2569371187575472, 'the': 0.14036540666211417, 'and': 0.11702033403658961, 'his': 0.08464710510845726, 'in': 0.07438357980637224, 'their': 0.06534390958963202, 'whose': 0.04643925217799879, 'our': 0.0399910685683133, 'that': 0.03948561692581936}, {'the': 0.599054741975703, 'of': 0.06539479703794694, 'and': 0.05608341276682081, 'The': 0.039496531273209325, 'an': 0.038213229049774255, 'tho': 0.03455155856482658, 'in': 0.02060447424888068, 'tbe': 0.015622964463625549, 'that': 0.012330484323457543}, {'and': 0.10852228204992301, 'to': 0.093023530965803, 'the': 0.07397522727866199, 'of': 0.06938935011611291, 'in': 0.04007413306817156, 'a': 0.03274171039585754, 'at': 0.02722966080576293, 'is': 0.021552690153938535, 'was': 0.021393845209229042}, {'they': 0.2323309864676043, 'who': 0.0849649571461621, 'we': 0.07295600195335192, 'and': 0.0620351486924987, 'which': 0.054093990227224636, 'men': 0.045476135156424284, 'They': 0.04478090217861234, 'there': 0.04252355029220105, 'that': 0.03653122109575062}, {'and': 0.11895586821723478, 'as': 0.07402081561249359, 'them': 0.03804269380190801, 'him': 0.030682947220816593, 'is': 0.026862710811519627, 'was': 0.02600497717016071, 'up': 0.025187105428522906, 'right': 0.02425845031507052, 'according': 0.023207664106923855}, {'the': 0.2891187767004349, 'Mr.': 0.1392594313471612, 'of': 0.1030393319463339, 'The': 0.08463960290849436, 'and': 0.06299740505384155, 'Senator': 0.0317306142727757, 'that': 0.027214064258593258, 'Mrs.': 0.02121335433616634, '.': 0.020920239110528274}, {'to': 0.21563170419623492, 'I': 0.13921180281319215, 'we': 0.10151542254669972, 'they': 0.08038803098779966, 'would': 0.07110844931490398, 'you': 0.05570342098376739, 'will': 0.053397249589040234, 'who': 0.050446332749531135, 'We': 0.046596680414965896}, {'the': 0.49827186840585874, 'in': 0.1328016202718575, 'of': 0.0854395526659827, 'and': 0.053847459002301534, 'In': 0.04920133438170374, 'tho': 0.02550719777772411, 'The': 0.013261474074253992, 'that': 0.01103388815409727, 'to': 0.01065896786163387}, {'<s>': 0.09013156936722046, 'it.': 0.01739923041848422, 'them.': 0.011595704107772132, '.': 0.010969001094328665, 'years.': 0.008799040476527189, 'him.': 0.008260662355437157, 'year.': 0.007620597895243652, 'time.': 0.007184640308601439, 'country.': 0.007096628286808511}, {'the': 0.11055985104399678, 'of': 0.09733954545712163, 'and': 0.0862742721981647, 'to': 0.08071507698243725, 'in': 0.040830467880368204, 'a': 0.038124333481633556, 'be': 0.03191856165145152, 'was': 0.028931052744135634, 'is': 0.020767225189832046}, {'the': 0.6702968792020148, 'a': 0.08980707911748075, 'and': 0.06033161224537048, 'The': 0.05237078897559321, 'tho': 0.023223916242771873, 'is': 0.02064220584712938, 'of': 0.01900344810622461, 'was': 0.014231024248153881, 'are': 0.014177635165108527}, {'as': 0.07186083108883486, 'up': 0.05557455433607369, 'come': 0.049109437879699444, 'and': 0.04301297904894175, 'back': 0.042791448367877634, 'came': 0.04209704830697604, 'go': 0.04071182761587086, 'it': 0.032829923592494384, 'regard': 0.032203005769486856}, {'at': 0.12639009648232058, 'and': 0.07056980862315584, 'to': 0.05793691541728262, 'of': 0.04461637258162785, '.': 0.03389781825166408, 'the': 0.02920819767170451, 'a': 0.02349749177642513, 'No.': 0.01831673838532559, '<s>': 0.018171269192950094}, {'and': 0.16299145521680766, 'was': 0.10556453924371725, 'is': 0.09397935777201014, 'went': 0.050934152838855086, 'are': 0.0428517820024862, 'it': 0.03315951421778962, 'go': 0.03266946688673687, 'be': 0.03239131445833761, 'that': 0.032134447492717176}, {'that': 0.23195962233844528, 'and': 0.126899703184838, 'which': 0.09129940914268195, 'as': 0.08946107463355302, 'when': 0.08190021715635527, 'if': 0.06078895313964211, 'but': 0.05495823364171542, 'what': 0.04410912927867937, 'where': 0.030638996126164098}, {'as': 0.1773815665148152, 'of': 0.12810854703391855, 'and': 0.09738320468391909, 'to': 0.05908834929587548, 'is': 0.050643477876039504, 'all': 0.040114212407408624, 'in': 0.03571121896872836, 'for': 0.0327339188698017, 'any': 0.032671451279923235}, {'that': 0.2378595547118727, 'and': 0.14281312502882929, 'which': 0.11306973493622331, 'as': 0.10950764063113755, 'but': 0.05741267489929815, 'if': 0.05527057457854889, 'when': 0.04800234745239418, 'where': 0.04287165297033262, 'because': 0.03553871486883608}, {'be': 0.2421459078669191, 'was': 0.1801370561267976, 'been': 0.09932957654161231, 'and': 0.08186248722046696, 'is': 0.06470251675109026, 'were': 0.04050286588297891, 'he': 0.025670517025304346, 'being': 0.02365740917870228, 'are': 0.023030969771955363}, {'and': 0.17445911428115737, 'so': 0.08964198195335255, 'said': 0.06361410294497291, 'is': 0.044701883323034014, 'fact': 0.044344722532142555, 'know': 0.039234886097838165, 'say': 0.03321830086021141, 'but': 0.027480623134119392, 'me': 0.027127460458329776}, {'and': 0.2208211513102074, 'he': 0.07106548501042345, 'I': 0.061205634120519554, 'two': 0.056099212653803965, 'He': 0.04143439500612893, 'never': 0.039642016348796445, 'to': 0.03867524231323821, 'then': 0.03600766587578318, 'ever': 0.03525620287761191}, {'of': 0.1479025665802998, 'the': 0.14203499579221915, 'in': 0.11542807930863272, 'Sand': 0.11309196805198835, 'and': 0.05238176801677678, 'Grand': 0.045002590970657064, 'to': 0.033804862890528184, '<s>': 0.024020273234821705, '.': 0.023292005058419024}, {'of': 0.21391384923083537, 'and': 0.16051383203887312, 'that': 0.09669572370223126, 'is': 0.07465894702201961, 'to': 0.060453509238220064, 'for': 0.054975308195950166, 'would': 0.04173958556637981, 'not': 0.03977159781784104, 'in': 0.03863707844355052}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'of': 0.2074348934438779, 'in': 0.12454059828610094, 'the': 0.06875859685507978, 'on': 0.061390113906475245, 'to': 0.05278907613508201, 'In': 0.033756601502766194, 'and': 0.03015782766737714, 'from': 0.029392919227631552, 'a': 0.02452160015823822}, {'the': 0.4065276721953979, 'a': 0.2653345227717398, 'this': 0.09679393789596917, 'tho': 0.03253815077533731, 'The': 0.027524769033743676, 'to': 0.025815751795968025, 'and': 0.024180880957601934, 'every': 0.0232066776428988, 'of': 0.02007429506741654}, {'the': 0.1331954013331003, 'of': 0.10395761905650669, 'and': 0.09166744382168995, 'a': 0.0674867672110823, 'to': 0.04481959524883369, 'was': 0.033914181021321675, 'be': 0.027669522756191306, 'is': 0.023821375196731925, 'been': 0.01992601692954109}, {'is': 0.11209700420197978, 'any': 0.08413654440273781, 'and': 0.08332412428957302, 'the': 0.07684251211572242, 'only': 0.07249252906878387, 'no': 0.07088395311493369, 'but': 0.06517916642672411, 'of': 0.062217487211898626, 'to': 0.05714728784808485}, {'the': 0.318511078779299, 'a': 0.30650794487731936, 'to': 0.06891319777391851, 'and': 0.06489254615098432, 'The': 0.040054135929665766, 'not': 0.036131860873936765, 'of': 0.027072760641432717, 'his': 0.02559170926043081, 'in': 0.016688579934823748}, {'of': 0.15630137730751212, 'by': 0.08223210669322652, 'to': 0.07180217310598579, 'that': 0.0697860171227717, 'and': 0.06860313108410063, 'with': 0.027549174244935564, '<s>': 0.02367243312489382, 'which': 0.02017544874624105, 'as': 0.017332841528940258}, {'the': 0.6895332855239829, 'a': 0.0601624659298521, 'this': 0.0511744546770843, 'his': 0.03987732688995696, 'any': 0.021170212311074143, 'tho': 0.02068131878599511, 'good': 0.020638342093822436, 'such': 0.02010725087565583, 'other': 0.016553146308999088}, {'of': 0.37565017567271924, 'in': 0.1531067021099028, 'to': 0.10384805379372757, 'and': 0.058513168967668616, 'on': 0.05306155326543507, 'that': 0.05006230825407318, 'by': 0.0447395895254018, 'from': 0.03983724909658505, 'with': 0.03232169175895754}, {'a': 0.7153823532734253, 'A': 0.09147560602838704, 'past': 0.059763083350662854, 'very': 0.03031998656761086, 'the': 0.029138715157293917, 'last': 0.028302576244634545, 'next': 0.01750085754408837, 'is': 0.012353768096736288, 'are': 0.007505454668343126}, {'to': 0.6963750939834888, 'and': 0.05558647405279716, 'or': 0.033634425515723605, 'the': 0.032854087295078584, 'with': 0.03052569147352694, 'of': 0.027418606378384804, 'not': 0.025563319839276785, 'for': 0.022604237731861553, 'at': 0.021202197189717116}, {'the': 0.7286843733166174, 'The': 0.10003527223688215, 'tho': 0.03765726840610152, 'this': 0.03625671348690379, 'that': 0.02270030905869726, 'and': 0.013889163825978794, 'tbe': 0.01374465557217079, 'This': 0.009753589518271022, 'a': 0.008135812165409317}, {'the': 0.21673607580491971, 'and': 0.11600551958655883, 'of': 0.07075411494588517, 'a': 0.06102641775370775, 'that': 0.0315803922810618, 'his': 0.03087329745901098, 'The': 0.017906577937937686, 'by': 0.01758409306578007, 'to': 0.015674807699237656}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.14424686519355168, 'and': 0.0867096721329403, 'of': 0.05096859909769004, 'in': 0.04020929496603614, 'to': 0.03275716210870242, 'that': 0.030427140030986875, 'which': 0.01979066857550726, 'or': 0.018741422694092506, '<s>': 0.01863154510819154}, {'and': 0.08362943294997585, 'together': 0.07769806815080653, 'connected': 0.0635902168573379, 'connection': 0.06228367212358626, 'accordance': 0.047530813078388766, 'comply': 0.026000666542743977, 'acquainted': 0.023189098613704624, 'compared': 0.02214887744238745, 'contact': 0.01973810078197255}, {'provisions': 0.08155268622048072, 'copy': 0.07438298592748818, 'date': 0.061886723423349964, 'part': 0.06076408457322527, 'one': 0.05124169281485493, 'out': 0.04701489352502034, 'people': 0.04423834088325635, 'publication': 0.03792894646628187, 'members': 0.026565416948037213}, {'more': 0.18967503860091348, 'less': 0.15868656441207238, 'rather': 0.07803771914370032, 'better': 0.05479143300142528, 'greater': 0.04906514476632024, 'higher': 0.01903913422131969, 'other': 0.01830871645258042, 'worse': 0.01706003604961874, 'and': 0.015315754167822802}, {'the': 0.36721362319715584, 'and': 0.08874171393878731, 'an': 0.08382712555216784, 'The': 0.08171090164390367, 'to': 0.053872187750014594, 'of': 0.050786483761779466, 'a': 0.03792104622388221, 'was': 0.032338231122935504, 'that': 0.027680724206998332}, {'to': 0.11611623202716108, 'and': 0.0927670277041291, 'of': 0.05480015358824163, 'the': 0.03853384443427393, 'is': 0.03353964289198347, 'in': 0.029809014802675858, 'was': 0.0288691907044105, 'con-': 0.025306563829559637, 'will': 0.02411726427444757}, {'to': 0.5551139149117725, 'the': 0.08591481246979117, 'of': 0.07462551221326899, 'not': 0.0533720826136629, 'will': 0.051927990552234154, 'and': 0.03111688397298584, 'a': 0.031033070820867616, 'no': 0.02134852605207028, 'shall': 0.017630146902287636}, {'and': 0.11554932849790854, 'to': 0.10040253278551585, 'of': 0.0943022242184725, 'the': 0.06030976571946355, 'or': 0.030956419587708228, 'be': 0.030100485380653273, 'in': 0.02702530618951562, 'was': 0.025847392912957467, 'is': 0.022416966625728587}, {'of': 0.38239463151011377, 'in': 0.13629747988019297, 'to': 0.08284197669242986, 'by': 0.06710185935175664, 'that': 0.06486485954566411, 'with': 0.05657685753085016, 'for': 0.049087666400551636, 'and': 0.04819806030530644, 'In': 0.026786424062607103}, {'the': 0.31128332538841585, 'and': 0.1471046131299237, 'of': 0.0994185087558479, 'an': 0.09240638536731259, 'to': 0.07869239077742343, 'The': 0.058674361560958586, 'with': 0.041346100592547806, 'by': 0.03325383424798771, 'was': 0.029275720856297833}, {'a': 0.14262784608202003, 'of': 0.11899068782546338, 'the': 0.09932390441991804, 'to': 0.07702864834698837, 'in': 0.05321456463279107, 'and': 0.043913836861806534, 'by': 0.034286059568842155, 'with': 0.023505780274268098, 'that': 0.018030922258072943}, {'made': 0.09351826724431898, 'and': 0.0750263803822282, 'followed': 0.05785225745177033, 'accompanied': 0.056013284378529066, 'up': 0.03623315312602364, 'foreclosed': 0.03253612252906865, 'given': 0.031408719283411476, 'surrounded': 0.029540615923127306, 'caused': 0.02602540001369955}, {'of': 0.4275932370281905, 'in': 0.12742112259955368, 'to': 0.08498441772224777, 'by': 0.0585651356876775, 'on': 0.05573573114460465, 'for': 0.053175140013356076, 'and': 0.05116737537123923, 'that': 0.047223998595261135, 'In': 0.03213169222526194}, {'a': 0.5366687342829911, 'the': 0.19582276203130386, 'A': 0.11855428479487728, 'The': 0.033015005600696076, 'this': 0.025377908886936886, 'and': 0.0181966632844884, 'very': 0.01709657002760947, 'any': 0.01286902386234347, 'one': 0.012606201594120896}, {'thousand': 0.23555408203722497, 'hundred': 0.11294832848019008, 'of': 0.05670270337989236, 'million': 0.04770127304797273, 'fifty': 0.045368724662651974, 'ten': 0.03232741958591026, 'five': 0.03064727398994954, 'sand': 0.016456869322156613, 'to': 0.014418266931541544}, {'the': 0.351686037310097, 'this': 0.15739267314162014, 'This': 0.13760630286203637, 'The': 0.11955266578093851, 'that': 0.05633410035669088, 'a': 0.050268189566592764, 'his': 0.026108362834198855, 'tho': 0.022095745480152276, 'which': 0.016148182374777408}, {'the': 0.29190454367457075, 'and': 0.16165219774057032, 'a': 0.05689666196540845, 'The': 0.042986647878073145, 'his': 0.041326424264377694, 'of': 0.03162309817388691, 'two': 0.028540706427894368, 'their': 0.02671756657660308, 'her': 0.02563092100277877}, {'the': 0.6089762149840181, 'of': 0.10602094391929388, 'and': 0.04598570219891581, 'tho': 0.03225975410043041, 'their': 0.02493828574299275, 'other': 0.02156890328350562, 'The': 0.0206632021326544, 'his': 0.01905793231707294, 'in': 0.018585756549028682}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'per': 0.3130379420395349, 'a': 0.2911169081000682, 'the': 0.1489989335570055, 'last': 0.05577231575935855, 'every': 0.036733270673324284, 'one': 0.03545839198846711, 'this': 0.02052799298820088, 'each': 0.019134794615426873, 'next': 0.016463368445251397}, {'the': 0.406765893368665, 'a': 0.21723876587729965, 'of': 0.06815306833377502, 'The': 0.05007301041513874, 'very': 0.037841203368822754, 'and': 0.02742775863250899, 'as': 0.025989522787555102, 'tho': 0.021491233562005135, 'all': 0.017912137629251527}, {'Sec.': 0.23713100671791953, 'Section': 0.21808249104802196, 'SECTION': 0.05006220194017518, 'March': 0.03745394006970862, 'May': 0.03672549454925518, 'July': 0.031426915800121746, 'April': 0.02524285318811913, 'No.': 0.02430701170766785, 'Sec': 0.022753802487052232}, {'it': 0.13760334181923417, 'he': 0.11030099599567822, 'and': 0.10390891468975086, 'It': 0.0729154313363438, 'she': 0.053291280778029575, 'I': 0.038739517752751654, 'which': 0.037865167256490105, 'He': 0.034443796521045615, 'that': 0.031092280621289128}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'of': 0.1373447190109028, 'and': 0.11879104250006513, 'the': 0.11111143873135029, 'in': 0.06927251421968889, 'to': 0.04626813992991375, 'for': 0.04601693610834065, 'that': 0.03014334486117893, 'at': 0.02273594031014711, 'as': 0.019004040688751465}, {'of': 0.2323669933464265, 'to': 0.18974223648165434, 'with': 0.12332544579747469, 'at': 0.09225268125029365, 'in': 0.06281321707275142, 'from': 0.05548184537433551, 'by': 0.05123659653519313, 'for': 0.05011588541581621, 'on': 0.048943453861177086}, {'the': 0.4370826875503079, 'of': 0.08619280803265214, 'and': 0.039487329385149185, 'The': 0.025640418093284555, 'tho': 0.02485056721227738, 'a': 0.022087252900468854, 'or': 0.016137518017269467, 'our': 0.015943404827114257, 'his': 0.012940161470202625}, {'to': 0.19483905442442775, 'and': 0.15303600031849518, 'of': 0.03467217075939197, 'I': 0.032447789495736984, 'the': 0.026800319943090407, 'had': 0.025017897721280394, 'who': 0.024339665529144777, 'would': 0.024251525808567213, 'not': 0.02379354508597089}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'it': 0.27957038428918407, 'It': 0.14069168722916756, 'there': 0.0780604064737155, 'he': 0.0673522127670591, 'that': 0.061371482220746135, 'they': 0.04852180992353207, 'which': 0.044772571877851546, 'and': 0.031977859656019285, 'I': 0.020031431466088268}, {'a': 0.30003898168562515, 'the': 0.286369412323297, 'of': 0.09701780343577014, 'and': 0.07373253569907695, 'in': 0.044098300639077784, 'to': 0.03911418862912804, 'their': 0.03696826613332708, 'with': 0.03562534470941077, 'his': 0.03263963074582023}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.1598103787432024, 'and': 0.11871077708743676, 'of': 0.08602739559787087, 'The': 0.038652020581649196, 'that': 0.03276018157209551, 'these': 0.028621773236943676, 'These': 0.026996636124345257, 'in': 0.025979445439423335, 'such': 0.02151839153799508}, {'the': 0.13681956118527552, 'of': 0.1178700720242738, 'and': 0.06349656634779613, 'The': 0.03558822805052116, 'in': 0.035544005656641384, 'that': 0.032125231801738034, 'to': 0.02584799074543854, 'a': 0.019257509508979552, 'Mr.': 0.018263898921610386}, {'able': 0.09380088845586755, 'enough': 0.06614436527508218, 'order': 0.06420441410847379, 'and': 0.06131515378029046, 'right': 0.05934132970872667, 'is': 0.059314582964265256, 'unable': 0.05672445448782474, 'began': 0.051661203416028784, 'ready': 0.05110271492529255}, {'to': 0.30738252780929554, 'will': 0.2146483822502917, 'would': 0.12744529120993878, 'should': 0.08093092872440036, 'may': 0.0704151783734265, 'shall': 0.04962441411578995, 'must': 0.046348174315133765, 'not': 0.03994250290111033, 'can': 0.032410566015405144}, {'was': 0.240308874229431, 'are': 0.14182520801707663, 'been': 0.12445555859310667, 'be': 0.11966666267279959, 'were': 0.11185081094009629, 'is': 0.09755828222460033, 'being': 0.03580157121137811, 'and': 0.021746665552097512, 'not': 0.018861106044562054}, {'he': 0.12625429261646232, 'and': 0.11900766760001819, 'was': 0.11379327792921581, 'be': 0.10783079200402784, 'is': 0.04754071387302531, 'I': 0.04217759318620953, 'been': 0.040780970424984506, 'He': 0.03846218268847877, 'were': 0.035121892642931724}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'and': 0.14809249126614943, 'which': 0.1397185246630029, 'he': 0.08305138949440166, 'that': 0.07643602796905001, 'have': 0.07137574972308575, 'had': 0.05339703094059617, 'has': 0.04885920799571605, 'He': 0.03007656454398108, 'who': 0.02319156667371209}, {'the': 0.42207609623309167, 'to': 0.06640002507075893, 'said': 0.06358855859734053, 'either': 0.0568224549354941, 'this': 0.054729300441126734, 'any': 0.04297497381453548, 'that': 0.029448402442320755, 'tho': 0.02788950465957024, 'at': 0.02634946554291813}, {'of': 0.2416977803416418, 'to': 0.14578587943571925, 'at': 0.10560152354727727, 'in': 0.08141819244883214, 'for': 0.05775248371745654, 'and': 0.039072016284953444, 'In': 0.03145774364763029, 'that': 0.02646858358589704, 'with': 0.0200753971032579}, {'to': 0.22358243327327873, 'and': 0.13383938329792475, 'that': 0.1171661615430839, 'will': 0.07691081660093296, 'which': 0.05342063390331915, 'as': 0.04896527219326945, 'would': 0.04240869043834799, 'but': 0.02796586279075744, 'not': 0.022541226607841292}, {'and': 0.09598596681285987, 'was': 0.039511043952407746, 'file': 0.03831476243161238, 'that': 0.03714762926987935, 'made': 0.037070778791181154, 'is': 0.02875475411285857, 'but': 0.025673912139600137, 'people': 0.025614135541051623, 'them': 0.02167370886745335}, {'It': 0.27791339494687406, 'there': 0.13973149922916894, 'it': 0.0893288627667459, 'There': 0.0888301203297037, 'This': 0.037279150612401064, 'which': 0.034684125549762565, 'that': 0.031534539686529695, 'he': 0.02962663744935217, 'and': 0.017772187453392457}, {'a': 0.28208741485852296, 'one': 0.12639159506225872, 'the': 0.09536146772843505, 'northeast': 0.08406449504054928, 'southwest': 0.04852996094338598, 'northwest': 0.03668276871707336, 'southeast': 0.034955837849951994, 'this': 0.03425853831408331, 'next': 0.02680742384146613}, {'I': 0.1945011230352949, 'would': 0.1273607655627983, 'they': 0.11509938532596371, 'who': 0.10565146391591954, 'we': 0.07800235457944979, 'to': 0.0647447863068927, 'will': 0.052674514778461586, 'and': 0.05085951848728139, 'you': 0.04835330050981608}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'of': 0.11087804427949147, 'and': 0.09484162296686934, 'the': 0.09080725967183592, 'to': 0.0595981299778138, 'for': 0.022789246784068646, 'in': 0.02233347927064887, 'a': 0.017978583736678454, 'which': 0.015553370422539566, 'that': 0.01535593106173808}, {'away': 0.06925205172028555, 'and': 0.06007808449668492, 'taken': 0.04760906637168378, 'miles': 0.0428166599829834, 'feet': 0.03837562943164214, 'come': 0.026889243450533045, 'them': 0.026073675669967263, 'out': 0.02484981837258804, 'came': 0.02410733092637395}, {'of': 0.22400306331493525, 'and': 0.11704672156414711, 'in': 0.10587750130463293, 'to': 0.09372735576413796, 'that': 0.09232155827652845, 'by': 0.059017919016793104, 'with': 0.05543372573052403, 'for': 0.04357047487338724, 'at': 0.03705353825764296}, {'on': 0.19828061725145263, 'was': 0.13747593544139752, 'is': 0.11642004947913083, 'of': 0.08521613251645999, 'and': 0.08228594147942503, 'as': 0.07618668422991774, 'in': 0.06605849766696356, 'to': 0.05824244857466797, 'be': 0.04501419492075934}, {'and': 0.16358687607670985, 'the': 0.05744470939839522, 'of': 0.05645731227758923, 'be': 0.050437995715792765, 'which': 0.04460652981031578, 'an': 0.041343603528807685, 'he': 0.04106233093969239, 'or': 0.037941990965499835, 'that': 0.033136805607028544}, {'and': 0.11709854989237707, 'was': 0.08054002330974329, 'to': 0.0788383521433172, 'that': 0.06223368832836854, 'of': 0.04315871461452052, 'after': 0.034378610103161095, 'but': 0.031687145041156585, 'is': 0.028723304051227964, 'or': 0.024516578862530763}, {'and': 0.13414388468936583, 'is': 0.10059985608232286, 'fact': 0.07587493481188981, 'know': 0.042898991292821084, 'so': 0.04076202303221304, 'say': 0.036314315809565165, 'said': 0.031303094606464306, 'but': 0.030342969249770882, 'was': 0.03012795729091715}, {'the': 0.09569192673976842, 'of': 0.09271046224828741, 'to': 0.08144067764564818, 'and': 0.07881136606092867, 'be': 0.05454059669139002, 'in': 0.04871774932490597, 'for': 0.040747062740533385, 'was': 0.03740753956951102, 'is': 0.032103605275647734}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'in': 0.33996954551309555, 'the': 0.0890974868120066, 'into': 0.07524028730653756, 'their': 0.06744799702902149, 'his': 0.06735449151178265, 'its': 0.06299045237889703, 'In': 0.062488786297447876, 'of': 0.060878016806872735, 'and': 0.04417475261577395}, {'the': 0.10254899323962945, 'and': 0.08672066584549279, 'be': 0.06718293253430607, 'was': 0.066714350510063, 'of': 0.062142448154758216, 'to': 0.0470377945272685, 'is': 0.04045405956202174, 'been': 0.03329532229695042, 'a': 0.029155698848644288}, {'<s>': 0.0526021897850951, 'it.': 0.02214018541087379, 'them.': 0.01621062544092852, 'him.': 0.011523281363476353, 'time.': 0.010580646904590704, '.': 0.010265011408846359, 'years.': 0.009243124673625971, 'day.': 0.008948808316347076, 'year.': 0.008500199851867224}, {'for': 0.6427987937004541, 'For': 0.09789857605008817, 'of': 0.06956185434724689, 'and': 0.046124266522143985, 'in': 0.031215465268338377, 'the': 0.027012545610519696, 'about': 0.022962610878174243, 'past': 0.018987900080372783, 'to': 0.017889364592554906}, {'of': 0.16821650496678953, 'as': 0.1615896251760367, 'in': 0.09386209863854171, 'to': 0.08563252727818921, 'for': 0.06808556905732124, 'and': 0.060904271301222376, 'with': 0.057326509473710756, 'is': 0.05681924303499073, 'that': 0.055379026475798274}, {'J': 0.08806460412851788, '.': 0.07364411204759189, 'of': 0.04574695589024171, 'and': 0.0437758231816049, 'the': 0.03732991870127622, 'W': 0.03423714813249974, 'to': 0.032606138665023106, 'J.': 0.028824041906130624, 'A': 0.022236689949105975}, {'the': 0.27485232472531645, 'of': 0.1364992752016577, 'and': 0.09769397114779571, 'The': 0.04942223445074078, 'per': 0.03420413907003489, 'a': 0.028963458110597095, 'by': 0.02631313909911402, 'with': 0.02062648665150844, 'that': 0.020255025992210702}, {'and': 0.08637215713423592, "o'clock": 0.03801932243921749, 'made': 0.034464444662256344, 'recorded': 0.03228485359424153, 'was': 0.030584108418465084, 'up': 0.029466264451057943, 'that': 0.025621383359871814, 'it': 0.02540368702018225, 'is': 0.022348050649295}, {'necessaries': 0.08494426106568717, 'out': 0.054804714352834634, 'amount': 0.04083267774055558, 'number': 0.04054802652421611, 'state': 0.039067406871517094, 'cost': 0.028537557036209214, 'point': 0.025027989004800074, 'kind': 0.02488185567012219, 'system': 0.023576278674934212}, {'the': 0.3015237995551482, 'Wall': 0.05254771637148376, 'Main': 0.034492376597324695, 'of': 0.021108588521306263, 'at': 0.016023191372399336, 'Third': 0.015611911165619996, 'Grand': 0.015154446935370913, 'tho': 0.01454316919880274, 'Fifth': 0.014005021784555996}, {'have': 0.08588312104654887, 'had': 0.07817691086028196, 'and': 0.06692810025098839, 'is': 0.0637912185010526, 'able': 0.0619917300654905, 'him': 0.055716530926392144, 'not': 0.05395171368012839, 'enough': 0.049074290038127015, 'time': 0.04606360900777276}, {'arrived': 0.09514596042206205, 'and': 0.09254792829624409, 'brought': 0.09235145404749019, 'was': 0.0889674399731686, 'came': 0.06350995723422104, 'is': 0.04986569336227699, 'are': 0.04699668664019709, 'come': 0.04041880756696937, 'held': 0.033523399386021835}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'the': 0.1706390055685334, 'a': 0.11310529049125398, 'of': 0.10679133266569789, 'and': 0.053422960861743585, 'in': 0.047373287191571356, 'to': 0.04396238502578754, 'for': 0.02624222252067116, 'his': 0.017887116745013358, 'on': 0.017327584241143074}, {'a': 0.2633909621124654, 'young': 0.12402831739353293, 'the': 0.10494736657430695, 'old': 0.03657569256375874, 'to': 0.033875309841260984, 'and': 0.025919551721466955, 'of': 0.022224511604463284, 'every': 0.01897180073616993, 'A': 0.016355440194764752}, {'the': 0.6744886996090699, 'a': 0.06579543244872069, 'of': 0.06173701342842767, 'The': 0.04350442705478897, 'and': 0.030969327579560054, 'tho': 0.029294998877610137, 'to': 0.02615562099294228, 'their': 0.024585907628194643, 'our': 0.021147437440579786}, {'the': 0.2741668207189769, 'a': 0.13062764151577522, 'of': 0.09082284776511991, 'and': 0.059845327507962405, 'in': 0.05856757439817538, 'an': 0.03532640153465939, 'to': 0.021252555368340184, 'tho': 0.01916400532619824, 'The': 0.017540066206986924}, {'he': 0.19136932917162405, 'I': 0.17251833277566683, 'that': 0.07568852296549976, 'they': 0.0730174790499319, 'it': 0.0678593564313697, 'and': 0.05551646839699527, 'you': 0.05390875249729729, 'we': 0.048015836413240316, 'who': 0.039576803707491864}, {'of': 0.3550642283424712, 'on': 0.12377008693666675, 'to': 0.09485727183364048, 'and': 0.07610658301633376, 'in': 0.06000894389136751, 'by': 0.05805528115154037, 'that': 0.05488479902624198, 'from': 0.03513488798896107, 'with': 0.03437162804958375}, {'of': 0.07858503074155922, 'and': 0.07803557080696075, 'to': 0.07747135227581889, 'the': 0.07243262796459926, 'in': 0.06417305785045004, 'a': 0.03357472856752043, 'was': 0.030037390036403565, 'is': 0.03001547729734283, 'for': 0.026142527772413028}, {'of': 0.14716020530824606, 'in': 0.11650372164499637, 'to': 0.1077142302761535, 'for': 0.08398295709880202, 'and': 0.08089158884198178, 'with': 0.0745600484414902, 'is': 0.06324804643796648, 'as': 0.058613938465043834, 'by': 0.056369209264368836}, {'hundred': 0.06809341191485692, 'men': 0.022847600919038327, 'land': 0.018630226685256827, 'gold': 0.01674219642076717, 'power': 0.014715376843780749, 'one': 0.012843329655345527, 'States': 0.012093824752895664, 'life': 0.011857274734631395, 'Baltimore': 0.01091177177346819}, {'to': 0.34378129718365846, 'will': 0.15287135864951518, 'would': 0.08615903395787451, 'may': 0.07844929048361882, 'should': 0.05682249178971402, 'shall': 0.05432412913287461, 'not': 0.05091775331157668, 'must': 0.03610577244404393, 'can': 0.03580596083245932}, {'a': 0.17606662785854466, 'would': 0.08435789319567183, 'was': 0.05937091358100697, 'much': 0.05880843843638692, 'and': 0.04921302421024921, 'the': 0.04722943039683354, 'looked': 0.037596451955136716, 'not': 0.035302101417504006, 'something': 0.03526795902071387}, {'and': 0.11727355879576236, 'do': 0.06783281625661106, 'was': 0.0568188353745367, 'amended': 0.05536815944027631, 'as': 0.04964746088508258, 'is': 0.046231569875030916, 'be': 0.04533510406631075, 'not': 0.044836618964634166, 'are': 0.04091989112607434}, {'the': 0.2127797365208638, 'of': 0.08302074642967078, 'and': 0.07380683214123993, 'a': 0.06568303652727647, 'in': 0.027923783153467472, 'to': 0.02344842585727404, 'for': 0.020987680758112734, 'or': 0.0200710438986922, 'that': 0.01912950736957076}, {'the': 0.17259713434005025, 'of': 0.10293073232041454, 'a': 0.0849706858676569, 'and': 0.05313687900229971, 'or': 0.042232827593931904, 'to': 0.0405057052805797, 'in': 0.03422281356011614, 'any': 0.024320751750585658, 'be': 0.019453024573303165}, {'of': 0.2843256237153622, 'and': 0.10348568517818409, 'the': 0.08619588799072384, 'to': 0.08454572548709395, 'in': 0.04718633543200085, 'an': 0.03773150633108895, 'by': 0.034082632872818264, 'are': 0.02457081566508029, 'with': 0.023523924014884384}, {'the': 0.1287053056813113, 'and': 0.09508927028557602, 'to': 0.07119949655636888, 'of': 0.06102613577256228, 'so': 0.03421728976199958, 'is': 0.030015551339827497, 'be': 0.023127371175015583, 'he': 0.020689572386688632, 'was': 0.018665179604157495}, {'to': 0.20096723273614522, 'have': 0.14069656828704383, 'had': 0.12743696864130252, 'has': 0.10760339325628542, 'will': 0.10663394566656605, 'not': 0.07630124569847158, 'would': 0.07059550405852515, 'they': 0.042795239783806435, 'may': 0.03772745071194427}, {'within': 0.5826411232540136, 'or': 0.055712012877682515, 'and': 0.05154926318018251, 'of': 0.05039491391256592, 'about': 0.05031514630006052, 'than': 0.04657105894415805, 'least': 0.039844971811619695, 'in': 0.03861355631992572, 'for': 0.03816503068433633}, {'be': 0.1322756520666093, 'he': 0.1247986546285418, 'was': 0.09121465223440872, 'had': 0.09054460994153288, 'and': 0.08903687619918244, 'I': 0.0837528889500422, 'have': 0.0653858826326537, 'has': 0.05779986181667537, 'He': 0.03786446230889214}, {'and': 0.11582081944112449, 'was': 0.04225261395959518, 'held': 0.03592895762799326, 'Beginning': 0.02926079870317736, 'is': 0.027806631077598554, 'look': 0.026545353863800903, 'arrived': 0.026240397869270526, 'that': 0.0255265603479058, 'interest': 0.024134996272950678}, {'the': 0.1369238704198494, 'of': 0.06813887158153475, 'and': 0.060545333114517534, 'a': 0.045498376096712846, 'to': 0.04056035138643124, 'is': 0.02312314219918294, 'at': 0.022366338577920686, 'in': 0.02044163736196272, 'be': 0.020361116963932807}, {'that': 0.19529459725552145, 'and': 0.1893205846914157, 'but': 0.10676670620972793, 'as': 0.07688705093448475, 'which': 0.058663178485630074, 'if': 0.03975885240158478, 'when': 0.03805535861827694, 'where': 0.02774861381497361, 'But': 0.025105247517370508}, {'to': 0.3382904999639833, 'of': 0.12602057506953054, 'the': 0.09855044123840005, 'by': 0.05548833086351777, 'a': 0.05513285975729315, 'in': 0.046417144143891566, 'and': 0.04238325888962814, 'from': 0.017684238556851507, 'The': 0.017339754728516593}, {'is': 0.19058283009560076, 'be': 0.14219468387587725, 'are': 0.12445761938575856, 'was': 0.10388222469898364, 'very': 0.09359237992161264, 'so': 0.08921141937390374, 'as': 0.06539582336942266, 'not': 0.0629934100700972, 'more': 0.054235385265884416}, {'more': 0.2510219021792896, 'less': 0.05956959799842429, 'better': 0.059473107944185734, 'other': 0.05224175407183329, 'rather': 0.04616122820316988, 'greater': 0.01919984373958104, 'and': 0.01758295466862542, 'worse': 0.014915190415974059, 'higher': 0.014254901700752118}, {'of': 0.1036357152053107, 'and': 0.08447578988503017, 'Mrs.': 0.07746261662945153, 'by': 0.07229121524827574, 'said': 0.028343139084276537, '.': 0.026124887986181813, 'Mr.': 0.020768556544017512, 'Dr.': 0.019779749769453323, '<s>': 0.018673109036647508}, {'of': 0.2382384196706207, 'in': 0.14434553670944456, 'by': 0.08819600505742695, 'for': 0.08567517324338167, 'as': 0.07190113283389234, 'and': 0.07030467813811184, 'with': 0.06958111067287738, 'to': 0.059014747543826, 'that': 0.04710573377535365}, {'of': 0.2961876224118631, 'in': 0.15430846213044144, 'to': 0.12925985724582292, 'for': 0.0821585904612295, 'by': 0.06142089081682946, 'and': 0.06057159372331295, 'that': 0.0522273662577083, 'with': 0.05141416274305387, 'from': 0.04306554657454913}, {'one': 0.016368888842335127, 'more': 0.015000372690832826, 'on': 0.011189338260333165, 'day': 0.01075934247865153, 'two': 0.010752403191876184, 'person': 0.00789861567222125, 'in': 0.007751399993273645, 'man': 0.007556023970783172, 'law': 0.006531081514130428}, {'to': 0.26333623750284973, 'will': 0.2457843064930594, 'would': 0.12327736677964857, 'may': 0.08632552229500051, 'not': 0.07305842639489388, 'should': 0.0629870140811855, 'shall': 0.06089623978559659, 'must': 0.029845119106502362, 'can': 0.02609487690720834}, {'of': 0.2334906269087792, 'in': 0.17258803885655258, 'to': 0.10319782243108348, 'and': 0.09380316138643753, 'at': 0.058541728943997444, 'In': 0.05599804675048192, 'on': 0.053911104942448, 'that': 0.05364505313902541, 'from': 0.05291200068671414}, {'of': 0.2740142330718184, 'to': 0.10923678693438453, 'and': 0.10792699361534755, 'in': 0.09775115818622389, 'on': 0.06410763578434332, 'by': 0.06351728558758876, 'with': 0.06195985807905874, 'that': 0.050582629841164246, 'for': 0.047794269395244164}, {'of': 0.16895698082148114, 'such': 0.11844465799724253, 'with': 0.1049521180605688, 'to': 0.0946706773677565, 'in': 0.09276066062330242, 'as': 0.07997987879974156, 'for': 0.06474306255453631, 'and': 0.06382389099290418, 'is': 0.053208455625876505}, {'the': 0.24243300692402164, 'and': 0.08684878320095073, 'a': 0.07122310754803915, 'of': 0.06902168315598356, 'to': 0.03149407355825333, 'in': 0.028922887551702862, 'The': 0.018270519224500063, 'his': 0.018188031683713874, 'tho': 0.01621907469267766}, {'not': 0.41337938864121754, 'can': 0.11832642228643003, 'could': 0.10616562675902105, 'would': 0.06790412507083032, 'will': 0.06007512996473088, 'the': 0.0543825625559499, 'and': 0.03483964297100806, 'that': 0.02877347478335054, 'is': 0.025128595098756465}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'<s>': 0.15948243848266772, 'it.': 0.01701509735098273, 'them.': 0.015488871220701588, 'time.': 0.010495243999917948, 'country.': 0.009210060894571397, 'year.': 0.008740191372698611, '.': 0.008380974763140066, 'day.': 0.007998866947140455, 'work.': 0.007728130919226989}, {'for': 0.20622136208161845, 'of': 0.10854151188350487, 'in': 0.10165455352854721, 'as': 0.09515275929412498, 'to': 0.09036221028354835, 'was': 0.06551353947379412, 'and': 0.06427535988839785, 'is': 0.05110526082990502, 'at': 0.048039788077931474}, {'one': 0.10292350209653997, 'part': 0.054296235218466014, 'out': 0.03778817979727874, 'sum': 0.03720286180419832, 'all': 0.03668810408450853, 'amount': 0.035585548398705105, 'sale': 0.029791980567657157, 'end': 0.02750613498450879, 'number': 0.026917568831626333}, {'and': 0.14296279334308162, 'which': 0.12365353578943176, 'he': 0.10726691608211335, 'who': 0.06718694603557329, 'it': 0.04177244073202506, 'time': 0.04157726899965947, 'I': 0.038058725839422165, 'He': 0.037122345843244295, 'It': 0.035795909527381584}, {'and': 0.1560696130630544, 'of': 0.14836608064035564, 'not': 0.04048634784704732, 'to': 0.03288101636035008, 'in': 0.03067204444209689, 'after': 0.024558552737583405, 'with': 0.023755342281552086, 'by': 0.023638979553149805, 'are': 0.021777770687040246}, {'the': 0.32534542226822455, 'to': 0.1061041051051743, 'a': 0.07128851124540998, 'one': 0.06272758259339231, 'and': 0.05156243449366711, 'an': 0.049909891050214185, 'this': 0.04970965510941761, 'that': 0.03559984435348251, 'will': 0.031594061240398534}, {'to': 0.34378129718365846, 'will': 0.15287135864951518, 'would': 0.08615903395787451, 'may': 0.07844929048361882, 'should': 0.05682249178971402, 'shall': 0.05432412913287461, 'not': 0.05091775331157668, 'must': 0.03610577244404393, 'can': 0.03580596083245932}, {'of': 0.13371095863694998, 'the': 0.10186323435319235, 'Mr.': 0.07994187687147021, 'and': 0.06034023562905588, 'in': 0.056462688954639406, 'that': 0.0430827619764323, 'The': 0.0326692079802617, 'which': 0.02673675921715785, 'Mrs.': 0.02329825115809766}, {'of': 0.1971419945233357, 'any': 0.12473496680385855, 'and': 0.09517354449643235, 'in': 0.09297361254296836, 'no': 0.09246348822889211, 'the': 0.09154223070092264, 'that': 0.06354817211284124, 'only': 0.04721731388905227, 'some': 0.045160169856422364}, {'the': 0.4211745304976633, 'The': 0.08479762535586378, 'a': 0.07701881842067593, 'and': 0.06527839694533433, 'two': 0.03720902531855199, 'of': 0.036233022633151916, 'no': 0.028091534302645705, 'his': 0.025053616764359903, 'many': 0.022733958563469436}, {'and': 0.05407763186555885, '<s>': 0.0159725165942179, 'it': 0.014992354532029364, 'that': 0.013902955649704495, 'of': 0.011521839140573024, 'now': 0.011457011275953987, 'which': 0.011150471212510534, 'Mr.': 0.010808999523085706, 'but': 0.009027511717407054}, {'and': 0.21534288110756078, 'of': 0.11392906694438908, 'to': 0.09333723331717846, 'in': 0.08341405881158778, 'nearly': 0.06582699823770821, 'that': 0.05782555456836763, 'with': 0.047125939538029266, 'are': 0.03556300705430111, 'was': 0.03176639613620877}, {'foreclosed': 0.09634386882946343, 'accompanied': 0.06914744523154118, 'made': 0.062220870833543704, 'and': 0.059623448501614024, 'followed': 0.05567422914917625, 'surrounded': 0.03148136347170944, 'up': 0.026111816226809845, 'caused': 0.02316153437489157, 'secured': 0.022889564253045367}, {'and': 0.17589478131840308, 'was': 0.1593114963229908, 'is': 0.07055092693087467, 'are': 0.06445755964445697, 'of': 0.05995904845710373, 'were': 0.052983296732407995, 'been': 0.04252821109601963, 'to': 0.04041135105954162, 'while': 0.028763276292305972}, {'be': 0.24078117603380564, 'was': 0.16524896125814909, 'and': 0.11119776628016816, 'is': 0.08232397622740607, 'been': 0.07807355832049745, 'have': 0.048728469271970436, 'had': 0.04658197785686813, 'has': 0.04583307627863969, 'were': 0.041816208566717285}, {'p.': 0.06621079160117566, 'a.': 0.045360296283166936, 'it': 0.03423197773500222, 'had': 0.03274808424060645, 'was': 0.028815723512267778, 'p': 0.028180780500033198, 'and': 0.023099067285102474, 'there': 0.0226234637807629, 'of': 0.019868835251881562}, {'the': 0.25230627846090165, 'of': 0.17825376376811455, 'by': 0.039334115743993515, 'in': 0.03897272765545851, 'and': 0.03736031448058719, 'to': 0.03500721527832024, 'a': 0.025560319283594753, 'that': 0.022460963314166346, 'The': 0.020701610174736162}, {'of': 0.18329873309831632, 'and': 0.18058626842325137, 'that': 0.08006245278940965, 'to': 0.07056249923888623, 'with': 0.06807701417793749, 'in': 0.05801641533519993, 'by': 0.0536849970624766, 'on': 0.03534129925054937, 'from': 0.030362608933113773}, {'as': 0.407792467614102, 'if': 0.16536030593529577, 'is': 0.12168143724501668, 'was': 0.10502010552456559, 'and': 0.07202031607461197, 'that': 0.021839400410413098, 'If': 0.021659593868813706, 'but': 0.018426132960183823, 'be': 0.01739577286080242}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'it': 0.2044094860596539, 'It': 0.14826876713473755, 'they': 0.09859620574688369, 'he': 0.09108759040872617, 'we': 0.057856970243910774, 'which': 0.0531991974703112, 'that': 0.04738608503454462, 'who': 0.041320743727857843, 'as': 0.031752087744568745}, {'of': 0.3863529063215007, 'in': 0.14933293799577727, 'for': 0.09536917154260065, 'to': 0.09196990336882882, 'and': 0.05352369740157086, 'that': 0.04261028179190723, 'on': 0.03688803739216617, 'from': 0.03682108760093143, 'at': 0.031003104213313672}, {'of': 0.17882006954460544, 'to': 0.15038891164327658, 'and': 0.11636873671921844, 'in': 0.09446034601859432, 'is': 0.06649831941235698, 'was': 0.06436379329629038, 'for': 0.06131904094290231, 'with': 0.06100833166382208, 'that': 0.05657362780437055}, {'he': 0.25910006437218913, 'I': 0.1175715940333716, 'she': 0.0827317338943986, 'who': 0.07327989866966572, 'He': 0.060891395856287445, 'which': 0.059003941621954055, 'they': 0.053743295373390565, 'that': 0.04278136797131212, 'and': 0.03635735580636001}, {'have': 0.32887155133720375, 'has': 0.24895905763348003, 'had': 0.22590914112393295, 'not': 0.03306029363479426, 'having': 0.031227273372102876, 'bad': 0.015119581515317919, 'ever': 0.01396193234990098, 'never': 0.013874593128404347, 'havo': 0.010591857273078738}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.23184321109782693, 'the': 0.11772163270434309, 'to': 0.11109023390225281, 'a': 0.06701726125167032, 'in': 0.06538519406520661, 'and': 0.063816541870448, 'at': 0.05975306112913152, 'by': 0.03466703752336291, 'from': 0.03027031856162047}, {'was': 0.17293356346658448, 'is': 0.15389471870711136, 'are': 0.09607038421689207, 'and': 0.08628990944224427, 'had': 0.08178241234330375, 'do': 0.0725150978431166, 'were': 0.055807790087958914, 'did': 0.0552008717192666, 'have': 0.05066571034953144}, {'to': 0.41141094128054534, 'a': 0.14552922280000416, 'will': 0.08768833133346449, 'the': 0.07769822227093469, 'not': 0.0459906860852734, 'would': 0.04133835965223281, 'and': 0.03085950505641395, 'shall': 0.02474816895741142, 'his': 0.024365244515399623}, {'<s>': 0.0572992253203544, 'it.': 0.029684758880105203, 'of': 0.022208778542302993, 'them.': 0.018387715831345786, 'him.': 0.013979952292984219, 'day.': 0.011263630806287263, 'as': 0.011175624698414731, 'time.': 0.010659743658880293, 'that': 0.0100727833642807}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.2114735360361704, 'in': 0.17922822669680485, 'to': 0.12485719588379915, 'with': 0.06904351606674422, 'from': 0.057370532087307566, 'by': 0.04969194137524102, 'for': 0.04590963219050963, 'upon': 0.03602983539065349, 'on': 0.035511411909455136}, {'the': 0.14160143429105918, 'of': 0.10772794069262466, 'and': 0.04622791745346806, 'The': 0.04468459444150224, 'Mr.': 0.04437398717949427, 'that': 0.04282841592100794, 'in': 0.040608763603819556, 'Mrs.': 0.02570127574675181, 'which': 0.024259625863839614}, {'to': 0.7315153336145365, 'will': 0.06250277111635887, 'would': 0.04473265012477091, 'and': 0.027265521270318296, 'not': 0.02327523800554134, 'shall': 0.022966774376342067, 'the': 0.019551546514190683, 'his': 0.019400296385092296, 'should': 0.018107121532755278}, {'and': 0.19320250413079057, 'the': 0.16991480930921996, 'of': 0.11328806461526748, 'a': 0.07925486954657923, 'by': 0.0646714984964208, 'with': 0.0438987586586425, 'for': 0.040704881285642196, 'to': 0.040008058421834886, 'or': 0.033625595256848065}, {'<s>': 0.0537158239965709, 'and': 0.023492183745794547, '.': 0.016708709426970027, 'was': 0.01618448571777757, 'succeeded': 0.010366396312509026, 'home': 0.009078625451117744, 'came': 0.008947359264641009, 'him': 0.007674246997898115, 'men': 0.007504599456366023}, {'the': 0.36095608377686367, 'and': 0.11301782403273804, 'of': 0.09143878420148993, 'to': 0.05487380913859114, 'The': 0.037763808032998454, 'or': 0.03483202684063396, 'tho': 0.03445562859256584, 'for': 0.02822001799418835, 'their': 0.026837564883654214}, {'the': 0.17220996689556864, 'of': 0.09775575666404593, 'and': 0.08521155455820287, 'in': 0.04123017953882378, 'for': 0.039479448249532006, 'to': 0.03710434304928312, 'a': 0.02966027251955829, 'their': 0.02362650561897249, 'be': 0.023045933133211856}, {'it': 0.15346950243914737, 'It': 0.11041509661201071, 'they': 0.08813029199428145, 'as': 0.07012768611995396, 'which': 0.0690624664483902, 'that': 0.06477508768680733, 'he': 0.06374842273942427, 'and': 0.0559556143798807, 'we': 0.052584865254628216}, {'the': 0.14160099908626692, 'Mr.': 0.12517726810457708, 'of': 0.07130459945860194, 'and': 0.06470422074012147, 'a': 0.05041964470490993, 'was': 0.03403115271138712, 'to': 0.030597016924679327, 'The': 0.027424156642017944, 'be': 0.021879272558987424}, {'to': 0.4875315026850248, 'will': 0.16074484593615193, 'would': 0.058330794490530795, 'shall': 0.05826127297479376, 'and': 0.05717735201911049, 'not': 0.05185308279688933, 'should': 0.03417018412387185, 'must': 0.02202658128133262, 'may': 0.018227430538099526}, {'of': 0.16968736380470104, 'the': 0.13103524482060946, 'and': 0.0659367080297915, 'a': 0.04351610371772314, 'to': 0.04288813363142404, 'in': 0.02146516283404681, 'by': 0.017996615331195474, 'on': 0.013591918702656563, 'are': 0.013206034866225017}, {'of': 0.33091119303423683, 'to': 0.14517518738153334, 'in': 0.08289849877022645, 'by': 0.07803797537944664, 'and': 0.06630830797636486, 'that': 0.05874058151271277, 'with': 0.04844080020115159, 'as': 0.04305428095977532, 'for': 0.03910578558507619}, {'and': 0.18784659304686488, 'the': 0.06500981124021876, 'to': 0.05688308162509333, 'that': 0.05527655871979602, 'a': 0.04768004481135258, 'of': 0.04537896370145759, 'or': 0.04509803433062092, 'as': 0.036007913916144524, 'was': 0.022408744883753162}, {'protest': 0.09213721161722925, 'and': 0.059085518278957645, 'up': 0.03899619508924092, 'made': 0.038194138081999875, 'voted': 0.03463083273212171, 'claims': 0.03305647796696318, 'vote': 0.030795176454426507, 'guard': 0.03054644504584456, 'fight': 0.030335045152437037}, {'and': 0.10060653638522271, 'made': 0.050776517105117464, 'accompanied': 0.03935358209830159, 'that': 0.038545076404159266, 'occupied': 0.031465960092749184, 'owned': 0.02996280558247361, 'side': 0.0296835326896528, 'followed': 0.025961025805132452, 'secured': 0.025055933867565952}, {'be': 0.14102424437928243, 'have': 0.13807052558815733, 'has': 0.12238487175106698, 'and': 0.11457218914023407, 'he': 0.09227448520507944, 'had': 0.0754208350725637, 'was': 0.04988448791899557, 'I': 0.04961067495760281, 'who': 0.0443103794587143}, {'and': 0.073219411047515, 'is': 0.07294519107759538, 'able': 0.06492020282089156, 'order': 0.061299173885702045, 'have': 0.05960488476469487, 'enough': 0.054640937049275404, 'had': 0.04980998936811568, 'necessary': 0.04725534549321276, 'as': 0.04676546473982977}, {'you': 0.1673404561047325, 'they': 0.15401353389454725, 'we': 0.1484573157421019, 'I': 0.12566576409307786, 'he': 0.08620355026647246, 'and': 0.06038014544191185, 'who': 0.06007775103327101, 'We': 0.03316428697933928, 'You': 0.032351820908519686}, {'that': 0.2886107534822458, 'and': 0.2543323021903998, 'if': 0.0597271301193772, 'as': 0.05746653072830891, 'is': 0.05097028279265153, 'but': 0.049040616275814755, 'If': 0.03358775800767791, 'was': 0.02924117125767784, 'when': 0.025661926476341596}, {'to': 0.4907703309372459, 'will': 0.11434629602163955, 'we': 0.08415823490523075, 'would': 0.04768957277777071, 'I': 0.04692909484863701, 'they': 0.0410904593088041, 'could': 0.03566128415650783, 'may': 0.03460437691397393, 'you': 0.03303380567906857}, {'<s>': 0.08295575905398449, 'it.': 0.018337664920556655, 'them.': 0.013390219268228323, 'day.': 0.008712301559780049, '.': 0.006774814395728498, 'country.': 0.006481518784170125, 'year.': 0.006140922528734843, 'time.': 0.005509619141827125, 'vinegar.': 0.0054596755183784025}, {'of': 0.4208892286324508, 'in': 0.0925032599034873, 'and': 0.050044838888953884, 'to': 0.04301766369873751, 'the': 0.03954087514376256, 'or': 0.032535112902439565, 'for': 0.032482894633704795, 'at': 0.028146705172529457, 'about': 0.024352336427660815}, {'it': 0.11347727835580726, 'and': 0.09254465393419296, 'he': 0.08946611201896967, 'they': 0.07684476519513142, 'which': 0.06631593640040682, 'It': 0.05036628708774879, 'I': 0.04794157032603539, 'who': 0.04410829295304152, 'that': 0.043164193751218126}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'this': 0.2116643464690899, 'the': 0.20588511554036032, 'a': 0.16747075062553282, 'last': 0.16072781753024548, 'next': 0.05709276156722957, 'Last': 0.0419777392183439, 'one': 0.03619883719446177, 'past': 0.023453607162022556, 'each': 0.016594547358154518}, {'together': 0.19069821673723322, 'and': 0.09455704873224675, 'connection': 0.031648845470192664, 'connected': 0.028243483972350526, 'it': 0.02472106983692007, 'do': 0.022207790646364686, 'Together': 0.021960833093925183, 'him': 0.019824849112808747, 'them': 0.01771672846073715}, {'the': 0.5852856409752489, 'this': 0.1939699013098373, 'a': 0.046280627603534574, 'tho': 0.021828561624321507, 'The': 0.02128843136168823, 'said': 0.020394059807924938, 'other': 0.019710868964446522, 'his': 0.011656537259504874, 'our': 0.011628864755204617}, {';': 0.029061144993926435, 'it,': 0.02070973329715201, 'them,': 0.012405376909913618, 'him,': 0.010368224398011185, 'in': 0.008788771398788718, 'time,': 0.00812818481080709, 'him': 0.007812333873097617, 'country,': 0.00724525915849591, 'years,': 0.006623675703907612}, {'he': 0.16685678506097892, 'who': 0.11237631893841542, 'have': 0.10137576556905407, 'I': 0.09469380360417547, 'and': 0.08759310612043784, 'they': 0.0701712835088206, 'has': 0.051013574183855076, 'which': 0.050726421577478635, 'we': 0.04211594827381178}, {'or': 0.6549997301188926, 'the': 0.08054951020740038, 'and': 0.05367602491286469, 'a': 0.04941500965091758, 'of': 0.017906863440884106, 'this': 0.010063106881593672, 'as': 0.009675515348615554, 'in': 0.009417919840666214, 'that': 0.008721473131655257}, {'that': 0.14323870209926867, 'and': 0.12296648717018968, 'but': 0.06694239196372298, 'which': 0.05055502323871227, 'if': 0.047480367930284754, 'as': 0.04690486076663031, 'when': 0.04357373761791411, 'what': 0.03654321533692733, 'If': 0.030927795848589516}, {'the': 0.11208673649433883, 'of': 0.0811832204272049, 'to': 0.052268557597038544, 'and': 0.05007599138342977, '.': 0.044866152831554804, 'Mr.': 0.04179640530354394, 'a': 0.03682064340740841, 'in': 0.029406728614136193, 'at': 0.02035981048435502}, {'day': 0.05352928089240339, 'quarter': 0.04676301591462746, 'corner': 0.030180716468653675, '.': 0.02492657237835106, 'part': 0.02258190277853835, 'line': 0.019320957577982148, 'side': 0.018886287388587483, 'years': 0.01756170089013927, 'out': 0.015206540314558158}, {'the': 0.27282588484732934, 'of': 0.13438117222894588, 'a': 0.07922603355006119, 'and': 0.04911742496601484, 'Block': 0.03917427298801351, 'to': 0.03100787607046827, 'at': 0.024729126880816882, 'in': 0.024462289606387567, 'on': 0.01865468573984355}, {'to': 0.6131130381436152, 'and': 0.07827541358750557, 'of': 0.06418382459033085, 'will': 0.03936194262821391, 'a': 0.037246251374868276, 'under': 0.03278402597776456, 'not': 0.03131300046264681, 'with': 0.025104808656820254, 'the': 0.02438768371820035}, {'the': 0.14651767028650897, 'and': 0.10280181339946678, 'of': 0.07164139889404732, 'to': 0.06710968865667367, 'in': 0.043620235518656805, 'was': 0.04085328919635116, 'a': 0.03773596883616436, 'be': 0.034467327867332885, 'is': 0.024743356400790086}, {'in': 0.1503537230983529, 'and': 0.12090968327368529, 'for': 0.1068328216536227, 'of': 0.10193197520235167, 'was': 0.10133599613140262, 'is': 0.08799717988723171, 'to': 0.06742160919547473, 'with': 0.0551782619440437, 'In': 0.0482157528039993}, {'State': 0.09860069549593535, 'state': 0.06351524617666271, 'city': 0.042937046132116706, 'county': 0.03495354490678704, 'out': 0.028314409082954108, 'part': 0.025001752748806103, 'line': 0.02033416830550096, 'Secretary': 0.020128412286997664, 'side': 0.018967319630459153}, {'the': 0.2703539501701572, 'a': 0.09441637857469634, 'of': 0.09315090614256562, 'and': 0.0815043257804747, 'to': 0.06111930830504973, 'in': 0.03624143857927029, 'The': 0.024217187481250197, 'or': 0.022168693783241718, 'tho': 0.018023756275540377}, {'the': 0.2516020461412235, 'this': 0.1077303324332254, 'This': 0.09674467195478599, 'no': 0.09192932864192847, 'said': 0.08421434490403053, 'The': 0.07043299491840542, 'of': 0.05890636473528458, 'such': 0.05495093001250677, 'that': 0.0544704029270564}, {'of': 0.2053228447545132, 'in': 0.17801850027139898, 'to': 0.12731091692807298, 'with': 0.08365745938973744, 'by': 0.07690746421857719, 'for': 0.060944826222531424, 'was': 0.051468404236944786, 'is': 0.04986002053919361, 'In': 0.043621434706256804}, {'<s>': 0.040892724126788106, 'it.': 0.03290029315956717, 'them.': 0.01933903716971347, 'him.': 0.011514413357588129, 'time.': 0.0075783865797774885, 'again.': 0.00755370311773398, 'life.': 0.006820206564248981, 'us.': 0.0068167702216726245, 'her.': 0.0066761266543082995}, {'one': 0.21902963294136704, 'some': 0.10598079560091174, 'many': 0.06107545962153149, 'all': 0.0585813772730768, 'One': 0.046623888102938334, 'Some': 0.04347888579720777, 'any': 0.03739644513429387, 'part': 0.03504413325115569, 'out': 0.03392430786956072}, {'of': 0.17879058129644262, 'the': 0.06583614525718579, 'to': 0.0540973184716951, 'and': 0.04848573852670302, 'by': 0.04252848894444373, '<s>': 0.029254044097010833, 'at': 0.02588831696912389, 'in': 0.021847289596853236, 'for': 0.021296497940441184}, {'not': 0.1791173722684284, 'is': 0.15706033505568598, 'was': 0.15245614598318755, 'and': 0.09620254666206622, 'are': 0.08514078387616451, 'be': 0.06901810094740049, 'were': 0.05351004596252262, 'but': 0.03213726603064763, 'Is': 0.025836470812264742}, {'and': 0.11855345980160215, 'that': 0.04834655291398339, 'made': 0.0378194600336547, 'is': 0.03527537111848093, 'was': 0.03499608325061649, 'placed': 0.02838596072187782, 'as': 0.025722738445492364, 'be': 0.025414814918467716, 'or': 0.02501953233801765}, {'and': 0.10322793662179043, 'to': 0.06411743462916887, 'the': 0.06370439157115686, 'of': 0.05777485078316674, 'be': 0.04435727029051845, 'was': 0.042621239900059976, 'were': 0.02240071196653359, 'is': 0.02074143809602084, 'been': 0.019546228072890706}, {'has': 0.3351037636576963, 'have': 0.33295537559015004, 'had': 0.2096557365677773, 'having': 0.027695555469806548, 'not': 0.026615928325184054, 'never': 0.013334626923157098, 'bad': 0.012278749694701104, 'always': 0.01123451334710282, 'ever': 0.010407476522314073}, {'a': 0.5916696284406684, 'most': 0.12617344491856097, 'very': 0.07895127864437664, 'and': 0.057043832448563085, 'the': 0.04889119035421862, 'his': 0.021526373358679032, 'to': 0.0197938712500654, 'more': 0.016988874797536475, 'in': 0.015760399638643775}, {'of': 0.3818687910305758, 'in': 0.183113533070074, 'to': 0.06676171640832591, 'for': 0.06283999838306101, 'In': 0.059997709754463134, 'by': 0.05021472375668937, 'that': 0.04177723611033873, 'with': 0.037537578608226034, 'and': 0.03374098733131647}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.3986969404465136, 'in': 0.10329358866739421, 'to': 0.09383306558901923, 'by': 0.06422179700110847, 'and': 0.06316195170358578, 'that': 0.05002171051395041, 'on': 0.04713504332903841, 'from': 0.04337605880899614, 'for': 0.0422847695722835}, {'and': 0.16741233781023396, 'sale': 0.09255108104021721, 'therein': 0.07301293458694659, 'which': 0.05157083191678987, 'that': 0.049683499775346605, 'he': 0.043545285917968364, 'they': 0.029491861582523867, 'as': 0.028394487045501276, 'be': 0.02759035092224271}, {'it': 0.12345565088231468, 'and': 0.0822157701384954, 'which': 0.0789593766926433, 'they': 0.06335641787905306, 'It': 0.059620698188060726, 'that': 0.05624499118281095, 'he': 0.05281279586564035, 'there': 0.05088203657611052, 'you': 0.047827160978564424}, {'and': 0.0936303803397752, 'it': 0.05690043457515578, 'that': 0.036947817511978, 'is': 0.030725501803428725, 'which': 0.03010503478253717, 'he': 0.022502893491430753, 'but': 0.020902956124772373, 'as': 0.020586589143631515, 'It': 0.019522337035057603}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.1287053056813113, 'and': 0.09508927028557602, 'to': 0.07119949655636888, 'of': 0.06102613577256228, 'so': 0.03421728976199958, 'is': 0.030015551339827497, 'be': 0.023127371175015583, 'he': 0.020689572386688632, 'was': 0.018665179604157495}, {'the': 0.2860015535667965, 'and': 0.11651340342717943, 'a': 0.07134900345851794, 'as': 0.04257476871211292, 'The': 0.036417221784942194, 'of': 0.03597068474546521, 'to': 0.03392437477645751, 'tho': 0.02844794454048896, 'that': 0.02457582381519769}, {'the': 0.13665333820531783, 'of': 0.0952109316154195, 'to': 0.09224651105363638, 'and': 0.08457402367183081, 'in': 0.0296061453641107, 'is': 0.026992482209213572, 'be': 0.026978482663672608, 'a': 0.02547875491340945, 'was': 0.0241186867488833}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'of': 0.16338681191925664, 'the': 0.12462902449681046, 'to': 0.08817321254842563, 'and': 0.08025758643791325, 'in': 0.06201797326031866, 'a': 0.03472099734933442, 'as': 0.02224850077189712, 'that': 0.02201701319507151, 'which': 0.02192812327051353}, {'he': 0.3024028226681678, 'I': 0.10224651222361905, 'who': 0.08347246562193394, 'she': 0.06849397035361254, 'and': 0.06168155652831146, 'they': 0.05055766778306723, 'He': 0.05040806676901435, 'which': 0.0369635337434253, 'that': 0.03684802107076049}, {'be': 0.2129490925669728, 'and': 0.12888206225466906, 'he': 0.11207251024333437, 'I': 0.08305946426284921, 'was': 0.08209975674699825, 'have': 0.07783491813181737, 'been': 0.04998895270742997, 'ever': 0.04954853153769862, 'had': 0.04293384031645175}, {'in': 0.2760895992300548, 'of': 0.2026192335049171, 'for': 0.12376248091289599, 'to': 0.09709148132385835, 'at': 0.07572735520511391, 'In': 0.06403087603547503, 'on': 0.038143062407954675, 'from': 0.035954824849906135, 'by': 0.03491785513178924}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'to': 0.2384823288690724, 'of': 0.1911829961217226, 'with': 0.11939233225665861, 'for': 0.07642540510987728, 'upon': 0.07481795995671589, 'by': 0.04948782153550245, 'from': 0.03972532984243544, 'on': 0.03673040442127507, 'in': 0.03160976514225081}, {'the': 0.40093195201192144, 'his': 0.09560895244362032, 'of': 0.0940869276687917, 'The': 0.05559085045969354, 'their': 0.05422591816218226, 'our': 0.05418410718443558, 'her': 0.051497855953385935, 'a': 0.04478227992034888, 'and': 0.042909077446227004}, {'and': 0.1778275560173667, 'the': 0.08357098974200125, 'he': 0.058173103404140176, 'as': 0.05106217678376756, 'it': 0.050099575552872026, 'It': 0.0455649226486958, 'Colum-': 0.036539748959735385, 'that': 0.034669023268934264, 'or': 0.02625247256754877}, {'I': 0.28277070076593575, 'not': 0.16053554630462827, 'we': 0.12619361631064563, 'you': 0.082054906682434, 'they': 0.08130672052893226, 'who': 0.06512604013170137, 'We': 0.05239793752708653, 'to': 0.05188502591111845, 'would': 0.03179015664128932}, {'about': 0.18673522954889893, 'of': 0.1739916138069242, 'and': 0.1230487530135968, 'than': 0.092459757033588, 'to': 0.08659943675838641, 'for': 0.0641605313516084, 'at': 0.0345878734405791, 'nearly': 0.026381557855869778, 'over': 0.026056989982402932}, {'to': 0.1441924502895956, 'of': 0.08517550173191714, 'are': 0.08283465853726542, 'and': 0.07653792759616446, 'was': 0.0751810713364813, 'a': 0.07074688737937077, 'is': 0.06896502823586514, 'the': 0.06602108582509963, 'be': 0.05109965017086098}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'and': 0.22528101860022462, 'have': 0.13576205171071132, 'be': 0.13144629142555617, 'I': 0.08679947172887176, 'had': 0.07631799496909887, 'he': 0.07595351425060456, 'been': 0.05787616200079258, 'was': 0.05647251290431639, 'has': 0.05395511328257409}, {'and': 0.09468249737622518, 'depend': 0.03875088893599322, 'based': 0.03863406357657407, 'placed': 0.0380392715961322, 'depends': 0.03779424552216468, 'called': 0.03705486424756454, 'down': 0.03295251281941486, 'made': 0.032658028953724605, 'effect': 0.028685464570585545}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'and': 0.07183289031255977, 'demand': 0.025944685217575657, 'ready': 0.021477506387310677, 'used': 0.020653840313379437, 'time': 0.018693235575541325, 'not': 0.014344251169100857, 'vote': 0.014321157386397571, 'it': 0.014219992250690474, 'candidate': 0.013420651590409303}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.14602824762105668, 'is': 0.13730597425177105, 'was': 0.11089892612657096, 'with': 0.09805769173850104, 'by': 0.07969279090751111, 'for': 0.07759282906474076, 'and': 0.07283128379770361, 'to': 0.06166014899466058, 'in': 0.06034536001031713}, {'seems': 0.23228004843411307, 'seemed': 0.07108131473950127, 'come': 0.04363985912855742, 'came': 0.042899928930141114, 'as': 0.0392258925953448, 'up': 0.03569010385148102, 'and': 0.03283756454186183, 'it': 0.031323606563782115, 'occurred': 0.030321030988036665}, {'the': 0.16080612173204767, 'of': 0.14971494833413096, 'in': 0.07357755193500144, 'to': 0.054695611885391245, 'and': 0.05408276043140161, 'a': 0.03855192659585417, 'as': 0.02842818665392498, 'at': 0.02697202502626493, 'be': 0.025124431692798203}, {'the': 0.08575699314304598, 'of': 0.0246842148956006, 'two': 0.0243460436144123, 'a': 0.023182356203460985, '<s>': 0.01826807971677889, 'and': 0.013856798190274647, 'feet': 0.013061857386814419, 'at': 0.012750867775016286, 'his': 0.01067957702682154}, {'feet;': 0.18704710578943892, 'running': 0.09833626530871906, 'feet,': 0.08542935929852295, ';': 0.04847838750947248, 'feet:': 0.04003915316196316, 'street,': 0.028026874646954792, 'and': 0.027250084479516188, 'point,': 0.02448206272853192, '2;': 0.02296515784485394}, {'the': 0.23355454219492086, 'a': 0.08192022577608535, 'of': 0.05833044642363892, 'and': 0.05380641579696921, 'Mr.': 0.036394894255961575, '.': 0.02529568249307763, 'his': 0.025093759047044757, 'an': 0.022194403144761784, 'The': 0.02046192672967336}, {'of': 0.17198603082418581, 'and': 0.14809981825258633, 'to': 0.07755345391387061, 'is': 0.06596963026446678, 'with': 0.06225005429807001, 'in': 0.05566370515869081, 'for': 0.048614962853835944, 'was': 0.04771482978262967, 'that': 0.04572235162392733}, {'as': 0.3286316761053816, 'the': 0.1555836942571648, 'and': 0.06106181370388678, 'so': 0.05950852431308755, 'very': 0.05020614550133276, 'how': 0.045442345761867425, 'a': 0.04044871321073256, 'if': 0.03077552980770047, 'The': 0.028663503335745903}, {'of': 0.27719937781469806, 'the': 0.17231162932328192, 'to': 0.13859069855556633, 'by': 0.08951715966567819, 'in': 0.07480497225464587, 'and': 0.05613380841142987, 'with': 0.037263775591034776, 'which': 0.028524397106914883, 'on': 0.02839923514424594}, {'day': 0.03156037544006172, 'vein': 0.020061970611652175, 'one': 0.017876621563988976, 'line': 0.01597623551759264, 'side': 0.015255766226122812, 'part': 0.014753545390485843, 'in': 0.013042396619094848, 'on': 0.013034456926619323, 'land': 0.012810012757004984}, {'statute': 0.2178702553998322, 'and': 0.09230913868589358, 'that': 0.03930311449245735, 'or': 0.037115821972932075, 'as': 0.030182620629376905, 'is': 0.02632896711410034, 'it': 0.02557299373610032, 'was': 0.02345060337021054, 'be': 0.023044230983195888}, {'and': 0.3044452981767874, 'that': 0.08484639410361876, 'but': 0.07450843064526357, 'time': 0.03158261021597954, 'and,': 0.021742117786014557, 'was': 0.021083242926665212, 'But': 0.018864144237737475, 'it': 0.017368728784327284, 'ago,': 0.017098872124484986}, {'the': 0.2003406496974778, 'of': 0.1166674800741636, 'in': 0.056660625677271426, 'and': 0.04839203718393726, 'to': 0.04516406602537658, 'a': 0.03843154213961194, '.': 0.029346035646714896, 'at': 0.02219891767540774, 'for': 0.01749799986657788}, {'the': 0.6221587732744736, 'an': 0.08534071437074908, 'The': 0.08491591064295391, 'a': 0.05540892105346796, 'tho': 0.0354505765562577, 'no': 0.01947235578656582, 'great': 0.017484252560819633, 'tbe': 0.0168535906164949, 'sole': 0.014972877570378351}, {'the': 0.15534415439568727, 'of': 0.1485596730751166, 'a': 0.11308231366522459, 'and': 0.05773203081196932, 'in': 0.05110045023777023, 'to': 0.04316713317277858, 'that': 0.030173218096798547, 'for': 0.023829438768828596, 'an': 0.020893408159198393}, {'the': 0.10254899323962945, 'and': 0.08672066584549279, 'be': 0.06718293253430607, 'was': 0.066714350510063, 'of': 0.062142448154758216, 'to': 0.0470377945272685, 'is': 0.04045405956202174, 'been': 0.03329532229695042, 'a': 0.029155698848644288}, {'the': 0.2581072257501084, 'of': 0.22163437594102128, 'a': 0.10623534771661526, 'for': 0.05280521177663006, 'and': 0.04816599026749814, 'such': 0.043087175629206304, 'in': 0.036686716043267446, 'all': 0.029662542878215216, 'other': 0.02867067596405872}, {'of': 0.24648544541281883, 'with': 0.11409420766507984, 'and': 0.07957634626868086, 'to': 0.07946092206213315, 'in': 0.06158238411322339, 'on': 0.04661388908240211, 'for': 0.02949684105459216, 'by': 0.02538103279136564, 'is': 0.023277745289705835}, {'the': 0.20051323864213347, 'of': 0.1121580187173921, 'to': 0.0794610807632604, 'and': 0.07830144778943067, 'a': 0.05649848262681797, 'in': 0.03454089741191692, 'be': 0.030242460953634313, 'is': 0.024885437758660686, 'for': 0.024600508670062263}, {'it': 0.1425484532101972, 'I': 0.1213354070215672, 'he': 0.11001646519610883, 'It': 0.08910193822766081, 'we': 0.08810080705787648, 'they': 0.08502350221614376, 'We': 0.035535001300793526, 'and': 0.03455875249364024, 'you': 0.02830612684330736}, {'of': 0.2798295275787339, 'in': 0.21606877877110037, 'to': 0.10596869856212753, 'at': 0.10338608494537074, 'on': 0.08650117757376319, 'In': 0.047857839802962876, 'from': 0.037537600995755684, 'by': 0.02882390043977505, 'with': 0.023970934476369117}, {'the': 0.21141969442613287, 'a': 0.09580828163454723, 'of': 0.08079260247554694, 'and': 0.05993258001567138, 'to': 0.028789095059050186, 'The': 0.028705325600302246, 'at': 0.021665447739380693, 'in': 0.019670869453959672, 'Mr.': 0.01926544528429004}, {'of': 0.19289291092538233, 'to': 0.11953352780883313, 'in': 0.1094633685125112, 'and': 0.08953576472441668, 'the': 0.0709195057977011, 'a': 0.04456719405077338, 'with': 0.033748560514634394, 'In': 0.032762487187592955, 'for': 0.027357027554129762}, {'the': 0.33242690522978335, 'and': 0.14555052737860366, 'of': 0.09000720577623424, 'for': 0.06803553284702495, 'a': 0.06407667794257225, 'in': 0.060556556901180586, 'to': 0.04432554130060812, 'or': 0.03235936922329474, 'was': 0.03157187126050431}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'the': 0.21558648362509528, 'and': 0.09143068337757602, 'of': 0.08405129231287331, 'a': 0.04928596005324273, 'be': 0.04096736111661779, 'was': 0.03822883876238244, 'to': 0.036378482348205295, 'in': 0.033491549884584186, 'is': 0.0310415017154776}, {'is': 0.38641772071772024, 'was': 0.12100302233580885, 'and': 0.10672369672508418, 'are': 0.06664454472072641, 'be': 0.05182362959841789, 'Is': 0.05177218001086111, 'has': 0.04932998550316418, 'not': 0.04398100730215087, 'it': 0.041851537194050006}, {'and': 0.11145635754781923, 'made': 0.05835194769914394, 'or': 0.039935741751360845, 'but': 0.03052129274731946, 'it': 0.028569050919341997, 'done': 0.027563134377133383, 'shown': 0.026552989052780307, 'him': 0.024827643432636947, 'ed': 0.02466223491968062}, {'of': 0.1965650474168834, 'and': 0.12929369538056498, 'in': 0.09296503314184086, 'with': 0.07447641090151806, 'is': 0.07151825162434429, 'to': 0.06885438020154305, 'was': 0.06838187294363658, 'as': 0.054925017138610144, 'by': 0.05042587148278916}, {'of': 0.22807435958580868, 'for': 0.13645989370420947, 'in': 0.11945994348508547, 'and': 0.10290977648084437, 'to': 0.10257854979136341, 'on': 0.05987969798589257, 'that': 0.05909075228063893, 'during': 0.04638629841197456, 'In': 0.04259115275765342}, {'the': 0.21981292457782856, 'of': 0.0964569837419718, 'to': 0.06900019553904409, 'at': 0.0405470012781836, 'and': 0.03873577854644757, 'by': 0.028368797498112722, '<s>': 0.02307415692812145, 'in': 0.020748652487771378, 'said': 0.018731504947069176}, {'of': 0.2312361546751731, 'in': 0.14839369711252062, 'on': 0.09997592353267334, 'to': 0.09301828721459436, 'at': 0.06529467384158136, 'for': 0.061330898227289925, 'and': 0.05453997352998215, 'In': 0.04379652435238026, 'by': 0.0394257706083966}, {'it': 0.20717377337320184, 'It': 0.16274759874878697, 'which': 0.07174795583639282, 'that': 0.06943360537394551, 'This': 0.06311414951920091, 'he': 0.044192931414825, 'there': 0.04240482208907569, 'and': 0.040654089476343545, 'this': 0.028251585369493057}, {'the': 0.09400802354426764, 'and': 0.05499592146224412, 'a': 0.05385231939625951, 'it': 0.03074684926113277, 'of': 0.027913044654525036, 'to': 0.021133496548499008, 'at': 0.01921848677814193, 'that': 0.01843113180481739, 'he': 0.017599671954968137}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'he': 0.19151308157308017, 'it': 0.14876683507266505, 'and': 0.07783941404311256, 'I': 0.06681851508695462, 'It': 0.06676909235374229, 'He': 0.048335052906783256, 'which': 0.04559605658177252, 'she': 0.0451934513935275, 'who': 0.03764277662776617}, {'the': 0.26100116489299124, 'a': 0.2530586054133317, 'and': 0.11369107013446712, 'of': 0.060937257041306016, 'to': 0.04698123339202329, 'for': 0.03868630643260537, 'with': 0.02976290763315588, 'The': 0.02173116142643666, 'tho': 0.021258294465004452}, {'a': 0.3149840136029335, 'by': 0.1774910153243858, 'the': 0.14655279278685296, 'of': 0.0984799149557552, 'and': 0.0491513121624348, 'are': 0.046688816124038725, 'most': 0.03744180475810815, 'some': 0.03167753100494491, 'is': 0.02986386516965645}, {'to': 0.2615122971766865, 'and': 0.15561411192320337, 'will': 0.12082158957472428, 'not': 0.10170242582109078, 'we': 0.06214025840154706, 'may': 0.05503001590237401, 'would': 0.04940250640293292, 'can': 0.03700673566300084, 'you': 0.036645310694536214}, {'and': 0.11709500579409855, 'put': 0.10643117699563356, 'as': 0.08581826638299535, 'of': 0.08457694032516448, 'to': 0.0765575960540644, 'for': 0.0656423325436213, 'that': 0.060023322702557384, 'with': 0.04342737654055691, 'make': 0.03905893713352531}, {'and': 0.17585063722392302, 'fact': 0.10400902578517979, 'said': 0.06844377842999533, 'so': 0.06232472237382234, 'believe': 0.04519952307692614, 'is': 0.039634011181226815, 'say': 0.03675663629906361, 'know': 0.036060715732595706, 'found': 0.03095250753294034}, {'the': 0.15964931835506627, 'and': 0.09414951357744526, 'of': 0.08518760425466032, 'to': 0.051947234025082105, 'The': 0.024054105523643978, 'is': 0.01986984776571248, 'that': 0.01954112191942093, 'was': 0.01770244392639782, 'a': 0.017491666814935948}, {'a': 0.21430659904906912, 'so': 0.17587767807679078, 'feet': 0.12954739887111077, 'the': 0.07462848311886827, 'very': 0.06874990144730012, 'too': 0.043184248056992613, 'inches': 0.039385920117853045, 'as': 0.03854235155854051, 'was': 0.03692268112087623}, {'and': 0.1654339456309882, 'of': 0.1467245752070933, 'in': 0.08305152969727495, 'said': 0.06490096006449718, 'to': 0.03921578593903169, 'on': 0.03372402502114325, 'fact': 0.028490889426590563, 'for': 0.027197405314167783, 'all': 0.026346581570996015}, {'is': 0.20995142563213318, 'and': 0.13706670477368252, 'was': 0.1332257589378552, 'have': 0.0686816167756605, 'had': 0.06190395694706812, 'that': 0.05138845752501512, 'do': 0.04830435833677295, 'say': 0.041519308656773175, 'Is': 0.040783942090736665}, {'a': 0.2075341338287323, 'for': 0.1649577212528451, 'the': 0.15570171679379546, 'of': 0.10451708170569773, 'and': 0.06002454025160317, 'to': 0.05043518201569192, 'at': 0.049441597256311275, 'in': 0.04256409316765163, 'very': 0.03466562172223354}, {'of': 0.24150116001375144, 'in': 0.22414067813851332, 'for': 0.07334431760075982, 'are': 0.0729234479468659, 'and': 0.06863681283853877, 'In': 0.06692776386238172, 'by': 0.05875082044274196, 'the': 0.04857534439493248, 'with': 0.047728184832717194}, {'would': 0.17959540429010784, 'to': 0.13519794944916977, 'who': 0.09755427043109222, 'they': 0.08092794866467283, 'I': 0.07229973568327139, 'which': 0.06237819314755754, 'must': 0.053838397959161594, 'might': 0.048424713189248424, 'shall': 0.04348004295022552}, {'of': 0.1906809719518229, 'and': 0.10311974196098907, 'for': 0.07422443299316535, 'the': 0.060650556735170204, 'to': 0.046002566443742864, 'in': 0.03380527312622044, 'at': 0.03344198711821921, 'be': 0.019516795422290917, 'two': 0.018310915420377667}, {'number': 0.09782781864155249, 'bushels': 0.09631845566641944, 'bushel*': 0.064334547843082, 'lot': 0.035171730600514296, 'amount': 0.03316458667990473, 'rate': 0.03297797124206836, 'one': 0.031105902469363775, 'piece': 0.029468205483961573, 'cost': 0.028720911027230053}, {'the': 0.3928302284345021, 'a': 0.09175710185449283, 'and': 0.07121354696970199, 'The': 0.03881720693010198, 'of': 0.03125355764819848, 'tho': 0.02813070668081109, 'or': 0.01526820325849265, 'tbe': 0.014525774733706672, 'in': 0.01443956301185348}, {'the': 0.1563136561643304, 'of': 0.06194710476521048, 'to': 0.04538490140822179, 'and': 0.04171530141279348, 'be': 0.025646369449582793, 'in': 0.02330875659219341, 'or': 0.022718586839619595, 'at': 0.022570957456166076, 'a': 0.021444026140619136}, {'the': 0.4247952257721616, 'a': 0.30329516954959573, 'of': 0.059611364038729915, 'The': 0.05261747225145274, 'with': 0.03877117505254254, 'and': 0.034667388272286735, 'his': 0.024764252855531067, 'tho': 0.02117646084186704, 'in': 0.01906192293917377}, {'those': 0.1449812076022013, 'man': 0.08392385492686948, 'one': 0.08249256375988638, 'and': 0.07858912222853011, 'men': 0.05719635158331536, 'all': 0.04058633702085859, 'people': 0.02740452014013056, 'persons': 0.01823423639547599, 'Those': 0.017812274135940893}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.25078012869225424, 'of': 0.16323371735152722, 'their': 0.16293599997686903, 'his': 0.05876439125167176, 'our': 0.0509833500404121, 'good': 0.036571188947124605, 'in': 0.03431929655017035, 'and': 0.03137892762669814, 'a': 0.028648115782484385}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'be': 0.3019902536402382, 'was': 0.20384946480743488, 'been': 0.1239347184775965, 'were': 0.07270101731390859, 'is': 0.06377223808371592, 'are': 0.04673561122952612, 'being': 0.04054988339602108, 'and': 0.02750601668085006, 'have': 0.02017405802110583}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'the': 0.36040718000472194, 'at': 0.2650286197893708, 'to': 0.0925081912215813, 'was': 0.04491902124395334, 'be': 0.04264228833677772, 'and': 0.03564988844852378, 'The': 0.03559972290122831, 'not': 0.03451636672499823, 'At': 0.030539700818229727}, {'containing': 0.23078033320579905, 'of': 0.18179436955258743, 'about': 0.1309746710576833, 'and': 0.08639160195701358, 'than': 0.044967317908345766, 'west': 0.02848634856992294, 'the': 0.02812082870180538, 'or': 0.027723332370722956, 'east': 0.026569219432183447}, {'of': 0.3925491347534078, 'in': 0.11880392371871545, 'to': 0.1074303832191566, 'and': 0.07872923249793824, 'by': 0.05662460207449687, 'that': 0.05358598787646456, 'with': 0.0362741267897165, 'for': 0.03427138427054226, 'all': 0.03402687918619758}, {'the': 0.23100521643380242, 'of': 0.0740613608550251, 'and': 0.061167446723956104, 'that': 0.04033940593958656, 'The': 0.03676994801199908, 'a': 0.029630463327468756, 'in': 0.026636300448902746, 'or': 0.023892449348076526, 'to': 0.020945995451608874}, {'to': 0.6524499984874832, 'and': 0.07401410081034746, 'will': 0.06625296092327931, 'not': 0.03198740934598174, 'can': 0.031131988919157007, 'could': 0.02973139245593017, 'would': 0.02860498169452701, 'I': 0.023920081123365165, 'may': 0.019841769485531777}, {'so': 0.2714441420247712, 'as': 0.14372870268798565, 'too': 0.13219599666950851, 'very': 0.10740459199867296, 'a': 0.06927369553551777, 'how': 0.053392872267562376, 'of': 0.041000335129973864, 'is': 0.04093776752149477, 'not': 0.03321100307756874}, {'and': 0.035227689716490034, 'it': 0.023219675545395113, 'was': 0.01722073463768155, 'all': 0.01597692269967226, 'as': 0.012745817992306294, 'that': 0.012642089574866464, 'the': 0.012210176348882641, 'of': 0.011824424092996477, 'a': 0.01088781650594847}, {'are': 0.13400872256833618, 'is': 0.12536530164986087, 'was': 0.12195035202848403, 'from': 0.1126676254240782, 'the': 0.10057847619237244, 'and': 0.05507482962129856, 'were': 0.05335969301260034, 'of': 0.05083136541927258, 'in': 0.031661059475904085}, {'the': 0.32163056421229086, 'a': 0.18443682312845974, 'of': 0.07727615963007904, 'is': 0.05257678582336338, 'as': 0.043044591198527264, 'was': 0.04243904630086961, 'his': 0.040731248555725436, 'and': 0.03404635461974943, 'The': 0.03069548596333874}, {'of': 0.053644186664403654, 'and': 0.05258786709051538, 'the': 0.037463607665375036, '-': 0.03556748707934356, 'that': 0.021675848449090544, 'in': 0.02051502532455919, 'to': 0.02003264442288335, 'a': 0.018561432848704748, 'I': 0.016062428633255223}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'.': 0.19565718462851525, 'A.': 0.11740399756353144, 'J.': 0.1086390698729611, 'Mrs.': 0.10718727404942995, 'W.': 0.09064215782174195, 'C.': 0.07683919787085178, 'H.': 0.07208102898539694, 'E.': 0.053478955144320564, 'Mr.': 0.051056322007697275}, {'they': 0.21953379084243094, 'we': 0.13136925978732944, 'who': 0.10148049240181306, 'We': 0.06385503344865782, 'you': 0.06291215010582156, 'which': 0.06061174340481597, 'They': 0.06040871662612976, 'and': 0.045455888989236, 'that': 0.029702919460827523}, {'just': 0.06878808168293438, 'and': 0.06493318434059552, 'is': 0.05233601015447515, 'such': 0.042222434776384904, 'well': 0.04067277126669907, 'far': 0.040034165817288504, 'it': 0.0397909947797928, 'are': 0.03264633930373423, 'not': 0.029799251085827407}, {'of': 0.2753342979053577, 'the': 0.2634416698714038, 'and': 0.09663582139756356, 'The': 0.080193948587172, 'in': 0.03750220455657161, 'said': 0.03210123363388809, 'that': 0.028783664364414072, 'by': 0.02756236891464174, 'tho': 0.024825378443804638}, {'be': 0.3005971879648546, 'been': 0.17780071422533264, 'was': 0.15648274659165756, 'is': 0.07176977152518092, 'and': 0.0514999908685614, 'were': 0.046598925489172924, 'being': 0.03824059392635979, 'are': 0.02727177048471794, 'as': 0.020006447424942096}, {'of': 0.1678762268546062, 'and': 0.11194580224087025, 'to': 0.09664323267924221, 'is': 0.09278436620628051, 'with': 0.0897594852335613, 'as': 0.0754239050615329, 'was': 0.0683119124476844, 'by': 0.06171545078418375, 'that': 0.05354534748457429}, {'made': 0.07480064136839229, 'and': 0.07299256274953536, 'or': 0.03735346764649361, 'it': 0.022904839789852624, 'paid': 0.021045970284064613, 'accompanied': 0.021040921077179583, 'that': 0.019685582551149376, 'ed': 0.01935348104827986, 'done': 0.01879214719018923}, {'in': 0.43742717249755525, 'In': 0.23273742350218057, 'the': 0.11018638831183418, 'of': 0.09722882589136098, 'a': 0.02518780285640139, 'for': 0.021968585426348386, 'and': 0.015283313300918772, 'this': 0.009674630121308534, 'any': 0.009238507852238306}, {'and': 0.13351013176151422, 'that': 0.0816690852579292, 'time': 0.0445379016777512, 'them': 0.04123105061321995, 'all': 0.03351038945734453, 'it': 0.024213413133414817, 'made': 0.02207898810782828, 'or': 0.02163293912279603, 'him': 0.020034697311909346}, {'of': 0.21030354194379108, 'and': 0.1410775833298136, 'in': 0.10403343649825787, 'with': 0.08459492879502785, 'to': 0.08236173980853444, 'for': 0.062334351357193854, 'that': 0.05431989460073243, 'by': 0.04487330906084482, 'at': 0.04112867941551489}, {'the': 0.379542254937781, 'and': 0.08876598734212326, 'to': 0.07593981814467107, 'The': 0.07362201196356276, 'an': 0.05423765790239704, 'of': 0.05258130527676289, 'his': 0.04997525528705575, 'a': 0.04262173289519088, 'their': 0.029289164686389715}, {'was': 0.2434485124319254, 'is': 0.12338143358820745, 'be': 0.10136333792039219, 'were': 0.07718918620480342, 'are': 0.07463437842541526, 'and': 0.06362861564487345, 'been': 0.054922241952826245, 'not': 0.05457947512927797, 'or': 0.04723078758315807}, {'of': 0.23794312772803633, 'the': 0.16153551025614443, 'in': 0.07743816198829975, 'a': 0.054887263620151894, 'on': 0.045327813763950696, 'to': 0.041124952189241545, 'and': 0.03190015829179789, 'for': 0.023427547708376673, 'by': 0.021346910107782127}, {'the': 0.7404750004162328, 'The': 0.049104018256674695, 'tho': 0.03736965621339999, 'his': 0.027248209896340653, 'its': 0.021797347271603984, 'their': 0.02165062515247573, 'and': 0.021645903158434718, 'our': 0.015593246525830417, 'a': 0.014934234761625061}, {'the': 0.2108269664006614, 'and': 0.10560623630028539, 'a': 0.0440009081491832, 'of': 0.0330872038175969, 'or': 0.03290072189357102, 'The': 0.030546391820483545, 'old': 0.028887374160762955, 'that': 0.0237099520493886, 'tho': 0.019537593131692437}, {'is': 0.17512900480823324, 'of': 0.1303317099082513, 'as': 0.11342115105181974, 'and': 0.09401786107241444, 'to': 0.08569787125649342, 'was': 0.08340472291975785, 'with': 0.08023748613811954, 'in': 0.06878963897496079, 'be': 0.05208109001068049}, {'the': 0.5317365528653093, 'a': 0.2377285431868722, 'The': 0.04793681942052487, 'of': 0.025960284866378157, 'tho': 0.025521917261266482, 'great': 0.023327458826927123, 'and': 0.018951742025874834, 'large': 0.013167509944723996, 'any': 0.011122793099628683}, {'to': 0.5158328572892681, 'a': 0.20475092494034894, 'not': 0.059940813363943794, 'would': 0.04254435036943882, 'will': 0.038209610663933594, 'the': 0.034365177356510485, 'shall': 0.024072485999571794, 'may': 0.01865423597823088, 'could': 0.017488835341356798}, {'50': 0.13950647969815405, 'ten': 0.12274670439314415, 'fifty': 0.12024232182325216, '25': 0.09627213112283248, '10': 0.0817533056648725, 'five': 0.07403954015307326, '15': 0.07167357928904072, '5': 0.057189208789955495, '20': 0.05625491101842628}, {'feet': 0.03493407201190792, 'up': 0.033991205799927544, 'out': 0.030430317199324777, 'said': 0.025312348731927555, 'down': 0.020425577345689578, 'made': 0.019258193166701767, 'and': 0.018847785603845632, 'back': 0.01857052994740152, 'him': 0.017851211285905267}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'it': 0.07087366945914964, 'and': 0.03917394049948504, 'It': 0.03137987945456513, 'he': 0.027325406088198185, 'three': 0.02305451485611397, 'man': 0.020946491285287507, 'ten': 0.013817960894814461, 'He': 0.012956711188202137, '.': 0.011038409738750055}, {'the': 0.37123116265211004, 'of': 0.09862041818126725, 'The': 0.05598130511060559, 'young': 0.05212109459608843, 'business': 0.046469622812550154, 'and': 0.042357273561835544, 'all': 0.04164023772822819, 'other': 0.031987232358994845, 'two': 0.031222758582861325}, {'the': 0.15725783260845674, 'Mr.': 0.11467335197818804, 'of': 0.07485380126492697, 'The': 0.04896984831686632, 'and': 0.04709381763178539, 'that': 0.04353377587227897, 'a': 0.03262830912917638, 'Mrs.': 0.022337715579871346, '.': 0.018467704340620273}, {'it': 0.22856110105309196, 'It': 0.1452820683974188, 'which': 0.05914017695475625, 'he': 0.0478149945050819, 'and': 0.04416228847994344, 'that': 0.040249019547583975, 'there': 0.02938454306037856, 'who': 0.024987486037450265, 'This': 0.017718758616521977}, {'of': 0.32417872741182, 'in': 0.18688971524837625, 'and': 0.06525397163558692, 'to': 0.038058773800764674, 'by': 0.031754032995723006, 'In': 0.030363321895591492, 'the': 0.025703409773842566, 'for': 0.017078277091164752, 'New': 0.015953606630567583}, {'one': 0.13027668708462814, 'out': 0.07742206756685843, 'part': 0.06474114282857145, 'some': 0.05640712659716483, 'time': 0.03954471000289752, 'account': 0.03620724368530425, 'all': 0.03238127669140698, 'and': 0.028154969476639407, 'that': 0.02755643570827209}, {'and': 0.1653561163250328, 'or': 0.05760379815398991, 'them': 0.03697701279484138, 'done': 0.034226148603774306, 'only': 0.03149696398401093, 'but': 0.031075053352298685, 'that': 0.02978475933645978, 'him': 0.027949601972955103, 'up': 0.02629824690387575}, {'the': 0.38954789104858545, 'a': 0.309526943654623, 'this': 0.05072170434600568, 'any': 0.03122235859497635, 'one': 0.0295432765255404, 'his': 0.029229281769918184, 'The': 0.028953531803840846, 'tho': 0.026782268638976644, 'each': 0.022976707891782976}, {'to': 0.1114820412411238, 'the': 0.09054565015479676, 'of': 0.07764891606156753, 'in': 0.07379521749549516, 'and': 0.0704481440696544, 'a': 0.052095424694114045, 'at': 0.03560401198623891, 'for': 0.02377684381866881, 'with': 0.020868002562082825}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'of': 0.21030354194379108, 'and': 0.1410775833298136, 'in': 0.10403343649825787, 'with': 0.08459492879502785, 'to': 0.08236173980853444, 'for': 0.062334351357193854, 'that': 0.05431989460073243, 'by': 0.04487330906084482, 'at': 0.04112867941551489}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'of': 0.11937643871630721, 'and': 0.0680926767518337, 'to': 0.05928159934881562, 'that': 0.05592818656863762, 'by': 0.04942233819814692, 'girl.': 0.02414007525702113, 'boy.': 0.021637661983718193, 'with': 0.020340849289884184, '<s>': 0.018005892452190357}, {'to': 0.14873942328809442, 'and': 0.10240102754317151, 'of': 0.05712547684165998, 'the': 0.04422196223221169, 'in': 0.03350494167484157, 'is': 0.028058542060599406, 'I': 0.026660736993923923, 'for': 0.02440585407489247, 'not': 0.02404489402087884}, {'the': 0.21884681032253575, 'and': 0.10482850834881725, 'of': 0.09668200356115488, 'to': 0.07397650051612199, 'a': 0.06229570399916802, 'be': 0.03379965930336083, 'their': 0.03019022565225475, 'his': 0.02749276847006813, 'for': 0.025689052771189536}, {'and': 0.2050025109823047, 'that': 0.10511703162735533, 'as': 0.0995212346472438, 'but': 0.07618255406942687, 'it': 0.03177711255823415, 'and,': 0.022896219166102502, 'But': 0.02286022009437478, 'do': 0.022238598653051275, 'which,': 0.02161754569953956}, {'they': 0.11472026757655598, 'it': 0.11062993930177682, 'I': 0.07843932330554008, 'he': 0.07589082355636532, 'you': 0.0732945115695732, 'It': 0.07140649748543064, 'which': 0.06895550318445079, 'and': 0.0614570614088666, 'we': 0.0517049544253915}, {'that': 0.16933736776095326, 'when': 0.11146317817902211, 'as': 0.09361306112602526, 'which': 0.09304308866415677, 'and': 0.08816161365958482, 'if': 0.057840279961256486, 'where': 0.04432993049318073, 'but': 0.03622296703104288, 'before': 0.032288741508918056}, {'Mr.': 0.50432998832535, 'and': 0.0818877872911779, 'Mrs.': 0.052471921040148965, 'of': 0.04186567205337045, 'Dr.': 0.0358563325775931, 'the': 0.023323088556819593, 'Mr': 0.02016168154848073, 'Senator': 0.018212693679136773, '.': 0.018047944093501782}, {'of': 0.4871996601006466, 'in': 0.1538254937340156, 'to': 0.10129375262976834, 'by': 0.04030574756554605, 'from': 0.03457831108695408, 'In': 0.03145507112206027, 'and': 0.03101611530819406, 'for': 0.030637597240313803, 'that': 0.030586426765974548}, {'of': 0.6506812452389024, 'in': 0.09453100680636838, 'to': 0.04398571699181273, 'In': 0.03342985962648315, 'from': 0.032514182563298945, 'on': 0.032341290070355175, 'for': 0.03208485999287963, 'by': 0.021537441589231772, 'and': 0.021141382178435288}, {'at': 0.315098448882618, 'of': 0.15725617579279447, 'to': 0.13396263557691107, 'on': 0.12062409187626699, 'in': 0.04886693798441758, 'from': 0.043719637171688856, 'and': 0.040993646850332945, 'that': 0.026641965358910943, 'with': 0.025976250799919432}, {'of': 0.15815730755430685, 'for': 0.1308483091205453, 'enable': 0.1043966200335916, 'to': 0.09544852256613968, 'from': 0.07991375671914736, 'with': 0.06929664363100561, 'upon': 0.047778148825418275, 'give': 0.041264175332676664, 'by': 0.03759207389813048}, {'in': 0.17635678835710344, 'of': 0.15309164727335328, 'to': 0.09922200092870499, 'for': 0.0755201721616355, 'with': 0.0615221475086542, 'from': 0.05991868815771717, 'by': 0.05491816673292545, 'at': 0.04110373617227536, 'In': 0.04016490729053633}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'the': 0.20161330925676427, 'of': 0.17466356988116474, 'two': 0.06773980717463919, 'young': 0.06364632558539245, 'and': 0.050992556689478045, 'The': 0.03825645654184649, 'these': 0.029246644953194307, 'white': 0.023839938151633863, 'all': 0.021847124815418922}, {'of': 0.07305731081851062, 'and': 0.06583625733632961, 'to': 0.06238930872575147, 'in': 0.058408222831010194, 'for': 0.03568567126737564, 'with': 0.018059145128280236, 'not': 0.01745469888775616, 'a': 0.012227235681876022, 'is': 0.011168491610055703}, {'one': 0.13128720717464162, 'some': 0.08461735365278528, 'many': 0.04847273074418403, 'all': 0.0434097698998669, 'out': 0.04262208938507716, 'part': 0.042306194817281824, 'any': 0.0301089147815544, 'most': 0.027783670858525438, 'portion': 0.02625388729213515}, {'and': 0.11110400965946438, 'as': 0.10948725010319078, 'it': 0.05169329545139623, 'so': 0.032927521170023996, 'is': 0.031227035498835445, 'be': 0.02722370971440342, 'he': 0.025966644504898752, 'that': 0.025406446491746386, 'which': 0.022173215511868474}, {'the': 0.4011781220597474, 'an': 0.18073985377824944, 'in': 0.14770804344938845, 'In': 0.051276596860145816, 'and': 0.04927141726133368, 'The': 0.030006675395495667, 'this': 0.028079697275086853, 'tho': 0.022040773564046184, 'or': 0.020544054938474197}, {'and': 0.10378447153053463, 'of': 0.09894519321945128, 'on': 0.02913420281445779, 'that': 0.0267474360298394, 'to': 0.024593306797821294, 'with': 0.02211261508871133, 'for': 0.021202261427343987, 'in': 0.016209600260802707, '<s>': 0.015487287322188965}, {'of': 0.20691710560583718, 'in': 0.13626274909544042, 'and': 0.12814695320419367, 'to': 0.08794622278811766, 'that': 0.07704176110509817, 'with': 0.04426065718917398, 'for': 0.041449898006195064, 'In': 0.039552986745405895, 'by': 0.03061389767918356}, {'of': 0.19822854145621877, 'and': 0.1365900037216049, 'to': 0.09396561998843049, 'the': 0.0800851414328893, 'at': 0.0552062015110192, 'in': 0.044914464188083085, 'or': 0.04485718797437568, 'a': 0.02257784700791694, 'from': 0.020512703845155845}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.16080612173204767, 'of': 0.14971494833413096, 'in': 0.07357755193500144, 'to': 0.054695611885391245, 'and': 0.05408276043140161, 'a': 0.03855192659585417, 'as': 0.02842818665392498, 'at': 0.02697202502626493, 'be': 0.025124431692798203}, {'the': 0.324096032289929, 'a': 0.26422554349691785, 'dining': 0.09742728309917996, 'this': 0.04265777926808146, 'other': 0.030459655623715647, 'of': 0.022716973965065453, 'his': 0.022432677656854545, 'any': 0.02188848765627468, 'one': 0.02142211857587339}, {'the': 0.11206117332260931, 'and': 0.09704041081481521, 'of': 0.07930457833325265, 'to': 0.07517143260744395, 'be': 0.037993584452460996, 'was': 0.03737467673410949, 'on': 0.032930453249738284, 'or': 0.031142758914583703, 'is': 0.029955609887088216}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'and': 0.15365945153307556, 'that': 0.12140087526966925, 'as': 0.09583342536017343, 'which': 0.07625584764315943, 'when': 0.04364163968955194, 'but': 0.03584302532142242, 'what': 0.03008430073912826, 'if': 0.0253491283868819, 'where': 0.016404133735187915}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'on': 0.18353619145898756, 'one': 0.03871851998176805, 'day': 0.019296325825245212, 'in': 0.018393408796034367, 'and': 0.012557368514918668, 'sooner': 0.011570911007607874, 'two': 0.011157731644108576, 'sold,': 0.01022408795893904, 'of': 0.009502037660014494}, {'the': 0.022269857778803772, 'day': 0.01821225867891017, 'manner': 0.017741621723787706, 'and': 0.016976666990856717, 'way': 0.015075806807073466, 'of': 0.011398324230438229, 'year': 0.010399127860250311, 'tion': 0.009894662113856097, 'county': 0.009577858330182478}, {'the': 0.6949271318805698, 'a': 0.08373220580326743, 'The': 0.04391902417728552, 'high': 0.033208233011760874, 'tho': 0.03003065977615865, 'low': 0.028367073571140444, 'tbe': 0.014936755458305792, 'and': 0.013073148013453374, 'average': 0.010982102965188919}, {'was': 0.1119106748333726, 'be': 0.10826621673082028, 'to': 0.10156521160102013, 'and': 0.08812091179966586, 'of': 0.05997695643640128, 'is': 0.04431485646537103, 'been': 0.04275358837909754, 'were': 0.033644069314364866, 'not': 0.0335403054488611}, {'Notice': 0.4545490396573789, 'notice': 0.14802802576368151, 'it': 0.053304870074135514, 'It': 0.049715862647270556, 'that': 0.027833279954468364, 'which': 0.02636683690869189, 'reference': 0.021578190692208066, 'there': 0.020800487705626067, 'he': 0.018486028508188233}, {'the': 0.4238902496040545, 'and': 0.06619003495743458, 'her': 0.03878740906493627, 'his': 0.03354197829274457, 'a': 0.03186475709976275, 'my': 0.029255428589602925, 'came': 0.027225416843424034, 'tho': 0.02695242911115884, 'The': 0.023255295024680284}, {'<s>': 0.09765126817441196, 'it.': 0.030210887485555112, 'them.': 0.025464197272294646, 'time.': 0.015754714428699176, 'him.': 0.014062343700073782, 'life.': 0.011058475410072549, 'country.': 0.01090005195502253, 'years.': 0.0100248437894842, 'her.': 0.009194643412535959}, {'he': 0.195466209442326, 'they': 0.13253886521978703, 'it': 0.13122858914258645, 'I': 0.0689755724740212, 'who': 0.053556012753072486, 'she': 0.05127371026081493, 'we': 0.04944229009634386, 'and': 0.043093868061645904, 'It': 0.0406131170868525}, {'a': 0.4822358271205914, 'the': 0.2867896499409987, 'large': 0.05313749551075197, 'great': 0.050108733644717504, 'The': 0.02225696931841698, 'vast': 0.0183695771048009, 'tho': 0.01598266546598302, 'A': 0.013322115242492626, 'and': 0.01153508017633043}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'a': 0.19005553600481917, 'is': 0.12044662911243956, 'and': 0.09427890949592711, 'not': 0.09233925948018042, 'to': 0.07332366315451014, 'I': 0.06807960848788833, 'the': 0.06467020947542723, 'we': 0.06441538048573724, 'are': 0.06341983906144509}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'there': 0.2829279740167795, 'There': 0.24270912500317635, 'It': 0.11681681248841713, 'it': 0.10750836470274965, 'which': 0.03903809832203269, 'that': 0.031887171394262226, 'and': 0.025579377873916648, 'This': 0.025546314536664522, 'he': 0.019937743179858476}, {'to': 0.4031202451300459, 'will': 0.07322636361827926, 'would': 0.06387312936709971, 'not': 0.062389757913645975, 'and': 0.058211700195893994, 'under-': 0.05760018209774794, 'I': 0.05633367339158449, 'the': 0.03688662831228971, 'they': 0.03317116137010384}, {'the': 0.20077096177117984, 'of': 0.08304276416108254, 'and': 0.07716744968571654, 'his': 0.06424359632273957, 'in': 0.06184896347948608, 'a': 0.055907702840098265, 'this': 0.05027464341927828, 'for': 0.033560475930612156, 'on': 0.03257593567403033}, {'<s>': 0.1050666720058506, 'it.': 0.02317272871584994, 'them.': 0.015615945601552696, '.': 0.009410933346432775, 'him.': 0.009226511883234425, 'country.': 0.008365242238494698, 'time.': 0.008067165981774371, 'day.': 0.007913060752351073, '?': 0.007559495324084035}, {'of': 0.18436305891991991, 'for': 0.12770018175707887, 'with': 0.12151098156321812, 'to': 0.09858187358493448, 'in': 0.0531822856381056, 'upon': 0.05282433372802043, 'by': 0.0516858991951313, 'about': 0.05086364143082225, 'do': 0.03777161030352853}, {'<s>': 0.1429587583361159, 'it.': 0.015769616616380166, '.': 0.01227040276220459, 'them.': 0.010649487348648068, 'country.': 0.010512310851589601, 'him.': 0.008801380243098818, 'time.': 0.007735149464511692, 'year.': 0.006471915212959215, 'work.': 0.005933646928173125}, {'it': 0.1392655652583725, 'he': 0.12198865129870436, 'It': 0.0920730759264974, 'which': 0.06588711175855988, 'I': 0.06221487354667309, 'and': 0.05220228347513967, 'who': 0.04105502827225842, 'He': 0.03721999320042121, 'that': 0.034840913784500716}, {'the': 0.27420148689647006, 'of': 0.1625091681838454, 'and': 0.08211080486528781, 'in': 0.060098285217506174, 'to': 0.05089679128277676, 'a': 0.04398013459999282, 'his': 0.04355485553586162, 'with': 0.02946494705644084, 'be': 0.027182554673544294}, {'of': 0.18437814664676186, 'for': 0.17576585535880737, 'about': 0.11056439589751005, 'in': 0.09969293686377959, 'with': 0.09288357175524575, 'to': 0.08601498128192413, 'upon': 0.04336178698777926, 'against': 0.03240337077873392, 'by': 0.030893396531184628}, {'and': 0.08362943294997585, 'together': 0.07769806815080653, 'connected': 0.0635902168573379, 'connection': 0.06228367212358626, 'accordance': 0.047530813078388766, 'comply': 0.026000666542743977, 'acquainted': 0.023189098613704624, 'compared': 0.02214887744238745, 'contact': 0.01973810078197255}, {'<s>': 0.07477779363336585, 'it.': 0.031828249391747415, '.': 0.028379419371603744, 'Resolved,': 0.022343992571934295, 'them.': 0.014154203941064904, '2.': 0.012374042151029963, '1.': 0.010843285055748435, ':': 0.00935383590914086, 'year.': 0.009016440089803564}, {'the': 0.17534467537186063, 'of': 0.10934663349343163, 'and': 0.08340513281611749, 'in': 0.062334704947016914, 'to': 0.05560046420767843, 'a': 0.03767192422010169, 'for': 0.029852252619870838, 'that': 0.02892046506709921, 'The': 0.019884222753468905}, {'feet': 0.019739110153694017, 'and': 0.018862669477668764, 'men': 0.014677659357261747, 'it': 0.013264706219240191, 'them': 0.011308890287591153, 'made': 0.01086190808959469, 'well': 0.010744519888029345, 'him': 0.009628074007974944, 'up': 0.008871497917664645}, {'the': 0.5087420310358406, 'a': 0.12707527697315116, 'The': 0.04491847771930124, 'and': 0.03183464251024328, 'tho': 0.03048181515062045, 'of': 0.019458811155154142, 'said': 0.013760047832481984, 'tbe': 0.013610371080605062, 'by': 0.011944133295047116}, {';': 0.01711769391145855, 'up': 0.01620898708904279, 'in': 0.015275433072254879, 'here': 0.008964669186576594, 'misdemeanor,': 0.008173983558368484, 'day': 0.007952654976868812, 'mortgage': 0.007503824284740587, 'years,': 0.007133940518118341, 'county,': 0.007044868913177618}, {'it': 0.31853824137932774, 'It': 0.19275074184859914, 'which': 0.05702670340780172, 'he': 0.0506312284748963, 'there': 0.040142656226775056, 'that': 0.03954204129823652, 'and': 0.033490078585485514, 'what': 0.02707426300644656, 'who': 0.01952966173193051}, {'that': 0.241831345205534, 'as': 0.11150901887069525, 'and': 0.10248648527231823, 'if': 0.09906768798468898, 'which': 0.09784803125950607, 'when': 0.08941586901469513, 'but': 0.05639290013325212, 'where': 0.05620120358703602, 'because': 0.03449572598061317}, {'one': 0.16665972516705987, 'some': 0.054532516088888386, 'all': 0.044277820765755864, 'none': 0.03858926075642254, 'many': 0.03761986486992017, 'any': 0.031936228155415476, 'and': 0.024819060370665523, 'each': 0.02389123560895072, 'that': 0.021102228024961138}, {'the': 0.6405462301943753, 'and': 0.04569651558356067, 'tho': 0.0434397272656658, 'The': 0.028605907441839783, 'said': 0.025248630870239427, 'a': 0.018254895906211325, 'an': 0.016806603460915594, 'tbe': 0.01648835027123179, 'this': 0.011953162518772533}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'I': 0.3859715495427151, 'he': 0.09737631978512619, 'had': 0.08272051925240377, 'and': 0.07813151313120544, 'have': 0.06700926679398805, 'we': 0.058048264763835025, 'they': 0.0474865383523156, 'has': 0.04476594555623965, 'He': 0.03843901601310413}, {'that': 0.06474348626442027, 'and': 0.04616939957006133, 'it.': 0.0290527520065461, '<s>': 0.02810011726097175, 'them.': 0.01994061385458359, 'as': 0.012411127851867527, '?': 0.011405211719949526, 'even': 0.011031240733915622, 'but': 0.010057109241996567}, {'as': 0.8087045257086561, 'and': 0.05832057308284606, 'aa': 0.019324289549620458, 'that': 0.014431612827749216, 'which': 0.010882017623639042, 'the': 0.01071007477390747, 'ns': 0.009400041093860435, 'of': 0.007143270824549417, 'it': 0.004153077458018572}, {'and': 0.18702476238250806, 'of': 0.15228774727371727, 'the': 0.08787047957581828, 'in': 0.06724441356217081, 'for': 0.05797688852510703, 'or': 0.047148047168261126, 'with': 0.034843664081068586, 'to': 0.03446996724909814, 'by': 0.03357599101092027}, {'and': 0.24208157224741456, 'as': 0.05613084977482147, 'that': 0.05046753900815876, 'it': 0.04476194665453102, 'is': 0.04190284115249099, 'but': 0.037207196232537966, 'was': 0.03717493339035462, 'I': 0.02911721300048055, 'which': 0.02361927362237343}, {'was': 0.1451330867726441, 'be': 0.1268800941122634, 'is': 0.11840158484306404, 'been': 0.10184698922521701, 'are': 0.08800050989244297, 'and': 0.08749011416730669, 'were': 0.043989840009978506, 'not': 0.03426008112683225, 'of': 0.03216592777457676}, {'the': 0.2795921405474243, 'a': 0.20273999029435244, 'of': 0.11191957460434968, 'and': 0.0879490429863999, 'his': 0.0434447946523612, 'their': 0.04236315161716972, 'The': 0.0322936236500804, 'its': 0.029724600203923084, 'to': 0.029372289557234876}, {'of': 0.18502425049382423, 'and': 0.13827943124602643, 'a': 0.110003307919881, 'the': 0.1070121150277455, 'as': 0.09748997618992958, 'so': 0.06351781367001376, 'is': 0.042919991751444744, 'that': 0.03991344911685492, 'very': 0.036810160280029015}, {'have': 0.20526836553061242, 'has': 0.11821666873044905, 'never': 0.11725371541560245, 'and': 0.09906090525182311, 'be': 0.08860549032224722, 'had': 0.07831549134953497, 'not': 0.05265850139848572, 'he': 0.05244618860770164, 'ever': 0.041905220442074495}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'to': 0.29008865565132824, 'will': 0.1621395051433555, 'would': 0.12169012369441064, 'may': 0.08137336390117533, 'not': 0.06102961140450116, 'should': 0.044566485202418946, 'shall': 0.03925670357977038, 'can': 0.034110821777992906, 'must': 0.03276419680873857}, {'the': 0.1935155005373224, 'of': 0.1667795430915057, 'in': 0.10834236037577118, 'by': 0.077563277438484, 'that': 0.06751006049831876, 'and': 0.06479427341074336, 'to': 0.06003692237121726, 'from': 0.056272169584499966, 'on': 0.04279597295316563}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'and': 0.07982500913217425, 'necessary': 0.04540565821262008, 'ready': 0.04539057281055973, 'candidate': 0.03688587278505424, 'used': 0.03613774084495677, 'demand': 0.03472976148908733, 'made': 0.03225301784895697, 'reason': 0.02758697655776952, 'sufficient': 0.02444855526890346}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.05906684136019928, 'and': 0.053792744895297846, 'the': 0.03757222959605694, 'that': 0.034148363701852535, 'as': 0.02884873185888091, 'to': 0.017148284410213335, 'on': 0.013627973858597497, '<s>': 0.013508322708972047, 'West': 0.013234831134382804}, {'to': 0.128489628213751, 'of': 0.11702199301653303, 'in': 0.11517308267475215, 'is': 0.11358454203460998, 'with': 0.09518101656374485, 'for': 0.0882205166206641, 'and': 0.07944465040700031, 'as': 0.07014950714729855, 'was': 0.061376490527022584}, {'the': 0.16866521496506504, 'of': 0.10134741350355506, 'and': 0.07055437288341877, 'a': 0.04534265260080411, 'to': 0.0413013158134652, 'his': 0.025910871644329928, 'be': 0.025020793975801862, 'my': 0.023697134385706232, 'I': 0.02200907055966385}, {'the': 0.3826790835903528, 'of': 0.2303167528893823, 'The': 0.09342424548914133, 'said': 0.05299718366181122, 'that': 0.032329113120117485, 'tho': 0.019202239532805036, 'this': 0.01884370187290818, 'and': 0.015442060538224044, 'described': 0.012784600505734689}, {'statute': 0.2178702553998322, 'and': 0.09230913868589358, 'that': 0.03930311449245735, 'or': 0.037115821972932075, 'as': 0.030182620629376905, 'is': 0.02632896711410034, 'it': 0.02557299373610032, 'was': 0.02345060337021054, 'be': 0.023044230983195888}, {'of': 0.2649280717278867, 'to': 0.09925599061575155, 'know': 0.08069363769144024, 'in': 0.08002117090479784, 'and': 0.0782247947759296, 'with': 0.0636167445845658, 'for': 0.06101132094415863, 'is': 0.0499386626758303, 'see': 0.04068581879956694}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'of': 0.09354037887705056, 'and': 0.09136279159515612, 'the': 0.09117996296759838, 'to': 0.06943905638518415, 'a': 0.03035137561104289, 'Mr.': 0.029472526785705052, '.': 0.0269548697931454, 'in': 0.026011244992369797, 'at': 0.01751357226904522}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'it': 0.2153060094381193, 'It': 0.1532790633437616, 'which': 0.0981655147358498, 'that': 0.07169969047326791, 'he': 0.05227704768879748, 'there': 0.05164757270199354, 'and': 0.05008892271172409, 'This': 0.04112754462083568, 'what': 0.03457637291675191}, {'in': 0.17779859787799937, 'of': 0.17260487034188643, 'large': 0.08818037071984715, 'and': 0.06448304842210036, 'the': 0.05877748360862881, 'In': 0.036320984678769166, 'great': 0.03595688799747079, 'from': 0.034464680829045816, 'sufficient': 0.030318031782426147}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'to': 0.8684004483199463, 'will': 0.0354978716328391, 'and': 0.03138762455001353, 'would': 0.013640232598843774, 'not': 0.011813866318246624, 'can': 0.008413771466617537, 'To': 0.005953085469005351, 'shall': 0.005532867343093212, 'who': 0.004646045149426802}, {'the': 0.13304827392699647, 'and': 0.0726736953720259, 'a': 0.06349769800096873, 'of': 0.05921891036866642, 'be': 0.0431870465248564, 'in': 0.03505010092584917, 'to': 0.034147738343118475, 'was': 0.02990727623202889, 'is': 0.025375634582275493}, {'it': 0.15722353172741207, 'he': 0.1261554679079826, 'It': 0.12076576513783148, 'I': 0.11157853986945866, 'there': 0.05733428095654695, 'and': 0.056984075337764596, 'He': 0.055748351620875006, 'which': 0.04492456400762136, 'she': 0.038597910146480584}, {'Grand': 0.7363262992705567, 'the': 0.05487141676609122, 'and': 0.03175840340157094, 'of': 0.009328911834855128, 'two': 0.004473869777618345, 'in': 0.0031117196036521523, 'by': 0.00281369604551583, 'tho': 0.002641303998009325, 'three': 0.002364070005077577}, {'a': 0.4200412155291299, 'the': 0.1806602969873645, 'is': 0.07981476381718494, 'was': 0.06038881358459647, 'are': 0.0478765918612885, 'and': 0.035380327689201616, 'not': 0.03251152103801782, 'be': 0.028176402784099903, 'in': 0.02699550304194062}, {'sum': 0.15971654149250689, 'rate': 0.07781565144944305, 'one': 0.04012198657596557, 'amount': 0.03308397556930531, 'out': 0.031884711727265085, 'number': 0.029332213397354496, 'consisting': 0.027098255804107296, 'instead': 0.024079689025433382, 'period': 0.02359314515168008}, {'he': 0.18609854032651174, 'I': 0.10932254776220932, 'and': 0.10321970644467991, 'have': 0.0862792872897119, 'be': 0.08049221192273605, 'has': 0.04819412720956015, 'had': 0.046259667717440674, 'who': 0.04160790001999707, 'they': 0.039899631857998524}, {'and': 0.10964480961806984, 'was': 0.052298766734207226, 'him': 0.04788908702627168, 'it': 0.03938099053615711, 'up': 0.03111632889360694, 'man': 0.027349954942270407, 'found': 0.023861767827423257, 'is': 0.023711808159282574, 'her': 0.022696690306204085}, {'be': 0.1353583223703892, 'was': 0.1303271221422337, 'are': 0.10187101811102399, 'and': 0.08160041669477505, 'have': 0.07935942810878943, 'had': 0.07602022614302653, 'has': 0.07547003336771203, 'were': 0.07462770300722509, 'been': 0.07093525175670277}, {'the': 0.16915224699338854, 'a': 0.14050073865488213, 'and': 0.1092434424709402, 'of': 0.08018085407915998, 'from': 0.03653058429625056, 'his': 0.031894600460465654, 'her': 0.02586203200353266, 'The': 0.02397699737218686, 'for': 0.019407713462891323}, {'state': 0.049094679149931215, 'out': 0.04240867800979129, 'District': 0.03803953103000468, 'State': 0.0372689001915184, 'day': 0.030496960582992762, 'deed': 0.02971367700157554, 'and': 0.02660807304085347, 'one': 0.025314039854674043, 'part': 0.022634757096165917}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'the': 0.2879394123001065, 'of': 0.12287482956497484, 'at': 0.05859932349104279, 'for': 0.05377189301002177, 'in': 0.05270282048807026, 'from': 0.043544147396670674, 'and': 0.03596593673845609, 'by': 0.03382928585600933, 'this': 0.030249577521902396}, {'and': 0.09505092613637062, 'days': 0.05854633307861563, 'was': 0.055780785265604635, 'or': 0.04452345547702442, 'time': 0.044028729300603336, 'that': 0.043330606482033185, 'never': 0.040732562689425815, 'long': 0.04034869323061084, 'be': 0.03779411678888612}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.20406407079179598, 'and': 0.13122480574343, 'in': 0.12650259173185582, 'to': 0.09807303687049422, 'for': 0.07005730249811357, 'by': 0.04668579942760178, 'that': 0.04598122216233473, 'with': 0.03462428866111057, 'In': 0.027080368628869506}, {'and': 0.05798312846944592, 'able': 0.04492747965452463, 'as': 0.04165947780323626, 'is': 0.033450876982991345, 'him': 0.033116254459099104, 'going': 0.03158728759656474, 'was': 0.029225750971499213, 'enough': 0.028357897975133932, 'order': 0.02781402754565273}, {'any': 0.14066279266744833, 'no': 0.11662958001789285, 'that': 0.11033107204046698, 'No': 0.10315049644352957, 'of': 0.07588749363304657, 'the': 0.07421809620129355, 'and': 0.06376520585857355, 'but': 0.06024286904353042, 'some': 0.06011764967809251}, {'and': 0.22574035626170466, 'that': 0.1066290679911649, 'but': 0.09680104412864907, 'time': 0.04470311052563521, 'But': 0.03522573020026757, 'or': 0.018764700259601027, 'And': 0.01876340842814157, 'day': 0.015372478281117945, 'ago,': 0.012298130548341939}, {'of': 0.20527241548915448, 'the': 0.11942182080524442, 'by': 0.09389156792324278, 'and': 0.09351768272507359, 'with': 0.08989052962179414, 'to': 0.05181651922120789, 'made': 0.043504541846710265, 'in': 0.03509507234709287, 'for': 0.03493599060599562}, {'the': 0.2466654676328556, 'a': 0.17285227475375137, 'of': 0.05832499403872729, 'and': 0.056077216088507735, 'The': 0.051263970236823914, 'A': 0.025174799033706934, 'an': 0.020114783706164974, 'tho': 0.019465615703969586, 'or': 0.015344143226049118}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'and': 0.24571938443095526, 'he': 0.06114170292406138, 'be': 0.046778314297613394, 'who': 0.04313110853792687, 'I': 0.04256755459031266, 'which': 0.03911216470484011, 'that': 0.03504827469674011, 'to': 0.03205106171479702, 'an': 0.029352137060914364}, {'the': 0.5377718987714948, 'a': 0.15881247375231491, 'in': 0.05413855240836196, 'The': 0.045477265092224516, 'this': 0.038770362297041346, 'tho': 0.03118444319525579, 'of': 0.018147038158471823, 'any': 0.01551081532315586, 'that': 0.01530524510079589}, {'be': 0.30704536621218315, 'was': 0.1373341950487081, 'been': 0.1031840335384221, 'are': 0.10146797319600818, 'were': 0.08878662698153167, 'is': 0.06909716473997721, 'not': 0.06701122297692065, 'and': 0.048365401154179706, 'being': 0.022493941194668868}, {'the': 0.19818602920615747, 'and': 0.08775487799326374, 'a': 0.06377586704756016, 'of': 0.04932217395405394, 'to': 0.03122829910583166, 'in': 0.02572689695051654, 'The': 0.023889828353225392, 'his': 0.019192997578737058, 'I': 0.015605966784268477}, {'of': 0.23520503178709817, 'on': 0.18136147821992302, 'to': 0.1549043609419751, 'at': 0.10642401499371007, 'in': 0.08890121849135312, 'from': 0.07209082611050262, 'and': 0.045743935881840156, 'that': 0.028599194445833406, 'for': 0.027382427330897737}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'in': 0.3155237930872868, 'of': 0.21302838231537335, 'New': 0.12249515615173633, 'from': 0.11718102014792518, 'In': 0.0636264991851378, 'to': 0.027057678062309996, 'for': 0.026091631869124426, 'at': 0.0193894854827675, 'with': 0.017854513869122415}, {'of': 0.09419565843194994, 'and': 0.09290739272005118, 'to': 0.06501934131286584, 'the': 0.05292268367227321, 'in': 0.029194596382050023, 'for': 0.023245114199268637, 'that': 0.021986321628405508, '<s>': 0.01990163805284376, 'by': 0.016261789747535168}, {'<s>': 0.05853076640687723, 'that': 0.05360000315563107, 'and': 0.028468892423494714, 'it.': 0.024960893987115183, 'but': 0.01735835078593881, 'as': 0.014815840893292666, 'them.': 0.014318802615316317, 'country.': 0.011732596730942993, 'of': 0.011348659858762027}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'and': 0.062457600246400645, 'away': 0.045888033371217475, 'taken': 0.03384805418424704, 'them': 0.03095283145263242, 'come': 0.028588334902822365, 'free': 0.0277001001691871, 'received': 0.024402214143072608, 'him': 0.021339810961552973, 'out': 0.021008822512994442}, {'two': 0.14778306775078626, 'hundred': 0.07737544862887849, 'square': 0.07634263746955057, 'six': 0.06748376623036768, 'five': 0.06533838133168819, 'three': 0.06518485607085861, 'four': 0.06219764121467697, 'ten': 0.05713560597607957, 'the': 0.049350502891998195}, {'the': 0.8087913983247825, 'The': 0.03512468917454901, 'tho': 0.026886420669376056, 'a': 0.020871310903838685, 'and': 0.01679146098969329, 'his': 0.015500255028654068, 'in': 0.012736596729214034, 'of': 0.009766441713022251, 'tbe': 0.009083630593405315}, {'the': 0.6817645190265589, 'said': 0.06818519774151503, 'The': 0.05254792274212542, 'of': 0.03845729664203617, 'and': 0.032141476290277984, 'tho': 0.027544384202786685, 'this': 0.020466691607311134, 'an': 0.019950306798828105, 'our': 0.01713642858095071}, {'of': 0.3443196167510387, 'in': 0.13820997520812184, 'to': 0.11330505292393962, 'and': 0.08147293899683378, 'for': 0.06152696118643665, 'with': 0.05521258435013231, 'on': 0.050471332173915764, 'that': 0.03713426128773717, 'by': 0.03316546863012622}, {'the': 0.1872591511482088, 'of': 0.10821906149100328, 'and': 0.08706725204729368, 'a': 0.08477302762363238, 'to': 0.029781644268976046, 'Mr.': 0.027316594177910384, 'is': 0.023973958548333063, 'as': 0.023965424407047, 'The': 0.021523352348552374}, {'I': 0.18037199353125694, 'he': 0.1487672662377398, 'and': 0.12948890310294323, 'they': 0.06927612150084518, 'He': 0.06300229347201433, 'it': 0.06009913525025352, 'she': 0.05028401453268671, 'we': 0.04536265676802364, 'who': 0.041538143875347974}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'his': 0.4324073224202958, 'and': 0.14024958708138371, 'the': 0.12177936256381493, 'a': 0.04500545976134137, 'of': 0.04032014703708319, 'my': 0.03599670630276263, 'their': 0.025131616888661622, 'her': 0.024073851658000314, 'your': 0.017985219819113215}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'it': 0.1252072563887846, 'and': 0.08334973640224708, 'we': 0.07909761630097677, 'I': 0.06989814520152196, 'It': 0.06815364195383833, 'he': 0.06779449866799227, 'which': 0.05535274247960071, 'who': 0.04908681591751386, 'they': 0.04330148458616539}, {'to': 0.11272467325873015, 'the': 0.09570920935957357, 'of': 0.08084508540075111, 'and': 0.07746796351453314, 'a': 0.03161606912023797, 'in': 0.024763881588432984, 'at': 0.024446783401682257, 'for': 0.018599489625864805, 'is': 0.01726400145434898}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'is': 0.14788688309438333, 'was': 0.11661619185477085, 'as': 0.10946960091818063, 'are': 0.10523199459281861, 'and': 0.09399061472616572, 'a': 0.07550617379672095, 'very': 0.06332070911225403, 'her': 0.06329220438596671, 'were': 0.05911039393132018}, {'the': 0.42685207291932, 'a': 0.13266271872077348, 'this': 0.085287197346887, 'any': 0.02679518675984616, 'other': 0.023216332501652746, 'every': 0.020632168538273703, 'and': 0.018943099362314603, 'great': 0.013779793393168167, 'our': 0.012982755459097758}, {'and': 0.13422374190694392, 'said': 0.0708804599732747, 'fact': 0.06293500185919278, 'so': 0.055832556124798385, 'know': 0.03953936733635159, 'believe': 0.03783048439933079, 'him': 0.03536820080630686, 'is': 0.03481011842086909, 'stated': 0.02885930313758918}, {'the': 0.639024752882532, 'in': 0.05940128534992877, 'The': 0.05523906613598077, 'and': 0.04631800066136381, 'a': 0.0401299582919069, 'tho': 0.03546673888964971, 'great': 0.020358448449192094, 'In': 0.019954007574811083, 'of': 0.018764673272851345}, {'of': 0.13947701216483419, 'the': 0.1265651355404111, 'at': 0.06991968633934255, 'and': 0.06226375372836209, 'to': 0.03842764099224989, 'in': 0.03565795016210892, 'a': 0.03240728044088086, 'on': 0.029909433145102693, 'said': 0.018037726405661998}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'of': 0.30045538526209176, 'at': 0.17130397592412172, 'in': 0.0881763991745565, 'the': 0.059872445184466966, 'from': 0.05984548071775732, 'to': 0.053789645304962275, 'for': 0.02544520345553834, 'and': 0.0235940910152029, 'by': 0.017987296806154227}, {'is': 0.13430375214643298, 'was': 0.10547591694141113, 'be': 0.10323043200864591, 'the': 0.0852409893692482, 'a': 0.06137589761333299, 'in': 0.05432127561867318, 'are': 0.04961377363206903, 'feet': 0.0396650654181222, 'of': 0.03898293176248238}, {'the': 0.16866521496506504, 'of': 0.10134741350355506, 'and': 0.07055437288341877, 'a': 0.04534265260080411, 'to': 0.0413013158134652, 'his': 0.025910871644329928, 'be': 0.025020793975801862, 'my': 0.023697134385706232, 'I': 0.02200907055966385}, {'a': 0.1711418085602289, 'of': 0.13551046103072864, 'the': 0.13166770186568025, 'in': 0.06958040441922755, 'and': 0.05642884387648088, 'to': 0.03373372703354186, 'at': 0.026953247011357005, 'The': 0.019992271586729133, 'that': 0.019015387998221948}, {'a': 0.1533183355394689, 'it': 0.10958406325651791, 'and': 0.1094124576611821, 'the': 0.10757006444272492, 'is': 0.09118639030400155, 'of': 0.08942329849341236, 'was': 0.05379440175103008, 'for': 0.05057550187947037, 'no': 0.049486463852763694}, {'of': 0.3903874397217167, 'in': 0.09508746613418187, 'to': 0.09472527822862835, 'by': 0.06514388540067297, 'that': 0.06502946614555243, 'and': 0.06325442597954702, 'with': 0.05255358912565164, 'on': 0.04209575374193595, 'for': 0.03969939685711654}, {'in': 0.03917428766108429, 'it': 0.025386064267429977, 'up': 0.020059083093885828, 'time': 0.018744752335281722, 'it,': 0.01774119038147125, 'him': 0.017686627781547455, 'them': 0.016317779090671135, 'out': 0.01337796164902224, 'them,': 0.012962513139229003}, {'State': 0.09860069549593535, 'state': 0.06351524617666271, 'city': 0.042937046132116706, 'county': 0.03495354490678704, 'out': 0.028314409082954108, 'part': 0.025001752748806103, 'line': 0.02033416830550096, 'Secretary': 0.020128412286997664, 'side': 0.018967319630459153}, {'I': 0.547574113033081, 'he': 0.1090989045452406, 'and': 0.10270363452601078, '1': 0.03585764623769643, 'He': 0.02944354787944698, 'never': 0.026991470003470592, 'she': 0.026334853308370064, 'they': 0.022597527633815357, 'we': 0.019368303641881173}, {'the': 0.17254748994646424, 'of': 0.12262951990358394, 'no': 0.06800738840159762, 'and': 0.0652927285226995, 'their': 0.06387233543725068, 'is': 0.053277497520665934, 'other': 0.03586245596882436, 'for': 0.03144171585817932, 'be': 0.02999796726568627}, {'hundred': 0.01444191217773428, ';': 0.011834673680375107, 'him': 0.010388473796696067, 'one': 0.00968896846901267, 'feet': 0.009556811899111724, 'up': 0.008880191153313928, 'mile': 0.007973380143655012, 'feet,': 0.007606228831470488, 'time': 0.007287466987906896}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'sat': 0.12455321279565888, 'laid': 0.123349586859519, 'came': 0.08277332616611417, 'went': 0.0760727886594679, 'put': 0.07409194921716564, 'come': 0.0597562321171148, 'and': 0.058937746421152175, 'go': 0.056313495855932705, 'set': 0.04308806272023856}, {'belonging': 0.03484382688460464, 'person': 0.023850461059346118, 'one': 0.023824045764355987, 'and': 0.01630934332484737, 'more': 0.016242033973912023, 'on': 0.014361839752548329, 'two': 0.013458442124516426, 'States,': 0.011605334653463032, 'man': 0.011591983411607326}, {'and': 0.1313056501793289, 'made': 0.034551030036317, 'necessary': 0.03191530070016697, 'provide': 0.023191256277008975, 'him': 0.021827387004521748, 'time': 0.02091411247587312, 'but': 0.020346196766889778, 'pay': 0.02006785098451588, 'responsible': 0.019399383232926184}, {'it': 0.17446210238267795, 'It': 0.16512138039676244, 'This': 0.11580779511931819, 'which': 0.07131888702327785, 'that': 0.06268754379599907, 'this': 0.05652048471821813, 'and': 0.04054529143452458, 'there': 0.036840538093569096, 'he': 0.03013409703322793}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'the': 0.27588690788939974, 'of': 0.19636750177025747, 'in': 0.1053796712807434, 'and': 0.049179825806962174, 'a': 0.04103571481768951, 'an': 0.03819240614963985, 'great': 0.027187238813108888, 'In': 0.023123316257510802, 'for': 0.020754408295683785}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'to': 0.07454088508234118, 'of': 0.06485123067685997, 'and': 0.06011123371702872, 'the': 0.059073961662243685, 'be': 0.04511400998116102, 'a': 0.03587876030777875, 'was': 0.026214966418935236, 'is': 0.017737419252858242, 'for': 0.01657631081984017}, {'and': 0.061168311579950445, 'of': 0.03310259807430021, 'the': 0.02892088013506227, 'that': 0.024655060005927897, 'how': 0.022036721457900758, 'I': 0.020418834968393522, '<s>': 0.01863649032832693, 'be': 0.01745549723133729, 'How': 0.017353749931782587}, {'of': 0.0719785718035395, 'the': 0.06128029302526081, '.': 0.0540896523467136, 'and': 0.050517059196008074, 'W.': 0.028393582846115994, 'H.': 0.02649240600958381, 'by': 0.025894196564614048, 'J.': 0.025842117621791266, 'John': 0.02354713445194557}, {'it': 0.3207736569610817, 'It': 0.20838633658545325, 'which': 0.0804483497499844, 'there': 0.06261368054408667, 'and': 0.05283673409115848, 'that': 0.0498253922678305, 'he': 0.03054593770208962, 'what': 0.025897210172138717, 'This': 0.024820986081540986}, {'the': 0.18095392582583045, 'of': 0.1339592079748044, 'to': 0.05322281498799507, 'and': 0.050723991939382, 'in': 0.03332816393108751, 'for': 0.02387843707542931, 'by': 0.02355668521909516, 'that': 0.022565096402550038, 'at': 0.016051865374320476}, {'well': 0.0822016790932208, 'and': 0.07885100647431564, 'far': 0.044261877774433314, 'so': 0.039872812286906534, 'known': 0.03497787289485181, 'it': 0.024594651328994206, 'long': 0.022872698587686282, 'such': 0.02187856572010344, 'but': 0.01964011506866394}, {'at': 0.20019574401943915, 'of': 0.1806013158406764, 'in': 0.14833252573679828, 'to': 0.08127886317173648, 'on': 0.06498511204165315, 'for': 0.0648944728858489, 'and': 0.057868996324392234, 'that': 0.040296604571923675, 'from': 0.038253800346840276}, {'as': 0.07730845242008813, 'up': 0.058668717027016246, 'and': 0.05051787504234559, 'according': 0.045602481884053164, 'back': 0.04348934107594135, 'him': 0.04340104844206923, 'returned': 0.04283151244115784, 'went': 0.03802777620215089, 'came': 0.037963187223200925}, {'the': 0.3356855626590293, 'of': 0.16037129376729195, 'and': 0.10146419720863094, 'The': 0.07966027005552521, 'or': 0.06650760537173596, 'a': 0.04900421926210888, 'by': 0.04744909539689608, 'for': 0.03834610003755867, 'with': 0.03826004687133034}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'the': 0.3354517732245755, 'and': 0.09379784077239246, 'a': 0.0788027485422954, 'of': 0.06358159186237272, 'to': 0.02441824170080681, 'tho': 0.024087358492008677, 'an': 0.022452251559764914, 'or': 0.021187582608267048, 'The': 0.018610619403024303}, {'and': 0.22331171950412304, 'was': 0.15499388932963334, 'be': 0.06714407809970459, 'it': 0.04747954698541814, 'is': 0.04383565778484881, 'years': 0.0381347072224253, 'were': 0.03293644689633914, 'not': 0.03188752173793319, 'he': 0.028759442062802152}, {'be': 0.35836686868291784, 'was': 0.1243654900472195, 'and': 0.09784065982568356, 'is': 0.07384108405405322, 'been': 0.06877734880373468, 'are': 0.061790833680469566, 'were': 0.04466197756485454, 'not': 0.037660841566456396, 'he': 0.03251655338173204}, {'and': 0.1313056501793289, 'made': 0.034551030036317, 'necessary': 0.03191530070016697, 'provide': 0.023191256277008975, 'him': 0.021827387004521748, 'time': 0.02091411247587312, 'but': 0.020346196766889778, 'pay': 0.02006785098451588, 'responsible': 0.019399383232926184}, {'made': 0.10589556412938213, 'and': 0.10531586080487337, 'that': 0.044701821618632745, 'or': 0.043874161165672054, 'secured': 0.03192649744966152, 'taken': 0.029374254778502383, 'followed': 0.02648726812050451, 'done': 0.024706014379598778, 'up': 0.02430946279493687}, {'provisions': 0.08155268622048072, 'copy': 0.07438298592748818, 'date': 0.061886723423349964, 'part': 0.06076408457322527, 'one': 0.05124169281485493, 'out': 0.04701489352502034, 'people': 0.04423834088325635, 'publication': 0.03792894646628187, 'members': 0.026565416948037213}, {'due': 0.02913254856614024, 'land': 0.020881140791802037, 'interest': 0.01975841528491797, 'mortgage': 0.017098153358253237, 'title': 0.015248360791152563, 'line': 0.012915986715678325, 'plaintiff': 0.012396101789584267, 'mortgage,': 0.011704050811113259, 'directed': 0.01062412760475527}, {'on': 0.2775284502542254, 'third': 0.08214953048538047, 'first': 0.06720002603492209, 'of': 0.0647308046362533, 'On': 0.0618853596629826, 'and': 0.051832155255234574, 'in': 0.037418815681270166, 'second': 0.027833552919473127, 'last': 0.02724655908499202}, {'time': 0.0359480516641505, 'day': 0.02720230341133574, 'men': 0.022836946019374485, 'power': 0.020549115106410606, 'in': 0.019391484770186086, 'land': 0.017646039811728582, 'dollars': 0.01570401084399732, 'good': 0.013704577225169177, 'life': 0.013196367016520898}, {'to': 0.15526480007137633, 'and': 0.11651420901747873, 'the': 0.11072780832915922, 'of': 0.08063695335036827, 'or': 0.024463634332579032, 'I': 0.02356753212212018, 'in': 0.019566037543197023, 'not': 0.018717196134224692, 'that': 0.016949500591103825}, {'the': 0.6991700460938554, 'this': 0.04574709520455208, 'tho': 0.03671263486165562, 'of': 0.03499002195391307, 'his': 0.02498290317777178, 'a': 0.020276817126143862, 'said': 0.019503790762740236, 'to': 0.018818371627789553, 'tbe': 0.017992064396109095}, {'it': 0.27957038428918407, 'It': 0.14069168722916756, 'there': 0.0780604064737155, 'he': 0.0673522127670591, 'that': 0.061371482220746135, 'they': 0.04852180992353207, 'which': 0.044772571877851546, 'and': 0.031977859656019285, 'I': 0.020031431466088268}, {'hundred': 0.01444191217773428, ';': 0.011834673680375107, 'him': 0.010388473796696067, 'one': 0.00968896846901267, 'feet': 0.009556811899111724, 'up': 0.008880191153313928, 'mile': 0.007973380143655012, 'feet,': 0.007606228831470488, 'time': 0.007287466987906896}, {'of': 0.2547835878718083, 'to': 0.11987754931152972, 'in': 0.1194257263101574, 'for': 0.09654665454909002, 'by': 0.09578700132001534, 'with': 0.05787413325946222, 'that': 0.05440934926951746, 'and': 0.051535074003878106, 'from': 0.028224438978576353}, {'and': 0.1313056501793289, 'made': 0.034551030036317, 'necessary': 0.03191530070016697, 'provide': 0.023191256277008975, 'him': 0.021827387004521748, 'time': 0.02091411247587312, 'but': 0.020346196766889778, 'pay': 0.02006785098451588, 'responsible': 0.019399383232926184}, {'and': 0.05438908007353039, 'as': 0.036404133575544374, 'referred': 0.034390991571995336, 'them': 0.02678963714143441, 'him': 0.02538407857852815, 'come': 0.021773140363803237, 'came': 0.01998220824380093, 'go': 0.018908648430885164, 'up': 0.01875282741931878}, {'he': 0.1735747375250466, 'they': 0.15396744751770772, 'I': 0.1198805568570043, 'we': 0.08345944655534918, 'who': 0.06833536773126214, 'and': 0.06550095318585684, 'it': 0.048888800138924174, 'which': 0.044678622952912875, 'We': 0.040756427262564926}, {'of': 0.20604730021804327, 'and': 0.14802715307068132, 'to': 0.09862407308967464, 'in': 0.08665034842706063, 'all': 0.043857829760724006, 'by': 0.03043091707955456, 'fact': 0.03014092432864749, 'is': 0.028465796923230015, 'with': 0.027740936019533396}, {'he': 0.15398348933138664, 'and': 0.12984667641814168, 'be': 0.12128156194903116, 'was': 0.08934011279191555, 'been': 0.06295493295158755, 'He': 0.0610889573405549, 'who': 0.05944887547789773, 'is': 0.054780011059811555, 'have': 0.046635341910769325}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'the': 0.14975592360770285, 'of': 0.08674239258095837, 'and': 0.07465434729591684, 'to': 0.038689519384319256, 'in': 0.02640399404783318, 'a': 0.025036136087226147, 'by': 0.02171652298708642, 'his': 0.017013288131603847, '.': 0.015075557811300735}, {'to': 0.5767235233965139, 'will': 0.12464700116521284, 'not': 0.07518496477105713, 'would': 0.06432218614649488, 'can': 0.03493804211766413, 'may': 0.029235393453175242, 'could': 0.024479327014122226, 'and': 0.01928351603666662, 'a': 0.016570186178334428}, {'to': 0.8300022684725986, 'will': 0.040395949533608505, 'and': 0.038319136885455324, 'not': 0.0306039747865494, 'would': 0.013864149652305301, 'can': 0.00730231600929189, 'To': 0.007148365330725673, 'could': 0.005178372012530487, 'may': 0.004907757043500752}, {'he': 0.1463979798853226, 'they': 0.13019819182650982, 'I': 0.12304523911710975, 'who': 0.1030825327870223, 'we': 0.08251804783924824, 'it': 0.06564794154166739, 'that': 0.061626936787381764, 'and': 0.060288586204867024, 'you': 0.05442677699512927}, {'of': 0.35470676434930365, 'to': 0.1416979124649922, 'by': 0.08583399165443538, 'in': 0.08012775047709249, 'with': 0.06805465666764458, 'that': 0.05333235902197218, 'and': 0.05242644865262521, 'on': 0.03328194836885876, 'from': 0.03220393464347252}, {'the': 0.4676142065078135, 'at': 0.24237913648332965, 'At': 0.048791863119890005, 'tho': 0.03156611350466604, 'of': 0.029774535832346204, 'to': 0.0281051777956505, 'and': 0.028057909133168704, 'The': 0.02061467030322155, 'on': 0.01499697015909431}, {'the': 0.2677229312915757, 'said': 0.1743553540057209, 'and': 0.08098056861570951, 'of': 0.07515926020719875, 'that': 0.06961077886080573, 'a': 0.05616876469213855, 'this': 0.053566610310367614, 'The': 0.037284417624846314, 'his': 0.017161567001997596}, {'the': 0.2467200860805137, 'of': 0.150685329364537, 'in': 0.05742877915413742, 'by': 0.04058596420270798, 'and': 0.03875177482412493, 'to': 0.035049968697193734, 'The': 0.020550056706522483, 'on': 0.0199970754925745, 'for': 0.01875510032051319}, {'and': 0.17825465048087452, 'the': 0.1228395637379975, 'is': 0.09002848917247089, 'an': 0.08142583043766125, 'was': 0.07426197704753329, 'are': 0.06692029756243191, 'be': 0.0644457628429669, 'that': 0.05027280931155194, 'been': 0.04510982088034575}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'<s>': 0.1479520076864729, '.': 0.026412803953123197, 'it.': 0.014579035585776313, 'them.': 0.007956538891446813, 'to': 0.0071672829754519255, 'year.': 0.007089715170423019, 'law.': 0.006428452743507827, 'thereof.': 0.0064025083406802534, 'county.': 0.006360522097591212}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'there': 0.4729248818900856, 'There': 0.30356299207742515, 'It': 0.06846339840791406, 'it': 0.06176945500789603, 'which': 0.012570916071695498, 'he': 0.00986166839851291, 'This': 0.009177297761366207, '"There': 0.008740354879966265, 'that': 0.008374287648465109}, {'of': 0.20124067711716626, 'in': 0.19526118170125123, 'with': 0.14305695988525677, 'to': 0.1367909880246698, 'by': 0.056020121979483486, 'on': 0.055823307604211184, 'In': 0.04225166775461995, 'upon': 0.04050370412165221, 'for': 0.03996876410339604}, {'of': 0.3173879457940153, 'in': 0.18945011423276817, 'to': 0.1316810646703123, 'for': 0.0564385977360105, 'that': 0.05172657687686971, 'and': 0.05059976995701869, 'by': 0.04806940703056668, 'with': 0.04711296035562561, 'on': 0.041814847151130326}, {'be': 0.14389721318583057, 'was': 0.12819036366944567, 'and': 0.109392992704828, 'been': 0.07794741973719316, 'is': 0.07343541069842513, 'are': 0.04550117284912485, 'were': 0.045064326219866634, 'the': 0.0389871182735453, 'he': 0.038724454480496245}, {'and': 0.19690455404216667, 'all': 0.09591354219890058, 'of': 0.04772984784213366, 'but': 0.037977435932046534, 'said': 0.03738948929677691, 'that': 0.029268643321184857, 'All': 0.026601445404199606, 'so': 0.025573323335605358, 'than': 0.025271516271379395}, {';': 0.022793848333138786, 'in': 0.022047221140475262, 'Columbia,': 0.0158862094873053, 'up': 0.014491793505424679, 'day': 0.009604911533106825, 'them,': 0.008432026455417619, 'mortgage': 0.007943733706538798, ',': 0.007709598105400274, 'him,': 0.007008831693333515}, {'State': 0.07672022468543073, 'day': 0.07167423821787704, 'out': 0.05760118528051769, 'state': 0.055755805250226, 'act': 0.050328621711614244, 'part': 0.03398993902232049, 'years': 0.026585133029648402, 'date': 0.020617179998158115, 'power': 0.020078824295096227}, {'of': 0.4656549864043446, 'to': 0.08667696942310346, 'that': 0.08522608751884787, 'and': 0.07293945241565782, 'for': 0.045410415580038166, 'by': 0.045210401324468664, 'on': 0.04098772962266542, 'with': 0.0368142058127226, 'in': 0.03443651725309697}, {'the': 0.45610939920155685, 'a': 0.13694176204557548, 'of': 0.09689142618886086, 'The': 0.08659999229455263, 'and': 0.050710535183460984, 'our': 0.032489555431901886, 'tho': 0.02752729270764926, 'for': 0.026781808564486937, 'their': 0.02302179284642149}, {'of': 0.36454441316978187, 'to': 0.10025698031904268, 'in': 0.0895391074692237, 'by': 0.0807115935894432, 'that': 0.053426902803698086, 'and': 0.04362379995723368, 'under': 0.028136674352968197, 'with': 0.027204971131499778, 'for': 0.026102390738494925}, {'the': 0.4682633246282365, 'western': 0.08231151158351942, 'other': 0.06331283306183423, 'eastern': 0.04308443796540017, 'southern': 0.038210154833402295, 'northern': 0.03352943245218164, 'Republican': 0.03257875285169179, 'said': 0.029232970461483713, 'a': 0.029209922150252903}, {'the': 0.11621800545482094, 'and': 0.0774089731934557, 'of': 0.07608399084831298, 'be': 0.04711699998111051, 'was': 0.04407928135227466, 'to': 0.03505581422967068, 'in': 0.031014452379721575, 'for': 0.028748276064256863, 'is': 0.02838226197907345}, {'one': 0.08837264426949418, 'part': 0.038998327146227474, 'out': 0.02722316887260893, 'portion': 0.023814181613109088, 'side': 0.019826910280117432, 'some': 0.016247713638384235, 'that': 0.01581493783524018, 'tion': 0.01520297430519722, 'member': 0.014040980918801042}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'the': 0.14651767028650897, 'and': 0.10280181339946678, 'of': 0.07164139889404732, 'to': 0.06710968865667367, 'in': 0.043620235518656805, 'was': 0.04085328919635116, 'a': 0.03773596883616436, 'be': 0.034467327867332885, 'is': 0.024743356400790086}, {'did': 0.3009916372485633, 'do': 0.2146483254804602, 'does': 0.1383431965944876, 'could': 0.11773262485052352, 'will': 0.0813132166758086, 'would': 0.06542802622958724, 'can': 0.018570546598271474, 'shall': 0.018161695337000124, 'should': 0.017654257812795535, 'may': 0.017156473172502393}, {'<s>': 0.10576890815140694, 'it.': 0.016326098939405637, 'them.': 0.013197538598966569, '.': 0.011554344281142678, 'work.': 0.00937128981426876, 'him.': 0.008817216441296327, 'day.': 0.008514773339795459, 'time.': 0.008007566873079252, 'year.': 0.007348857274405607}, {'the': 0.5827715234349431, 'an': 0.09469216469774142, 'no': 0.06182851540616801, 'The': 0.05778794104729704, 'any': 0.05357394995621572, 'a': 0.036286853216247174, 'tho': 0.03011272401870396, 'this': 0.015988014987298245, 'general': 0.01182836757970903}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'they': 0.20019978053634063, 'who': 0.11564722730523516, 'we': 0.09567641378491692, 'which': 0.07285426038834406, 'and': 0.05349070516693963, 'They': 0.051142698830458654, 'that': 0.041852580165993004, 'We': 0.03911977842788636, 'you': 0.0352520846992113}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.2909842174661729, 'of': 0.2351650954744355, 'to': 0.10517436929979668, 'and': 0.062424279342366065, 'The': 0.05521075051548442, 'a': 0.046245783156738315, 'with': 0.03629710460847139, 'by': 0.03336312561270786, 'his': 0.026734400507632226}, {'it': 0.17179737676551296, 'he': 0.125829304720175, 'It': 0.12209201472181, 'I': 0.05849427898476466, 'He': 0.055779185057685615, 'which': 0.05343899164929195, 'and': 0.04479014026557512, 'who': 0.038085293062393825, 'there': 0.03504686283043146}, {'be': 0.09199034769827566, 'was': 0.08936821868879355, 'of': 0.07404018406341448, 'and': 0.05736310361861587, 'been': 0.05730832051389512, 'the': 0.052811789614495855, 'were': 0.05140181287685057, 'are': 0.04971270530423577, 'is': 0.048430492527360605}, {'be': 0.3304058270684033, 'was': 0.18954778157615687, 'been': 0.11894355175598607, 'and': 0.06694955751806463, 'were': 0.057682233323163974, 'he': 0.050997407390846274, 'is': 0.04527846337471488, 'are': 0.03422567252868479, 'being': 0.030879901358587668}, {'the': 0.6348671670850612, 'a': 0.03901006349967627, 'tho': 0.038966485333117536, 'The': 0.02940602875936752, 'and': 0.026789998203369473, 'many': 0.026415890320508992, 'other': 0.025290399148205814, 'one': 0.021947945864227745, 'three': 0.02169745840466968}, {'and': 0.09611377979382967, 'together': 0.06030448595031675, 'covered': 0.03676937166272939, 'him': 0.032438653052046594, 'up': 0.030460413497620714, 'it': 0.02269175320641507, 'met': 0.021809108688738414, 'them': 0.02113687577611875, 'but': 0.01784208772281916}, {'when': 0.16575616036964155, 'that': 0.16033502805559743, 'and': 0.11913902989032642, 'which': 0.07829422081417951, 'as': 0.06353692481480544, 'to': 0.05246442703361744, 'said': 0.03733949830883919, 'where': 0.03533821300909366, 'but': 0.03213221112456218}, {'the': 0.7043739161110346, 'a': 0.04803799767970549, 'The': 0.035921628915365836, 'tho': 0.034807785866677446, 'and': 0.017917282767070563, 'of': 0.01461979642534073, 'any': 0.013791928245967672, 'this': 0.013207871117995058, 'tbe': 0.01226807148467417}, {'the': 0.40078581554292864, 'and': 0.11529325983043956, 'of': 0.04267823742089496, 'The': 0.03905454888291296, 'to': 0.03455379158079997, 'that': 0.033210523619987525, 'as': 0.02701305692748179, 'tho': 0.022924638598223912, 'which': 0.020662484482747514}, {'and': 0.10148431882533401, 'is': 0.049217878191332484, 'say': 0.033816461308569676, 'of': 0.03266687011152354, 'on': 0.028067906878865772, 'said': 0.026346885629957892, 'know': 0.025603546306157864, 'was': 0.02325657840227891, 'for': 0.023086954100147477}, {'the': 0.1400530223044703, 'of': 0.12445373077691183, 'to': 0.10526433713668262, 'and': 0.07115808472324761, 'be': 0.04537099409508675, 'in': 0.04214729192517407, 'not': 0.04001922918965569, 'a': 0.034167831914034635, 'or': 0.03133811316849769}, {'it': 0.29749933766240383, 'It': 0.21001137242638968, 'which': 0.07447968796723706, 'there': 0.05883914794734531, 'that': 0.05780172725175524, 'he': 0.03553913419584205, 'and': 0.031452210856016474, 'There': 0.02466718161469129, 'what': 0.022232229386443574}, {'him': 0.01340799028379728, 'up': 0.011134659316150855, 'him,': 0.010577653424191966, 'man': 0.009849241687867832, 'Mr.': 0.007898365990735238, 'it': 0.007645739285306746, 'it,': 0.007642845958000082, 'here': 0.007214303221522428, 'day': 0.006468617340388591}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'do': 0.45401269860278404, 'did': 0.0938041378638747, 'if': 0.0885514641459398, 'If': 0.07768046533759586, 'and': 0.04494894241023528, 'or': 0.03646220748291002, 'that': 0.03645259118725263, 'is': 0.03422304114203986, 'doing': 0.02377051804361572}, {'-': 0.0651506825881956, 'ai': 0.032932304535764075, 'the': 0.02337632820450887, 'a': 0.021104826673796317, 'I': 0.01696432113004165, 'in': 0.016955221720940095, 'to': 0.014751261826325785, 'was': 0.013216976522804728, 'be': 0.013187771266740034}, {'the': 0.21491915202373837, 'and': 0.09100082823720139, 'of': 0.08124826892131712, 'The': 0.04924990980638667, 'these': 0.025919926018890253, 'that': 0.025781934665440865, 'in': 0.021109714438683272, 'to': 0.017750743987262244, 'a': 0.016626160534359734}, {'and': 0.1249590163878478, 'of': 0.10132944700906286, 'to': 0.08464269606101492, 'the': 0.07917494017810507, 'on': 0.030781821684468746, 'in': 0.030775427254350597, '<s>': 0.027296937937318053, 'that': 0.025864106241287706, 'from': 0.022204562405101973}, {'the': 0.5573479385976573, 'and': 0.0594612380936498, 'of': 0.05768989629803758, 'a': 0.05421422362168904, 'tho': 0.03738841622916418, 'The': 0.034501931323883725, 'said': 0.026334992041168032, 'in': 0.023682112483088307, 'or': 0.019772786675183132}, {'the': 0.1753214797644007, 'of': 0.12046694590763113, 'and': 0.06643232462531397, 'in': 0.05391851965214773, 'to': 0.049548748225887305, 'a': 0.038139903141842034, 'for': 0.023831077548006497, '<s>': 0.022339292380939502, 'at': 0.01964196321183234}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.07868953849577412, 'and': 0.06966157468950236, 'man': 0.06872793617082691, 'in': 0.060441869557597054, 'those': 0.05627712999726243, 'for': 0.04687433302789783, 'to': 0.04429901945286397, 'with': 0.034955231030525225, 'men': 0.03026694433357779}, {'and': 0.16020120338766708, 'of': 0.08685718497833594, 'to': 0.08399503967667783, 'the': 0.06943891233164705, 'in': 0.05884921383794103, 'or': 0.040621043920846804, 'that': 0.03912403354901541, 'for': 0.02818228214969146, 'on': 0.028164677194048932}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'of': 0.11957795847886535, 'the': 0.1049492702216718, 'in': 0.0575875403558124, 'and': 0.051315124493535244, 'to': 0.04057639083118071, 'on': 0.027367642043962408, 'for': 0.022966295025658102, 'a': 0.019790104204035517, '<s>': 0.01974802898808245}, {'and': 0.10003293820030021, 'committee': 0.04144929635729708, 'feet': 0.03810350772194907, 'Committee': 0.029119437678178445, 'due': 0.02757113026768849, 'going': 0.023060388560289486, 'was': 0.023016292619235334, 'went': 0.022239572231136092, 'that': 0.01841299072460668}, {'or': 0.1636009787650414, 'no': 0.1561791973914577, 'much': 0.1478078956004494, 'the': 0.09664910531818362, 'and': 0.09565741237967218, 'of': 0.06642175358574326, 'far': 0.05828893317483666, 'any': 0.054093617351894135, 'for': 0.05010649195571136}, {'few': 0.23930906865290888, 'two': 0.173196308520639, 'three': 0.12295889304845799, 'six': 0.0869841031840215, 'several': 0.06411949493065697, 'four': 0.04938438180917086, 'eight': 0.04482471062992345, 'five': 0.04024388719374056, 'one': 0.03731810251717692}, {'is': 0.17681869119265314, 'of': 0.11647462515962999, 'such': 0.11280462923856505, 'as': 0.10827113065047127, 'in': 0.0890466988910649, 'with': 0.08244361026724542, 'was': 0.06976983470470788, 'be': 0.06885633790350829, 'to': 0.06840343643486929}, {'of': 0.2161314439308715, 'the': 0.15634729842388162, 'a': 0.11013356900879649, 'and': 0.0856952745898112, 'to': 0.07381492313263162, 'is': 0.0594186344149342, 'with': 0.057610930331841996, 'by': 0.04925568138053809, 'for': 0.03912178727950197}, {'his': 0.30122337071903593, 'her': 0.15219742594695695, 'my': 0.10787985092071277, 'the': 0.10429797434713711, 'their': 0.0714387492689058, 'a': 0.047582342760883516, 'your': 0.038927098456101296, 'and': 0.024424974451382118, 'our': 0.021524505734835588}, {'and': 0.1891045587497336, 'or': 0.05571781744064436, 'that': 0.04978813251667614, 'is': 0.03559204546357795, 'but': 0.02923757661454938, 'was': 0.023881916442013172, 'on': 0.022754900691636274, 'it': 0.02262006822099516, 'be': 0.02154201641130728}, {'of': 0.2927593641174272, 'and': 0.10494605861050339, 'to': 0.09461242615336318, 'for': 0.09290779034410165, 'in': 0.08778021507542777, 'that': 0.06349599403350159, 'with': 0.05872666940077863, 'by': 0.05213822394592744, 'from': 0.04332252686119953}, {'and': 0.11473073993713902, 'to': 0.05905983715228313, 'of': 0.05538542172799043, 'the': 0.050277768392062445, 'that': 0.032033354648049295, 'in': 0.02791536410480944, 'which': 0.023979258770660827, 'not': 0.023584058560391436, 'con-': 0.02035717338630867}, {'the': 0.24171711980451135, 'of': 0.12044703808139987, 'and': 0.09112960671605802, 'to': 0.04940443014686253, 'in': 0.04301199023385955, 'or': 0.025358265911997795, 'a': 0.02506056459428699, 'for': 0.020069757510451695, 'tho': 0.019064224090436347}, {'to': 0.6585309346073506, 'and': 0.08665598408083823, 'not': 0.04646495978643671, 'I': 0.04319569774725831, 'would': 0.03664416916693204, 'will': 0.03163658887215491, 'should': 0.024797326491729936, 'who': 0.018934357937504257, 'you': 0.011569763265925142}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'the': 0.8103533206946513, 'tho': 0.039042165758009076, 'The': 0.03580607127995116, 'their': 0.019571726630266236, 'a': 0.01675538073658503, 'tbe': 0.013939668022691469, 'and': 0.012926334650894827, 'great': 0.009298444231604287, 'his': 0.00843187094844268}, {'with-': 0.17720683989114716, 'and': 0.0657462131614543, 'with¬': 0.05674432359025206, 'sent': 0.03969199360573797, 'it': 0.036100117264311234, 'went': 0.035452634685521435, 'go': 0.027623971236544954, 'the': 0.026558183163272988, 'came': 0.025447339099890234}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'no': 0.25265059281089175, 'the': 0.18572081984688013, 'by': 0.1500373638346626, 'good': 0.07090303079232367, 'of': 0.06506006394203005, 'a': 0.06379679311147315, 'any': 0.0532023322277628, 'and': 0.045506336303943955, 'The': 0.03921171518293808}, {'the': 0.41174862952852853, 'and': 0.12151164722727956, 'is': 0.06971361236970398, 'was': 0.0528342128536126, 'are': 0.052779303492527685, 'The': 0.049906945236728686, 'to': 0.03981976353007699, 'have': 0.03855013889987037, 'be': 0.038296377205234655}, {'he': 0.14775532920748466, 'it': 0.1387634970738622, 'It': 0.11614826656907291, 'He': 0.06720717272575293, 'which': 0.06607615529624267, 'I': 0.06290741230023697, 'and': 0.053880585675727496, 'she': 0.044458299142550506, 'there': 0.04221579580066862}, {'the': 0.4924487125954297, 'of': 0.20500341572844907, 'on': 0.11669212222208665, 'and': 0.03601884887439904, 'The': 0.029501828315029715, 'tho': 0.022828740305477536, 'in': 0.019334895892928795, 'this': 0.009451943778447247, 'with': 0.008660958201227116}, {'foreclosed': 0.09634386882946343, 'accompanied': 0.06914744523154118, 'made': 0.062220870833543704, 'and': 0.059623448501614024, 'followed': 0.05567422914917625, 'surrounded': 0.03148136347170944, 'up': 0.026111816226809845, 'caused': 0.02316153437489157, 'secured': 0.022889564253045367}, {'the': 0.17124403183375003, 'of': 0.14088216674104462, 'in': 0.09812755344366411, 'and': 0.045990389172842476, 'to': 0.044346026042610724, 'a': 0.03852743971752749, 'that': 0.025335665915698368, 'for': 0.02486294617289132, 'as': 0.02062563448794774}, {'of': 0.1702930724700524, 'the': 0.15106994898574994, 'or': 0.09365158673171951, 'such': 0.08763578846675606, 'for': 0.08016271896069015, 'any': 0.06933823364945572, 'some': 0.0540129181282653, 'all': 0.044422300620959615, 'these': 0.04258729685220717}, {'to': 0.5221563484964136, 'and': 0.11386506451227334, 'will': 0.07962114488913846, 'shall': 0.06805226025662689, 'not': 0.04074437979910145, 'the': 0.03829500422481898, 'can': 0.03763354970987928, 'should': 0.032024669531767726, 'may': 0.031514257955038726}, {'was': 0.19269104532868997, 'been': 0.16321330683856902, 'be': 0.09941835758418184, 'is': 0.08396555438889831, 'are': 0.07807695036900582, 'were': 0.07616439751433557, 'and': 0.048765531842220176, 'busily': 0.03813495480227214, 'those': 0.031036671824574116}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'No.': 0.12406973649116751, 'about': 0.12083646743545842, 'at': 0.09003503867061681, 'east': 0.06537000058548056, 'of': 0.061268047722806446, 'north': 0.05767406143534047, 'west': 0.049373755896357466, 'No': 0.044604859078529055, 'deg.': 0.04175476996928428}, {'the': 0.7903524305706808, 'The': 0.08153044091666918, 'tho': 0.030681993806128738, 'at': 0.022994468311478306, 'his': 0.017614372169577182, 'tbe': 0.01265978450162838, 'its': 0.009135731833332642, 'their': 0.008051639207154048, 'for': 0.007722363728190644}, {'the': 0.4042191769686369, 'a': 0.19319079949328744, 'of': 0.06879477126012118, 'The': 0.04750761413064774, 'this': 0.0450847719117406, 'our': 0.04324672797572227, 'and': 0.04214079145909484, 'his': 0.04196499504049377, 'their': 0.03465692851562631}, {'and': 0.10235494940494616, 'the': 0.09817011765250404, 'of': 0.054918833819049634, 'to': 0.048949106665551446, 'be': 0.04502452823262038, 'in': 0.04138743640090962, 'or': 0.032198312294903386, 'for': 0.029705916095476525, 'he': 0.026435922643808892}, {'of': 0.14665157833114809, 'and': 0.09030231702613298, 'the': 0.059823920825644306, 'to': 0.05944520350368447, 'a': 0.054242956092369746, 'was': 0.035254596897220346, 'in': 0.030659184070719357, 'be': 0.027358347582772318, 'for': 0.026310981886703815}, {'the': 0.3970256046603947, 'in': 0.08649858136451873, 'of': 0.06806331598917442, 'to': 0.04363487302271389, 'at': 0.038863554403700776, 'said': 0.03177233456774288, 'tho': 0.027283123063734323, 'and': 0.025306522580890566, 'for': 0.022597158981733968}, {'time': 0.10037201099944051, 'and': 0.07462081268924246, 'recorded': 0.06945022153742576, 'be': 0.061815478848013465, 'was': 0.05733444359817494, 'is': 0.04464244341737171, 'that': 0.0345760027688535, 'as': 0.03325715078499278, 'them': 0.029799579675493727}, {'and': 0.2231125084100589, 'fact': 0.09072233251825965, 'is': 0.08726413520014818, 'say': 0.061028144811720614, 'of': 0.05455595562472992, 'know': 0.05061226672469943, 'believe': 0.04827218464908808, 'but': 0.046477759689421125, 'so': 0.041205498964605854}, {'of': 0.15630137730751212, 'by': 0.08223210669322652, 'to': 0.07180217310598579, 'that': 0.0697860171227717, 'and': 0.06860313108410063, 'with': 0.027549174244935564, '<s>': 0.02367243312489382, 'which': 0.02017544874624105, 'as': 0.017332841528940258}, {'the': 0.35756372606708015, 'a': 0.28228348242507406, 'of': 0.07777307046213443, 'to': 0.07504545357901735, 'our': 0.02866155589815907, 'in': 0.026803332807899986, 'The': 0.019906752624256334, 'and': 0.018880148273562745, 'tho': 0.01765413267243528}, {'as': 0.11097272686072879, 'up': 0.07831511427683739, 'and': 0.044320641425779746, 'it': 0.04257477550429774, 'back': 0.041127781960807276, 'came': 0.04003567218129692, 'down': 0.036184987610941806, 'come': 0.033956472474374534, 'him': 0.03228915625460243}, {'the': 0.4065276721953979, 'a': 0.2653345227717398, 'this': 0.09679393789596917, 'tho': 0.03253815077533731, 'The': 0.027524769033743676, 'to': 0.025815751795968025, 'and': 0.024180880957601934, 'every': 0.0232066776428988, 'of': 0.02007429506741654}, {'him': 0.02494659599230191, ';': 0.01487772965405297, 'man': 0.012826628951379817, 'him,': 0.01053555299716851, 'up': 0.010332831893804855, 'and': 0.010083138836835061, 'himself': 0.009258682528632555, 'in': 0.008913702740427201, 'man,': 0.007933669360602887}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'of': 0.23163020095030948, 'to': 0.1346720940322325, 'in': 0.10142988449363989, 'and': 0.06983301928792503, 'at': 0.0695926711441178, 'for': 0.06730193197650766, 'all': 0.049003588776378976, 'with': 0.0464504984191072, 'that': 0.03786457383731321}, {'and': 0.1196407331085516, 'well': 0.05854287038640345, 'the': 0.04117902110574501, '.': 0.02280785994427201, 'to': 0.021996634578567775, 'of': 0.015524549388711872, ';': 0.014256960360757794, '<s>': 0.013479434778640704, '1': 0.013112867619382811}, {'in': 0.02538309963792005, 'up': 0.02102465836400952, 'it': 0.018138098478627462, 'it,': 0.015677708817183958, 'them': 0.015465744940736494, 'him': 0.015224048442898548, 'made': 0.015015482731791426, ';': 0.014066863141500508, 'out': 0.013053920946504935}, {'as': 0.4096147386975717, 'fees,': 0.1056098549974612, 'and': 0.08102134165637398, 'is': 0.0806059180220529, 'be': 0.05155706359565855, 'was': 0.04891926564412345, 'not': 0.031693323436005894, 'so': 0.02600835611464135, 'fees': 0.020403838259737985}, {'of': 0.29074765266853336, 'in': 0.1342155144417864, 'to': 0.11196350904893523, 'that': 0.07034693126407413, 'for': 0.06639867890725615, 'with': 0.06527986637216181, 'at': 0.0568080918871189, 'and': 0.05474960481371729, 'by': 0.04292073832565036}, {'at': 0.20019574401943915, 'of': 0.1806013158406764, 'in': 0.14833252573679828, 'to': 0.08127886317173648, 'on': 0.06498511204165315, 'for': 0.0648944728858489, 'and': 0.057868996324392234, 'that': 0.040296604571923675, 'from': 0.038253800346840276}, {'the': 0.27238511779099633, 'of': 0.12782307478157012, 'and': 0.12291460570784284, 'The': 0.03924027099062122, 'suc-': 0.03877544628379539, 'a': 0.03816874058648891, 'two': 0.036378380258841686, 'in': 0.028538133968230787, 'tho': 0.02717632792523019}, {'it': 0.22856110105309196, 'It': 0.1452820683974188, 'which': 0.05914017695475625, 'he': 0.0478149945050819, 'and': 0.04416228847994344, 'that': 0.040249019547583975, 'there': 0.02938454306037856, 'who': 0.024987486037450265, 'This': 0.017718758616521977}, {'the': 0.22406309721416842, 'of': 0.17858232370517446, 'and': 0.08061311568818712, 'to': 0.05521248374875897, 'a': 0.04606051834471876, 'his': 0.027904152503539736, 'in': 0.026273234883260367, 'at': 0.02200888540934586, 'for': 0.02110729860011379}, {'be': 0.23179166232507267, 'was': 0.13779519693483483, 'is': 0.11612008450128634, 'been': 0.09347248501656422, 'are': 0.08272510418991114, 'and': 0.07460287583660749, 'were': 0.05837332334728273, 'the': 0.05083155687552264, 'of': 0.03816194831738756}, {'of': 0.26267433639924403, 'to': 0.1334376786835935, 'and': 0.09688598431895228, 'for': 0.0935994443204343, 'that': 0.09251567171574805, 'in': 0.06755205174144566, 'with': 0.058978341138535124, 'by': 0.047351841442570444, 'all': 0.03467519179052436}, {'the': 0.15590042999905385, 'and': 0.14071849012077497, 'of': 0.07635578687953923, 'a': 0.061536010846529154, 'to': 0.05017066677301468, 'in': 0.033448849394898075, 'is': 0.01940643420515566, 'that': 0.018891423674764294, 'for': 0.01880329577676733}, {'they': 0.18504517275203594, 'we': 0.09743681310733489, 'who': 0.06750535270036095, 'They': 0.05478717256157265, 'We': 0.05389957442023948, 'there': 0.05062549794478238, 'which': 0.049181198659991446, 'There': 0.046147218273384576, 'you': 0.043995557267355705}, {'and': 0.13052965313972495, 'the': 0.12756240268775323, 'of': 0.10456222244034502, 'to': 0.06307319233009416, 'in': 0.038220929701835736, 'a': 0.03610535413710486, 'or': 0.029511148918926474, 'for': 0.015873840020990855, 'was': 0.015762251919686117}, {'five': 0.16806202411338797, 'ten': 0.16770752841335834, 'two': 0.09066522814020432, 'of': 0.08884273028855516, 'three': 0.06923473903312717, 'hundred': 0.04717881705144532, 'four': 0.04533219097408383, 'fifteen': 0.04391684664774634, 'fifty': 0.03845844671902627}, {'the': 0.27306463031666867, 'a': 0.18361721876492623, 'and': 0.0676828593705702, 'an': 0.06344789720075084, 'of': 0.03647125298991351, 'The': 0.02910839736478376, 'to': 0.024615860228354207, 'that': 0.020374441646351542, 'this': 0.018219606012035615}, {'was': 0.21794385340172584, 'is': 0.17819171759855518, 'be': 0.10622437184553954, 'been': 0.09274454354138861, 'are': 0.07225400991576457, 'and': 0.06848327614178702, 'were': 0.06495666009255822, 'have': 0.062094160385712166, 'has': 0.05316891450677001}, {'of': 0.16104402144012492, 'the': 0.09795513655066218, 'and': 0.09435955054038414, 'in': 0.04743748154624203, 'to': 0.035671613063985155, 'on': 0.024049789533626, 'by': 0.019731163006069585, 'for': 0.019328263605042584, 'with': 0.017468609846241816}, {'the': 0.20591114547471637, 'of': 0.1092509439913284, 'and': 0.08675881364934701, 'a': 0.0791016539121541, 'to': 0.05169986765308444, 'in': 0.040459764112003534, 'his': 0.029888056530255034, 'Mr.': 0.024337318220655067, 'her': 0.02343227092254206}, {'and': 0.2726437863372708, 'not': 0.10123106841955867, 'or': 0.093322166220881, 'that': 0.06850491663641149, 'was': 0.06112111632998953, 'is': 0.04882968567047133, 'be': 0.04438856591194944, 'but': 0.037066213552016704, 'had': 0.035480708854465415}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'in': 0.051751453364831536, ';': 0.013765939685385102, 'up': 0.012190226878878031, 'from': 0.010514601051823818, 'them,': 0.01018881250662673, 'thereof,': 0.009754449849970266, 'In': 0.00929844520292278, 'him,': 0.009127371657331036, 'benefit,': 0.009010295718821242}, {'the': 0.41243595469885636, 'a': 0.19803883769194822, 'and': 0.1282889079533451, 'The': 0.034797181804140535, 'tho': 0.01894789750289095, 'or': 0.01812121762883028, 'to': 0.015642990494678242, 'of': 0.014480431772971708, 'great': 0.01153775222522171}, {'the': 0.2594221912251006, 'of': 0.14135048323393917, 'and': 0.13104473068422226, 'are': 0.07773071228911071, 'is': 0.07646286010274535, 'was': 0.04010391919398907, 'in': 0.04000615588117481, 'by': 0.03803110161674745, 'more': 0.03702520044781557}, {'of': 0.2932481315382739, 'on': 0.14090919235638036, 'to': 0.10296118268832755, 'and': 0.10247254694163263, 'in': 0.09996932116070233, 'that': 0.06418943881328487, 'from': 0.05006383096054819, 'for': 0.03787718197308085, 'all': 0.03250702845872506}, {'the': 0.20849665906433557, 'and': 0.1142767670160047, 'of': 0.0996603529965147, 'The': 0.06524073313159189, 'that': 0.024980514504802553, 'these': 0.01841332784867121, 'a': 0.016378062967323737, 'or': 0.01599964531259606, 'to': 0.01465781744434432}, {'of': 0.04610280601449749, 'from': 0.03502033726070018, '<s>': 0.026804400460203295, 'are': 0.025066532951375394, 'and': 0.02471473987828092, 'land': 0.02273454692037686, 'in': 0.02185924214980882, 'the': 0.01940231353429445, 'is': 0.016885321569635518}, {'and': 0.1067815288313406, 'would': 0.08034424537961467, 'looked': 0.06555596377908242, 'looks': 0.059177296715616334, 'was': 0.05230614400337728, 'not': 0.04686109149178561, 'something': 0.04552431321546774, 'is': 0.04288187266680382, 'much': 0.04092384977280147}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'his': 0.24825373688691355, 'the': 0.23906813619919112, 'her': 0.11026039120671544, 'my': 0.09095963377870561, 'His': 0.0550425744044259, 'The': 0.04643529204657215, 'that': 0.030523973496678184, 'a': 0.024506039485868207, 'and': 0.020966955018466387}, {'the': 0.18409633249068436, 'of': 0.13362106055301115, 'and': 0.06622153166347654, 'to': 0.05457704510787527, 'be': 0.04715922596571689, 'a': 0.04026107484190918, 'their': 0.028959357398038194, 'his': 0.02564065623260636, 'for': 0.025095288774921894}, {'and': 0.08793627417053602, 'the': 0.058062596342082995, 'to': 0.05616145386902443, 'will': 0.05024895711553716, 'which': 0.04934421954894263, 'said': 0.04911162949450814, 'of': 0.048468472203261496, 'that': 0.03815540925302591, 'may': 0.03659240513259149}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'carry': 0.18281036161031505, 'through-': 0.1659987913497337, 'with-': 0.10472532803897346, 'carrying': 0.05989436857795188, 'pointed': 0.0481862496694261, 'and': 0.04287335829430306, 'sent': 0.03982769731396628, 'brought': 0.03556484937502764, 'carried': 0.03503961230482394}, {'is': 0.13654029982292276, 'of': 0.136434874151214, 'with': 0.1334188683177859, 'was': 0.1054295963206216, 'to': 0.0815106856628298, 'in': 0.07379608871745849, 'for': 0.0655496484908372, 'and': 0.05596082935616132, 'by': 0.04992015570273359}, {'of': 0.09400290162860477, 'the': 0.05021247282719051, 'and': 0.04593701122029225, 'in': 0.039689724099797465, 'a': 0.03955106009074535, 'to': 0.033628996744697666, '-': 0.028068341170203286, 'for': 0.01576655015567196, 'by': 0.013520211217340584}, {'and': 0.11466088913790702, 'that': 0.05532000573712739, 'as': 0.04709364811439039, 'which': 0.027921097184170882, 'the': 0.027643100012842033, 'of': 0.025193515050706702, 'but': 0.024181478855027992, '<s>': 0.02361422624512566, 'when': 0.021289870781935925}, {'of': 0.2724710679538904, 'in': 0.17577303406823624, 'to': 0.13600879843903624, 'and': 0.06526309153064792, 'on': 0.0640244975852505, 'that': 0.052828709418834836, 'for': 0.04692689298305581, 'by': 0.03920416266794161, 'In': 0.038818907853286164}, {'of': 0.10631112473892627, 'the': 0.09943241832474299, 'and': 0.08159794106622675, 'to': 0.08044019399615582, 'a': 0.0411705846870669, 'be': 0.032482607452970214, 'was': 0.026600329505008413, 'or': 0.02456876992697593, 'is': 0.021232665187409037}, {'the': 0.44647594704826055, 'and': 0.13815752977554308, 'The': 0.03737529618567388, 'tho': 0.034480972654605195, 'of': 0.022727986224837196, 'or': 0.019319172205803817, 'as': 0.018995989457879264, 'a': 0.018303333930244976, 'said': 0.017654311520723765}, {'to': 0.2290409200493107, 'a': 0.1553600600302263, 'the': 0.1388856896124613, 'great': 0.07447024198991097, 'of': 0.05846668729443815, 'in': 0.05608031319628766, 'large': 0.04907920014066542, 'and': 0.046826662296962855, 'full': 0.033600830218420516}, {'a': 0.4630737036962329, 'the': 0.3256713587054301, 'this': 0.04164088788757556, 'that': 0.021194570294132006, 'long': 0.01932970398771024, 'any': 0.018661651762527875, 'tho': 0.016605229785960317, 'same': 0.01494604462223886, 'The': 0.012708746601151911}, {'the': 0.3173535627880385, 'and': 0.07085335463939998, 'of': 0.06204704572676967, 'a': 0.05749562213352501, 'The': 0.03158933843789643, 'tho': 0.024254251876707274, 'in': 0.021223916801691292, 'or': 0.019199188019200883, 'for': 0.014911982927300225}, {'was': 0.16229123876950297, 'be': 0.1417838159756557, 'is': 0.13889283837204727, 'not': 0.11005290725492062, 'are': 0.07272089298850946, 'and': 0.06923721663658919, 'been': 0.06573299766144608, 'the': 0.06259013224245902, 'were': 0.048773702852412726}, {'the': 0.22789946718054654, 'an': 0.08885893429871324, 'be': 0.07721649368385919, 'in': 0.0697281568604719, 'his': 0.06452754822827522, 'and': 0.063142919104423, 'a': 0.04696720277202503, 'so': 0.04656348628202243, 'their': 0.03826390154727293}, {'spite': 0.04559317197445746, 'out': 0.04469516928781942, 'and': 0.042816006793876885, 'that': 0.03185133010767678, 'value': 0.0312894207837324, 'part': 0.029526243717860473, 'one': 0.027326223207267606, 'sum': 0.026527445086863187, 'amount': 0.0238170635976946}, {'one': 0.13128720717464162, 'some': 0.08461735365278528, 'many': 0.04847273074418403, 'all': 0.0434097698998669, 'out': 0.04262208938507716, 'part': 0.042306194817281824, 'any': 0.0301089147815544, 'most': 0.027783670858525438, 'portion': 0.02625388729213515}, {'last': 0.20385478098126916, 'the': 0.15723679747795855, 'this': 0.1324233384738481, 'Last': 0.11829719345364385, 'a': 0.09158679055584756, 'next': 0.08239179089046554, 'one': 0.055103614652200435, 'fiscal': 0.04749631590376269, 'that': 0.04195984411305966}, {'the': 0.3116326852378827, 'capital': 0.25824363752847423, 'and': 0.06666790426818944, 'a': 0.04289962676629673, 'of': 0.036336585149701416, 'live': 0.030226911100113846, 'The': 0.02765241440946065, 'common': 0.025226942507675425, 'large': 0.021926799236097305}, {'in': 0.051751453364831536, ';': 0.013765939685385102, 'up': 0.012190226878878031, 'from': 0.010514601051823818, 'them,': 0.01018881250662673, 'thereof,': 0.009754449849970266, 'In': 0.00929844520292278, 'him,': 0.009127371657331036, 'benefit,': 0.009010295718821242}, {'and': 0.055364117977614896, 'to': 0.04704770930725777, 'of': 0.032109861942473714, 'the': 0.02950830113442753, '-': 0.018970947648388505, '.': 0.01610117544671641, 'I': 0.01592882916802713, 'a': 0.014991537780649553, 'was': 0.013629476608954076}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.1538368872037331, 'and': 0.15343356103633918, 'a': 0.0650721151618131, 'of': 0.05642498217934431, 'to': 0.03324913498955477, 'be': 0.0298024836614999, 'Mr.': 0.02191093040488575, 'have': 0.021289594301931527, 'was': 0.021023445550151065}, {'the': 0.08231258523739886, 'and': 0.07739554602935723, 'of': 0.06288116648005086, 'a': 0.04579912094217674, 'to': 0.03638775910795839, 'at': 0.033774194230420974, '.': 0.02482220264834942, 'in': 0.02334187321577589, 'was': 0.016324259168491777}, {'and': 0.12736406877079495, 'the': 0.11092420913138946, 'to': 0.06378677253145253, 'of': 0.057196398190794355, 'a': 0.04036240300440353, 'or': 0.03922419265170544, 'be': 0.03753068388732642, 'was': 0.03712256587983413, 'is': 0.03516423370584931}, {'number': 0.061793755430564534, 'out': 0.038564210749562046, 'one': 0.03291682570561594, 'line': 0.032354279687239564, 'part': 0.0305707103483098, 'day': 0.027262230909886834, 'side': 0.02517866024198788, 'state': 0.025080692290987937, 'way': 0.02218527802004083}, {'a': 0.10522603050322524, 'the': 0.10242730525787162, 'and': 0.08855081895791235, 'of': 0.06259308903859157, 'was': 0.049376477334734555, 'is': 0.04133880149869396, 'to': 0.03597109969149224, 'be': 0.032909178117607144, 'in': 0.028560260554148162}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.20723176202795318, 'I': 0.16109365176551957, 'he': 0.15057873510557246, 'they': 0.06683010995988231, 'who': 0.06439800154982027, 'she': 0.05280497280291808, 'we': 0.03965093364969507, 'He': 0.03772914914104587, 'it': 0.037237802545454494}, {'a': 0.2551255777611505, 'the': 0.23510424853787223, 'any': 0.10072378626532229, 'that': 0.0768876047752589, 'this': 0.04691355556726983, 'every': 0.03993716030012861, 'greater': 0.038243453772756, 'latter': 0.029410411350112447, 'no': 0.026389307740317964}, {'and': 0.20437905477162038, 'the': 0.16095745800340433, 'of': 0.10848322964071036, 'in': 0.08443202168021469, 'to': 0.05125290320540872, 'was': 0.0492007732935065, 'is': 0.03325182971573275, 'are': 0.030034566121983124, 'that': 0.023546148613357132}, {'a': 0.16366591396812616, 'the': 0.14840020694595574, 'and': 0.13658302538794692, 'no': 0.13393873508028595, 'to': 0.09238857927550381, 'any': 0.06329170305143149, 'for': 0.05861080311711127, 'it': 0.05736662634110559, 'is': 0.05195414123869256}, {'and': 0.22365143887005104, 'that': 0.11793553615135136, 'as': 0.10205190674912124, 'even': 0.044085016682960346, 'but': 0.035724526130410966, 'him': 0.028312826931407395, 'see': 0.025707380121423214, 'or': 0.021276552025832864, 'asked': 0.019115155507131904}, {'the': 0.3643144423018478, 'a': 0.11579710339991663, 'his': 0.08461315606744597, 'their': 0.0651328154375998, 'of': 0.06169895010167051, 'and': 0.04240951064280583, 'The': 0.039441534324020956, 'its': 0.03440340495154099, 'in': 0.03246321879562434}, {'of': 0.37026053854824453, 'to': 0.10112663996769496, 'in': 0.08819432317914193, 'by': 0.07491249701695883, 'and': 0.06941239938946794, 'for': 0.06270243567533115, 'that': 0.05740090551951852, 'with': 0.04299781669015995, 'from': 0.0381534935197351}, {'it': 0.2672715177804225, 'It': 0.2583054861843466, 'there': 0.09519437165243035, 'There': 0.05946690137268673, 'which': 0.057446493130653364, 'that': 0.03395044683584892, 'he': 0.0334159403240495, 'This': 0.030782267199208176, 'and': 0.024892169000436313}, {'of': 0.13470036988374534, 'the': 0.09488553862415759, 'and': 0.07312423262004518, 'to': 0.07204023274823565, 'in': 0.047748323802994895, 'a': 0.03993813738598023, 'be': 0.03557506201615192, 'for': 0.034417615778310845, 'is': 0.02663873251258484}, {'and': 0.08444691184446533, 'to': 0.05456277507612179, 'of': 0.04650327560771132, '<s>': 0.03107168130008797, 'the': 0.0261516373997609, 'is': 0.025067431085010673, 'by': 0.02280332140516434, 'was': 0.022694256523966398, 'at': 0.0174483471837222}, {'of': 0.2687619285492462, 'in': 0.15429099959287323, 'to': 0.09857714409575319, 'and': 0.07212005509893034, 'with': 0.07071215835984063, 'for': 0.06530215842500654, 'as': 0.05159907401516248, 'by': 0.04867430312564293, 'that': 0.04701838290936289}, {'of': 0.17796578503636762, 'to': 0.15599646746088777, 'in': 0.09966585871627315, 'and': 0.07570146852719599, 'for': 0.07376720267964645, 'at': 0.05882470532898325, 'with': 0.04634542228954444, 'In': 0.046283911514089005, 'from': 0.033819081132897014}, {'difference': 0.18195415429467066, 'and': 0.03593371923546301, 'lying': 0.0354237489784309, 'line': 0.03170142578971208, 'out': 0.03004560886643296, 'it': 0.027712922791040415, 'relations': 0.025060162433031708, 'up': 0.023580583283465663, 'made': 0.020705975577820123}, {'it': 0.1682234456823729, 'that': 0.14334730737483484, 'It': 0.08941384373778134, 'and': 0.08293274467958187, 'which': 0.05396322846565949, 'he': 0.038837967615698035, 'be': 0.02022174793483197, 'There': 0.019119362046657637, 'fact': 0.01721552130113164}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'it': 0.2176503008488188, 'It': 0.12990066951516588, 'he': 0.09081758654511402, 'there': 0.08897400888389162, 'that': 0.049686060872120116, 'they': 0.0481701700830547, 'I': 0.043226903959117165, 'and': 0.042570162436034835, 'which': 0.0338103232518593}, {'the': 0.32306577503518535, 'and': 0.12691099798544006, 'a': 0.12036317933288222, 'of': 0.08852954783121753, 'is': 0.04960821835705952, 'was': 0.04872154483180597, 'in': 0.04612990723868906, 'attorney': 0.04569124931171685, 'brigadier': 0.04299715569616988}, {'of': 0.372250008230491, 'to': 0.115010741223047, 'that': 0.10674137818426689, 'by': 0.09020634328053226, 'and': 0.0898824512123781, 'with': 0.04566707098347421, 'for': 0.030355427395795973, 'as': 0.029725130785939222, 'all': 0.027480574881428844}, {'of': 0.4160977072184838, 'for': 0.1016176408171029, 'and': 0.08374783668202507, 'in': 0.07601286647895125, 'to': 0.05222167261483101, 'with': 0.048052242439390595, 'on': 0.045652388324708436, 'that': 0.04055440445944204, 'by': 0.03837499864278865}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'years': 0.47275350001278416, 'months': 0.09816345277585359, 'weeks': 0.0855455554906125, 'days': 0.0698414574881537, 'long': 0.06793029266963398, 'year': 0.05239046286104238, 'time': 0.04087961905723119, 'Years': 0.01878544991981556, 'week': 0.016012221115333628}, {'and': 0.17585063722392302, 'fact': 0.10400902578517979, 'said': 0.06844377842999533, 'so': 0.06232472237382234, 'believe': 0.04519952307692614, 'is': 0.039634011181226815, 'say': 0.03675663629906361, 'know': 0.036060715732595706, 'found': 0.03095250753294034}, {'by': 0.22633674282057162, 'no': 0.1383642927405602, 'and': 0.1339996780345441, 'the': 0.09116300815189468, 'a': 0.053627217820331634, 'of': 0.048703904138011456, 'which': 0.046920646687918066, 'This': 0.046037731959509144, 'this': 0.04394181709686927}, {'a': 0.32512258887347567, 'the': 0.30854911111376493, 'of': 0.09252979322117427, 'with': 0.0515540815959023, 'this': 0.039017274653040245, 'and': 0.03296225954559085, 'in': 0.03045266873076897, 'A': 0.02592902963794667, 'so': 0.024181516225775346}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'be': 0.25024120556638807, 'as': 0.15969772198634816, 'was': 0.12223141662655299, 'been': 0.09976035286194043, 'is': 0.0883911093273633, 'and': 0.06935859369327937, 'are': 0.036421495102089446, 'were': 0.02993786316573901, 'not': 0.023759251229072617}, {'of': 0.2801226335958243, 'to': 0.12448596117397116, 'and': 0.09897331778476708, 'for': 0.09461750062075662, 'in': 0.07344942202230897, 'with': 0.060619645472347904, 'that': 0.05472779970376492, 'by': 0.047116244172122755, 'is': 0.04211614059914167}, {'and': 0.1099564778746098, 'demand': 0.044988510015496246, 'ready': 0.027478192215882383, 'used': 0.02245991932645999, 'vote': 0.017521767867591454, 'as': 0.017398541153042218, 'him': 0.016818856306381264, 'candidate': 0.016799151152249864, 'not': 0.016765687866972707}, {'in': 0.17831071634309084, 'for': 0.15288283829349295, 'of': 0.14608337491179252, 'within': 0.07753756007710011, 'and': 0.06785450787002224, 'only': 0.06190377207193627, 'In': 0.05627073922004922, 'with': 0.0471648322568348, 'is': 0.04003434387689471}, {'a': 0.6396283487614941, 'the': 0.10698974978968041, 'of': 0.06522351590043438, 'with': 0.04901229230630325, 'A': 0.03630682109535104, 'so': 0.024793021023778915, 'this': 0.02181302053075598, 'that': 0.01648705555054067, 'and': 0.014034472738864583}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.1972178756266157, 'of': 0.1438323524747447, 'and': 0.08780998174929512, 'to': 0.05113049947164916, 'a': 0.04003365328380722, 'be': 0.03853571814440081, 'in': 0.03154283491851984, 'for': 0.029685846351416013, 'was': 0.02910583440800723}, {'of': 0.15985453877695838, 'the': 0.09502846416525065, 'in': 0.05845807207715751, 'and': 0.04749673608087739, 'that': 0.03780945476695417, 'to': 0.031324348349176294, 'The': 0.026721992530225346, 'for': 0.023155839315457248, 'Mr.': 0.019973943650508502}, {'the': 0.6982540538594773, 'in-': 0.08522274053002009, 'The': 0.05126875077105306, 'tho': 0.03788839540315608, 'in¬': 0.028261117432612833, 'in\xad': 0.02187258200498488, 'a': 0.01910728031757077, 'In-': 0.014899678880429722, 'ex-': 0.014644326007397564}, {'to': 0.403848891744666, 'will': 0.2465046187100441, 'would': 0.10598619701654595, 'shall': 0.05502934589809452, 'may': 0.03920412929632954, 'must': 0.03610710806354987, 'should': 0.035422633058705605, 'and': 0.019087619825158234, 'not': 0.016863460324403143}, {'is': 0.18582870030652213, 'well': 0.15460794774118797, 'be': 0.1062165795398068, 'was': 0.0654118875682882, 'not': 0.060209677431808724, 'been': 0.05181632779811929, 'are': 0.04694564724086244, 'and': 0.04658390517460511, 'have': 0.03590793285074792}, {'Mr.': 0.06488178202436107, 'and': 0.038591140054106535, 'the': 0.032067468780571706, '.': 0.027663466386155283, 'said': 0.023447903440146217, '<s>': 0.019153639927079722, 'of': 0.0168269069727485, 'at': 0.014670976897461031, 'to': 0.010010914041546935}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'land': 0.019008375758537158, 'in': 0.015042161756959925, 'State': 0.01475672080151066, 'men': 0.013239981247814264, 'good': 0.013094470497883148, 'state': 0.012983935432377823, 'power': 0.012345969105817717, 'relatives': 0.01129909742888685, 'up': 0.011184885109649195}, {'the': 0.057211136744173295, 'of': 0.05268979244197746, '<': 0.035686127379176966, '.': 0.03057622376914442, 'and': 0.026576642581091412, '-': 0.024457444964040988, 'i': 0.02226324613857874, 'in': 0.021413163703593665, 'a': 0.019701094375864432}, {'the': 0.08430387927271105, 'Miss': 0.08390046437236046, '.': 0.07235559472274479, 'of': 0.0714113864473262, 'Mrs.': 0.060900689970576564, 'Mr.': 0.0555518287012003, 'and': 0.04881589426742832, 'J.': 0.03686170141803286, 'W.': 0.03302017664280397}, {'is': 0.2693748316233924, 'was': 0.2155961741169097, 'are': 0.16833566903809613, 'were': 0.06592629178988108, 'do': 0.04874593926973455, 'am': 0.04319267158051089, 'and': 0.03653568494989565, 'Is': 0.036120164309820284, 'had': 0.035927162812912125}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'and': 0.12281401614448702, 'is': 0.07853393143390314, 'as': 0.06187983689468885, 'was': 0.054989244009102364, 'him': 0.054514689950581514, 'order': 0.05384319119471817, 'time': 0.047857223430872765, 'began': 0.04468986998269742, 'able': 0.044084009216149654}, {'the': 0.16866521496506504, 'of': 0.10134741350355506, 'and': 0.07055437288341877, 'a': 0.04534265260080411, 'to': 0.0413013158134652, 'his': 0.025910871644329928, 'be': 0.025020793975801862, 'my': 0.023697134385706232, 'I': 0.02200907055966385}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'is': 0.18972946248636194, 'have': 0.146127039607109, 'had': 0.1339513858126289, 'was': 0.09227501710467406, 'has': 0.08387773797547021, 'that': 0.0807889779299187, 'and': 0.0705403593371523, 'be': 0.05318753434650576, 'made': 0.035852680695645685}, {'at': 0.37844876918070414, 'to': 0.15993554858063713, 'of': 0.14587056977910895, 'At': 0.07190615423297078, 'in': 0.06811617120866122, 'from': 0.03848413257253323, 'and': 0.030069969959657612, 'for': 0.029893712884948923, 'that': 0.029189306679932928}, {'of': 0.13514665081176502, 'as': 0.10750325054107956, 'is': 0.10240190603846948, 'to': 0.09704220313309377, 'for': 0.09199238271600016, 'such': 0.07425312694461253, 'with': 0.0696379978706445, 'and': 0.05473662566617116, 'in': 0.0493040117711067}, {'the': 0.10660488846522352, 'and': 0.10623336632698874, 'a': 0.08382153555772762, 'to': 0.07477301052404826, 'of': 0.07038415650325382, 'be': 0.028904799140949004, 'is': 0.024751584693103214, 'in': 0.02465875354075711, 'or': 0.02284971025567001}, {'of': 0.2505061171032294, 'in': 0.19352024447897428, 'for': 0.07333479369419531, 'and': 0.06013101669700907, 'In': 0.05944626952510337, 'with': 0.05635449991513426, 'the': 0.04757998698360635, 'to': 0.04174853201421477, 'is': 0.040717427832323905}, {'the': 0.12251758203141075, 'a': 0.12018329735374324, 'or': 0.10525739652371581, 'and': 0.10243543354189356, 'no': 0.07933111405381404, 'much': 0.0683389463917837, 'of': 0.058743727811252616, 'is': 0.04662677542408886, 'be': 0.03431544765459639}, {'is': 0.20425824324078795, 'was': 0.10803023586578606, 'of': 0.09167664504400991, 'and': 0.0889715096965906, 'be': 0.08665145003195936, 'as': 0.07983009621090927, 'with': 0.07817734242423277, 'for': 0.07289986797869032, 'to': 0.05187056585455467}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'it': 0.16747301095601322, 'he': 0.15038518671492693, 'It': 0.15012693899070906, 'I': 0.08673225904607307, 'there': 0.05773480960566197, 'He': 0.052702735132203866, 'and': 0.03969218541356171, 'she': 0.03926310788856527, 'which': 0.0388707460451963}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'it': 0.2362756637425065, 'he': 0.16431471761064592, 'It': 0.13643329820792086, 'and': 0.06646498410169731, 'who': 0.043492556529752154, 'He': 0.04319854510832011, 'that': 0.03811553585177084, 'she': 0.030779354266383167, 'which': 0.02952392601214836}, {'to': 0.33635951466158126, 'will': 0.23009521839618746, 'would': 0.13386983970742578, 'may': 0.06556974556096813, 'shall': 0.05745152207775554, 'should': 0.0482577808663388, 'must': 0.04041476894631926, 'not': 0.03444738183067559, 'can': 0.016730054562243083}, {'do': 0.46031243666209026, 'did': 0.26260982010512784, 'does': 0.10755235268953929, 'could': 0.04852685791043995, 'would': 0.04351196459954879, 'will': 0.03087686964720613, 'and': 0.011023663495462126, 'is': 0.010694936458693743, 'should': 0.008643270715935155}, {'that': 0.19529459725552145, 'and': 0.1893205846914157, 'but': 0.10676670620972793, 'as': 0.07688705093448475, 'which': 0.058663178485630074, 'if': 0.03975885240158478, 'when': 0.03805535861827694, 'where': 0.02774861381497361, 'But': 0.025105247517370508}, {'the': 0.1211736170665205, 'of': 0.1128503917439216, 'for': 0.08885924395793275, 'to': 0.0764847582660944, 'in': 0.0631430914697367, 'and': 0.06125034394599638, 'a': 0.038777630988978136, 'be': 0.03006966964599402, 'that': 0.024425035912238467}, {'the': 0.2539824202224004, 'a': 0.15043548352238573, 'of': 0.1029163305710915, 'in': 0.04594242546214976, 'and': 0.02942523917205827, 'The': 0.028151159959974918, 'to': 0.0185564278387848, 'on': 0.01807785082092605, 'from': 0.014975840514111877}, {'of': 0.3714228052931078, 'in': 0.13027050288811273, 'to': 0.1126801666620426, 'at': 0.10229244946721025, 'and': 0.05340670022469687, 'from': 0.047956629010573744, 'by': 0.04110361932481826, 'for': 0.03962369633306177, 'on': 0.036950119654674}, {'the': 0.19562286545974122, 'and': 0.08210215890826428, 'a': 0.07285430231959578, 'of': 0.06740390745474954, 'to': 0.06543949730759961, 'so': 0.03317401232380278, 'is': 0.0309285392337911, 'in': 0.02758066527636791, 'be': 0.023650834831107286}, {'the': 0.7061257944457969, 'The': 0.06506807731943982, 'his': 0.044226461204095346, 'and': 0.030440590298214158, 'tho': 0.026512210536494035, 'a': 0.022952495668980215, 'of': 0.01697688875023681, 'this': 0.016165344790141915, 'that': 0.011502749276884801}, {'of': 0.11144181478467644, 'as': 0.09379334547632999, 'to': 0.07057559117275279, 'with': 0.06473614693882856, 'is': 0.06418392730936819, 'and': 0.06242782611585195, 'for': 0.05652234570058226, 'in': 0.046142587698582066, 'at': 0.04051786247177704}, {'and': 0.1313056501793289, 'made': 0.034551030036317, 'necessary': 0.03191530070016697, 'provide': 0.023191256277008975, 'him': 0.021827387004521748, 'time': 0.02091411247587312, 'but': 0.020346196766889778, 'pay': 0.02006785098451588, 'responsible': 0.019399383232926184}, {'the': 0.10025759217385784, 'of': 0.0761521872425835, 'to': 0.06755242676270015, 'and': 0.06310761650552735, 'a': 0.03565545743929124, '.': 0.03246207619844878, 'in': 0.029261549069580593, 'at': 0.026007711850505977, 'was': 0.02111774921177539}, {'and': 0.1579706765554349, 'of': 0.127036000620446, 'to': 0.08744022518332539, 'by': 0.08579960262685916, 'that': 0.08570771626215354, 'for': 0.08539248355826749, 'in': 0.0567060258946803, 'with': 0.05624144357325152, 'was': 0.04335600573863289}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'sum': 0.15971654149250689, 'rate': 0.07781565144944305, 'one': 0.04012198657596557, 'amount': 0.03308397556930531, 'out': 0.031884711727265085, 'number': 0.029332213397354496, 'consisting': 0.027098255804107296, 'instead': 0.024079689025433382, 'period': 0.02359314515168008}, {'the': 0.15725783260845674, 'Mr.': 0.11467335197818804, 'of': 0.07485380126492697, 'The': 0.04896984831686632, 'and': 0.04709381763178539, 'that': 0.04353377587227897, 'a': 0.03262830912917638, 'Mrs.': 0.022337715579871346, '.': 0.018467704340620273}, {'that': 0.24965642357422835, 'and': 0.15921940479170324, 'but': 0.08555820058901059, 'as': 0.07149450073524026, 'when': 0.06533617967914483, 'which': 0.06403586677889773, 'if': 0.03781086503442973, 'where': 0.030499946293478825, 'until': 0.021573599808582904}, {'was': 0.2657654094536391, 'be': 0.16597333402577552, 'is': 0.12561597263169688, 'and': 0.08833496645509707, 'been': 0.07926002800302274, 'were': 0.05863720946705885, 'as': 0.055089535114342156, 'are': 0.04439556317366314, 'being': 0.030637225149715466}, {'the': 0.14331823963293128, 'and': 0.09355876212745572, 'of': 0.07463273146561433, 'be': 0.06278863594112566, 'to': 0.06176958664817019, 'a': 0.051281754511237586, 'in': 0.026094173529248855, 'or': 0.023324903599032325, 'is': 0.02210694829741953}, {'was': 0.2066663752012319, 'and': 0.13773973308504964, 'be': 0.06974194799601284, 'is': 0.0669144349203081, 'had': 0.06590887145422152, 'were': 0.0630661498088404, 'are': 0.05759933645882429, 'have': 0.05587204495600726, 'been': 0.051734974492582006}, {'of': 0.17462044758861045, 'at': 0.08464470753963414, 'to': 0.07887558820745075, 'and': 0.07726720410413745, 'the': 0.06165350043613932, 'a': 0.04653942179055194, 'or': 0.039996506657405145, 'for': 0.026539903308864105, 'about': 0.02425448679356934}, {'the': 0.6329581509196098, 'a': 0.17444880976928495, 'his': 0.045504086118476825, 'The': 0.03334600749350718, 'tho': 0.033247254810758034, 'tbe': 0.01234028357365896, 'to': 0.012189945197576723, 'of': 0.012180235886805954, 'their': 0.010795162297321638}, {'<s>': 0.13874202177586237, 'it.': 0.020239830371140816, 'them.': 0.01617607558449156, 'year.': 0.011830516756584404, 'time.': 0.010714668829586242, 'country.': 0.010557832540815762, '.': 0.00900504243386098, 'day.': 0.00889641787462077, 'work.': 0.007201090647091704}, {'is': 0.09734039231446624, 'and': 0.05907313713824055, 'him': 0.04772446031598623, 'them': 0.038608200490763495, 'was': 0.03655954175075869, 'not': 0.03612657386017277, 'able': 0.03603818659836101, 'right': 0.03312609553142065, 'necessary': 0.026421196625186487}, {'John': 0.022640342024903434, 'James': 0.017942386555149493, 'William': 0.017083768240622892, 'Robert': 0.014729298376516247, 'Mr.': 0.013988117220221299, 'Joseph': 0.009893806553741013, '.': 0.009571612739994436, 'George': 0.009539280417391223, 'Charles': 0.007979132729562027}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'in': 0.11677902259792108, 'was': 0.10198411161891059, 'is': 0.09761031216812127, 'and': 0.08574738240645643, 'are': 0.06234142299233002, 'be': 0.06084428130230297, 'of': 0.0550093304423492, 'to': 0.0518221371321018, 'by': 0.032756922803921826}, {'the': 0.44484209898215815, 'a': 0.30116024655479784, 'of': 0.036623780050752675, 'in': 0.03261977249337505, 'and': 0.027606147280633098, 'for': 0.026628952220151072, 'to': 0.025487435709300288, 'tho': 0.020023391147620848, 'from': 0.015378077399467803}, {'it': 0.1392655652583725, 'he': 0.12198865129870436, 'It': 0.0920730759264974, 'which': 0.06588711175855988, 'I': 0.06221487354667309, 'and': 0.05220228347513967, 'who': 0.04105502827225842, 'He': 0.03721999320042121, 'that': 0.034840913784500716}, {'of': 0.34452588271586815, 'to': 0.14053060499453146, 'that': 0.09767585935923503, 'in': 0.08051919538440001, 'and': 0.06485821812150527, 'by': 0.0591508779935522, 'on': 0.05129505907459228, 'for': 0.04232183353079423, 'from': 0.037618293315382204}, {'and': 0.12666340255557512, 'made': 0.048400336374082864, 'necessary': 0.04369350825541969, 'care': 0.03745884597974461, 'impossible': 0.034805534273160625, 'it': 0.03339572914068616, 'enough': 0.03256562761698029, 'pay': 0.0317425664701979, 'responsible': 0.028580996040826763}, {'be': 0.14581106418508977, 'was': 0.1438943127593106, 'were': 0.09506626413394027, 'to': 0.06574117971256661, 'been': 0.05966408818674779, 'is': 0.05762677807562227, 'are': 0.05152793853391154, 'and': 0.04950446662359703, 'not': 0.03273189616265738}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.20051323864213347, 'of': 0.1121580187173921, 'to': 0.0794610807632604, 'and': 0.07830144778943067, 'a': 0.05649848262681797, 'in': 0.03454089741191692, 'be': 0.030242460953634313, 'is': 0.024885437758660686, 'for': 0.024600508670062263}, {'the': 0.3957368040556207, 'a': 0.11143427586621041, 'and': 0.10789748330182357, 'his': 0.07803653782890566, 'of': 0.05339785009364101, 'in': 0.038258687952654795, 'their': 0.035300409239202926, 'tho': 0.03315457964130381, 'The': 0.031082066230548572}, {'up': 0.030595517654431453, 'him': 0.02247482396668338, 'made': 0.01671768169736346, 'men': 0.01661589798536184, 'them': 0.015669417016180243, 'time': 0.015345685495218486, 'right': 0.014993269414344187, 'out': 0.01475535430593357, 'it,': 0.014077266849298173}, {'did': 0.22030926376498633, 'do': 0.20443666939926383, 'could': 0.14598162724668634, 'does': 0.1242678591908483, 'would': 0.08727878919288469, 'will': 0.08047715944447045, 'is': 0.0388435855940244, 'should': 0.028640090657469287, 'was': 0.02532930045795121}, {'to': 0.7136872136558773, 'and': 0.050655913683034536, 'not': 0.04983411058910447, 'could': 0.041121791133858894, 'will': 0.029482847703786116, 'can': 0.027905884571325368, 'we': 0.02128777771946055, 'you': 0.017666253420646177, 'they': 0.017632656277755582}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.24840890073656285, 'of': 0.08888402433400268, 'and': 0.08426746565564297, 'a': 0.07107488778469798, 'to': 0.0326360365633037, 'The': 0.029177918753083832, 'that': 0.02610804607841305, 'his': 0.023880054390228257, 'Mr.': 0.02313397661309}, {'the': 0.1287053056813113, 'and': 0.09508927028557602, 'to': 0.07119949655636888, 'of': 0.06102613577256228, 'so': 0.03421728976199958, 'is': 0.030015551339827497, 'be': 0.023127371175015583, 'he': 0.020689572386688632, 'was': 0.018665179604157495}, {'forenoon': 0.0582490741968471, 'one': 0.049862196816315006, 'result': 0.03987800092652688, 'out': 0.0376061003153729, 'all': 0.036286459703992496, 'part': 0.030758784493381777, 'some': 0.024394642915857804, 'much': 0.023956915270718103, 'is': 0.02381300320797522}, {'<s>': 0.04564796106986363, 'it.': 0.022456401489226084, 'him.': 0.013433744941024674, 'them.': 0.01272003179736771, '.': 0.009813931786993097, 'time.': 0.007105447489992379, 'again.': 0.006467470184604006, 'her.': 0.0057357410399633615, 'life.': 0.0055342032444633624}, {'the': 0.41296406278295605, 'a': 0.26458578220689455, 'of': 0.05506330647266888, 'and': 0.04409763977689732, 'for': 0.04163737822133492, 'The': 0.03799184211615087, 'A': 0.029857129698542293, 'some': 0.02564155850063607, 'his': 0.025337144916728085}, {'of': 0.3585146540859162, 'to': 0.11197911506510995, 'in': 0.08693652355331215, 'that': 0.07658434787929058, 'all': 0.06774596381120664, 'and': 0.06413545727502623, 'by': 0.057373267280138904, 'for': 0.04714341265098175, 'with': 0.03483732392567983}, {'-': 0.056481196456035304, 'the': 0.0390038431834793, 'and': 0.03811449495457733, 'of': 0.02479231188553516, 'an': 0.024490844872855574, 'a': 0.02077944988787592, '<s>': 0.014631701871233685, '.': 0.01388576944571451, 'it': 0.012048157509005798}, {'they': 0.12301274031911126, 'and': 0.07915763243045959, 'there': 0.07888072556515104, 'who': 0.06771730536970044, 'which': 0.060201514416648415, 'we': 0.05856157103505117, 'They': 0.054155051220114714, 'These': 0.04450000838709223, 'that': 0.043233622664107275}, {'the': 0.18659729806649833, 'and': 0.17388713186461233, 'of': 0.09843422853021846, 'an': 0.09010115268245444, 'to': 0.0759755659102125, 'was': 0.046777142314524345, 'be': 0.04070096790031435, 'with': 0.033755586873645944, 'or': 0.028327555187532744}, {'the': 0.214285870689502, 'of': 0.07829772066093779, 'and': 0.07359434146992844, 'that': 0.056336429598437376, 'The': 0.04620193913518397, 'a': 0.04514443543655489, 'Mr.': 0.036879922120144105, 'in': 0.02310936024620315, 'no': 0.020761603500860336}, {'one': 0.09011870075177028, 'out': 0.07184222173831309, 'part': 0.062296779890565736, 'some': 0.04469047989410629, 'account': 0.04430483992413245, 'any': 0.03062274357086134, 'all': 0.026797790022556507, 'that': 0.02576799466411198, 'tion': 0.0223424726678013}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'number': 0.1108337610744579, 'be': 0.046761682847750126, 'is': 0.03804209744382917, 'purpose': 0.03333748358663812, 'out': 0.028457684088110065, 'board': 0.028233930934081577, 'sum': 0.028071369494141546, 'matter': 0.028048089359858083, 'are': 0.028042391125081185}, {'the': 0.42176291607547806, 'National': 0.12803706126303602, 'State': 0.0864803391016902, 'a': 0.06010878206468858, 'said': 0.05756603399566237, 'City': 0.040944486075409084, 'this': 0.03303081210567005, 'our': 0.03112995325639343, 'Constitutional': 0.03025040468963496}, {'and': 0.09037612183219106, 'filled': 0.05054155335231365, 'covered': 0.04150425280316946, 'connected': 0.03412693325227088, 'parallel': 0.029210035202383206, 'accordance': 0.023837347554839426, 'charged': 0.02362182478117364, 'together': 0.02326452945681472, 'connection': 0.02243123022671318}, {'and': 0.16605019917530087, 'of': 0.11165583901443132, 'the': 0.07413208566219358, 'that': 0.029187165955520334, 'in': 0.017863915431485432, 'per': 0.015582997121803546, 'or': 0.014127162514130157, 'with': 0.013733041857221646, 'for': 0.012199008350147726}, {'be': 0.24782287810006356, 'was': 0.24627124920789775, 'is': 0.13477823493458624, 'been': 0.10232254729140211, 'were': 0.08959204380344568, 'are': 0.07609330334648967, 'Is': 0.02713781813455544, 'and': 0.02694976137335035, 'being': 0.016711810589708897}, {'the': 0.12368295746780741, 'a': 0.12354750497719522, 'of': 0.10701537418062389, 'in': 0.10469399903701203, 'and': 0.09338322190858207, 'to': 0.045213519461591085, 'In': 0.024931726220684673, 'an': 0.021031613026088206, 'as': 0.019625196742434355}, {'three': 0.2398645241315653, 'six': 0.16017217893620736, 'two': 0.12765262338105254, 'few': 0.11588867085010719, 'four': 0.08345209619178429, 'several': 0.05369559438800862, 'five': 0.051346165691795544, 'twelve': 0.030853923750769185, 'many': 0.030042156385692284}, {'and': 0.2317222589662489, 'that': 0.10951937435349136, 'of': 0.08519243279947193, 'when': 0.0829532399042605, 'do': 0.0592402400124026, 'if': 0.05231820247707748, 'as': 0.05214763173130545, 'but': 0.051724371368316494, 'all': 0.03860300588322424}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'.': 0.0996954862399195, 'Mr.': 0.07039165988566211, 'Andrew': 0.06304428886178262, 'A.': 0.05949684808882796, 'C.': 0.04598945885356867, 'W.': 0.04472943296639861, 'Mrs.': 0.04141866958550899, 'J.': 0.0404748760850242, 'H.': 0.03610306761768393}, {'of': 0.2592412636374613, 'the': 0.15482458004246383, 'in': 0.08087556061982248, 'for': 0.04273588218850706, 'and': 0.03364230558227264, 'to': 0.03252920399767517, 'a': 0.03148447240192798, 'at': 0.019302568206518197, 'by': 0.017505818142516952}, {'had': 0.17127843722795755, 'was': 0.12766838461844113, 'could': 0.12250537705403522, 'is': 0.09003483213150017, 'has': 0.08851917090436467, 'have': 0.08003085766884184, 'and': 0.07110107167987945, 'I': 0.05446861958528372, 'can': 0.04953915960756308}, {'the': 0.3928302284345021, 'a': 0.09175710185449283, 'and': 0.07121354696970199, 'The': 0.03881720693010198, 'of': 0.03125355764819848, 'tho': 0.02813070668081109, 'or': 0.01526820325849265, 'tbe': 0.014525774733706672, 'in': 0.01443956301185348}, {'and': 0.1179219744531123, 'the': 0.10988485088339045, 'of': 0.10151063961612823, 'to': 0.08866057866828453, 'in': 0.04897614668521211, 'be': 0.0378406672056019, 'was': 0.02595027067742168, 'a': 0.02535860102867006, 'on': 0.024253098678597082}, {'that': 0.34509079763207556, 'which': 0.12007881948877014, 'and': 0.08137652876211703, 'as': 0.06041316548085244, 'where': 0.04728672644872489, 'if': 0.04621753601473145, 'but': 0.040882224706913155, 'when': 0.03581660853568659, 'what': 0.030526135953862322}, {'to': 0.2663481373478181, 'not': 0.13659109881182116, 'and': 0.11427904536565252, 'will': 0.0991720159729304, 'a': 0.05920787204496706, 'would': 0.058002136254208816, 'I': 0.050778158524571314, 'the': 0.0421448875190874, 'we': 0.035043523298081865}, {'in': 0.022986427585462037, ';': 0.016461506818133496, 'up': 0.014521168359235727, 'it,': 0.009881106862303916, 'dollars': 0.009281688362390052, 'county,': 0.009178466406111464, 'time': 0.008844498433972512, 'him,': 0.007975108310850253, 'and': 0.007932671753465868}, {'and': 0.07733109498637052, 'is': 0.06895226670288761, 'able': 0.06841320966281975, 'right': 0.05466710652117049, 'have': 0.05287355630422042, 'order': 0.047356160214267404, 'him': 0.0467956515262719, 'ought': 0.04614934128452921, 'enough': 0.04608696122237797}, {'a': 0.3486285262962266, 'of': 0.13467663922122616, 'the': 0.12287331374234219, 'and': 0.07537928962471144, 'for': 0.03418531627634341, 'in': 0.03397492677580951, 'with': 0.03125546405777977, 'A': 0.03019947924502924, 'by': 0.025317967979870827}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'Board': 0.3271889648358211, 'number': 0.0348534165928945, 'State': 0.032999605360688085, 'House': 0.02544035351751832, 'state': 0.023358708639856323, 'line': 0.021058936120623435, 'out': 0.01964878691781593, 'city': 0.01814259710248412, 'Superintendent': 0.015247259154335559}, {'the': 0.22038313903105292, 'Mr.': 0.07937156760867098, 'of': 0.07368785948768332, 'The': 0.06437454493038172, 'and': 0.05944888902093017, 'that': 0.046904228525190425, 'a': 0.028819451762637286, 'his': 0.018895379103475607, 'Mrs.': 0.016510016796138643}, {'of': 0.38534870685032124, 'to': 0.1372891323221139, 'in': 0.10706282766426803, 'that': 0.058274778366228845, 'and': 0.05058590986718857, 'by': 0.04448381171202483, 'with': 0.038699639819141395, 'all': 0.03680188795413116, 'from': 0.03203074113260727}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'the': 0.25027286587165676, 'a': 0.21710565043864044, 'certain': 0.11780289478331579, 'said': 0.06090564744087814, 'con-': 0.04281633572794252, 'this': 0.027535553837843334, 'and': 0.02437866728698575, 'any': 0.0242360056207206, 'or': 0.02317832641294042}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.23547709409327158, 'and': 0.22174912758915147, 'about': 0.11159291347774677, 'for': 0.07831927795604718, 'than': 0.06698033565936065, 'to': 0.050569439772024306, 'at': 0.037940506989878456, 'or': 0.026104328462106693, 'nearly': 0.02225317447272811}, {'the': 0.17667003181260144, 'and': 0.1096955454843584, 'of': 0.10732924698257364, 'a': 0.07816680739233105, 'to': 0.06396486398734637, 'in': 0.042370922664674175, 'his': 0.027563602641905178, 'for': 0.022251425769991506, 'or': 0.021767070211520675}, {'sale': 0.4646398177897148, 'and': 0.06955154204457943, 'therein': 0.04095571222748313, 'was': 0.039013717939498996, 'be': 0.03055807977798071, 'is': 0.028657465115832396, 'as': 0.027975882066497593, 'mortgage': 0.02267836295522407, 'land': 0.022479518437966396}, {'judgment': 0.13065769314109504, 'and': 0.08604661613896088, 'protest': 0.060332963224776916, 'is': 0.0345923771625458, 'Judgment': 0.03175360196917018, 'was': 0.03144602176160759, 'action': 0.029718329484308647, 'made': 0.029661261707314125, 'be': 0.026164142330313202}, {'his': 0.27789764300731973, 'the': 0.23721077964279605, 'a': 0.10394919304150765, 'their': 0.0603356689542015, 'her': 0.06019871969233478, 'my': 0.045487142456858705, 'whose': 0.04124185384062471, 'to': 0.04082680195333183, 'your': 0.022679087175835753}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'and': 0.1703170864512418, 'of': 0.1425864388799108, 'to': 0.10057034351732148, 'the': 0.09371714654094128, 'by': 0.06753643935375155, 'was': 0.05656559132524841, 'be': 0.040660742031790285, 'been': 0.03802006788010935, 'Generally': 0.0372688415362541}, {'of': 0.20454702824234525, 'and': 0.13849564707853848, 'the': 0.07919286938114468, 'to': 0.0476809448478399, 'at': 0.047424286271505564, 'St.': 0.045545037131310195, 'by': 0.03546180650377085, 'from': 0.033292305368847565, 'Mrs.': 0.02820647859704549}, {'the': 0.5772563328400583, 'The': 0.13815001047097752, 'to': 0.06874221014569436, 'a': 0.05744585402323419, 'and': 0.0351957895766879, 'tho': 0.032894922587403286, 'tbe': 0.012765226937251418, 'of': 0.010690995181032628, 'his': 0.009575295441636107}, {'to': 0.44621153336280256, 'not': 0.10419126842188119, 'and': 0.10398315038400457, 'will': 0.07728923737429802, 'would': 0.06082482345003938, 'or': 0.029599199485716522, 'should': 0.02256933344507463, 'was': 0.018269858951922614, 'must': 0.017533734200260668}, {'of': 0.3065548854220922, 'and': 0.17288451908902136, 'are': 0.08570257678053864, 'by': 0.050319594940817974, 'to': 0.04494710803473126, 'in': 0.04428200520207456, 'for': 0.042980097320204184, 'from': 0.039887563836478866, 'as': 0.025705159332161897}, {'the': 0.8127246900482367, 'tho': 0.0454028249543299, 'The': 0.02455856961012175, 'of': 0.02441927427062235, 'tbe': 0.01591968476414749, 'and': 0.010306255798222969, 'by': 0.008187100050527928, 'in': 0.007119414237890772, 'from': 0.004889078323088273}, {'line': 0.045800398055648214, 'corner': 0.0455584705887012, 'city': 0.044363536183444935, 'place': 0.04258603419974806, 'side': 0.04166202568135684, 'out': 0.0340520795078298, 'half': 0.029041952671968976, 'day': 0.029001080565213135, 'feet': 0.02874571287856937}, {'the': 0.5854524547605866, 'corporate': 0.18048575581546047, 'tho': 0.03481188633840929, 'The': 0.025590276475065704, 'a': 0.020302094518657176, 'tbe': 0.01410728765300161, 'first': 0.011322270380833395, 'porate': 0.00836462148754289, 'present': 0.00751874178302918}, {'that': 0.24965642357422835, 'and': 0.15921940479170324, 'but': 0.08555820058901059, 'as': 0.07149450073524026, 'when': 0.06533617967914483, 'which': 0.06403586677889773, 'if': 0.03781086503442973, 'where': 0.030499946293478825, 'until': 0.021573599808582904}, {'the': 0.4300187294299611, 'a': 0.24228057931420122, 'The': 0.07624048607789896, 'of': 0.06789403266405805, 'and': 0.03964780987599832, 'A': 0.023395515850276077, 'tho': 0.020154110425527547, 'this': 0.019695843974937403, 'with': 0.01965177355494846}, {'that': 0.20244782064474404, 'and': 0.12926404005756484, 'as': 0.11635718830830377, 'when': 0.10060166800641566, 'which': 0.09001167150005084, 'if': 0.06635892954384778, 'where': 0.04948930299763692, 'but': 0.043949411759494565, 'until': 0.03193951419492309}, {'to': 0.27379030202973453, 'the': 0.20512228944651464, 'at': 0.10408130342545058, 'of': 0.07515465071560556, 'his': 0.0591074871355515, 'their': 0.05017626566748527, 'and': 0.03896260279110232, 'no': 0.029676227057985748, 'will': 0.025243705715933453}, {'and': 0.0864296259854676, 'as': 0.07357446413233897, 'right': 0.06747941869975317, 'enough': 0.06522017876662024, 'necessary': 0.06340857212698145, 'order': 0.061670497338176644, 'is': 0.05340699149848889, 'able': 0.05086048924263802, 'made': 0.03982801617425641}, {'of': 0.1817604482085929, 'and': 0.11837154074229506, 'the': 0.11376120169954601, 'to': 0.07186081251109015, 'a': 0.06780365487080228, 'by': 0.061039860536369124, 'for': 0.05885570587936423, 'with': 0.02871409166676103, 'that': 0.027901649451538876}, {'and': 0.17825465048087452, 'the': 0.1228395637379975, 'is': 0.09002848917247089, 'an': 0.08142583043766125, 'was': 0.07426197704753329, 'are': 0.06692029756243191, 'be': 0.0644457628429669, 'that': 0.05027280931155194, 'been': 0.04510982088034575}, {'the': 0.15837427974745888, 'Mr.': 0.11816852971419574, 'of': 0.06549818841649092, 'and': 0.060346058000906255, 'was': 0.03410934746412883, 'The': 0.027363413956855813, 'a': 0.02424675018383822, 'Mrs.': 0.020992315930342825, 'I': 0.019483118675583312}, {'of': 0.3966288698433405, 'to': 0.12693405747304892, 'in': 0.09540246965416523, 'on': 0.05694191118304106, 'by': 0.054688173655780055, 'and': 0.05134535271313414, 'with': 0.043898266322634875, 'that': 0.03927069599096251, 'for': 0.03506274589916915}, {'of': 0.32547034009067255, 'in': 0.22004203928642377, 'to': 0.09301349054210752, 'for': 0.07382295821372951, 'with': 0.0537849586694257, 'that': 0.04997924433607019, 'and': 0.045336957789703036, 'In': 0.03788113436622582, 'no': 0.03021412751708614}, {'to': 0.48727070633222114, 'will': 0.14336697448588542, 'and': 0.09275143040064751, 'would': 0.08065909302907323, 'not': 0.07043566158421499, 'shall': 0.023790451817972236, 'may': 0.020376685251621774, 'they': 0.01792442978417082, 'can': 0.017332921350655766}, {'the': 0.8313307991261931, 'this': 0.05290701698739019, 'tho': 0.029111644599821025, 'tbe': 0.012882179094406832, 'our': 0.012006685913940067, 'a': 0.011908677919181179, 'The': 0.007183084305353635, 'said': 0.007129965141363149, 'civilized': 0.0043987395006221475}, {'of': 0.48080658544134186, 'to': 0.12712486115765426, 'in': 0.10775124223848438, 'by': 0.049680890423968435, 'for': 0.0408750246525946, 'from': 0.025975305061464473, 'the': 0.023940581607502467, 'that': 0.022949196225816388, 'and': 0.022503343586478416}, {'the': 0.7419755576121931, 'an': 0.042296543785587455, 'tho': 0.0382451451772859, 'The': 0.035938487088343435, 'of': 0.029652270620183798, 'in': 0.02878960493757831, 'tbe': 0.018794981650916927, 'and': 0.018132810908585352, 'a': 0.016271564774459957}, {'a': 0.32583975072113075, 'the': 0.24098733251804474, 'and': 0.0587251039612726, 'of': 0.045973307020199604, 'his': 0.04280559186869706, 'their': 0.03063808088603351, 'The': 0.02903363780901811, 'this': 0.01923177960153479, 'our': 0.015919327716578606}, {'the': 0.6553598371113366, 'a': 0.11766029379559509, 'tho': 0.03525588889227793, 'The': 0.027918890293229314, 'tbe': 0.01256146753206024, 'A': 0.01186546646914254, 'in': 0.009860909923279603, 'of': 0.009562603879134305, 'great': 0.008884065750664383}, {'the': 0.6421297655715402, 'of': 0.06348122946716428, 'American': 0.05031300908887001, 'our': 0.042056186614805154, 'a': 0.03903461637077966, 'his': 0.03831016630978187, 'tho': 0.029313986522068448, 'other': 0.0221181153400518, 'these': 0.01646957543695577}, {'and': 0.14050533643796728, 'to': 0.09195296615748379, 'the': 0.04808894750724568, 'of': 0.04671774575590921, 'con-': 0.03604907285185595, 're-': 0.03354883676216938, 'that': 0.03295680744210366, 'or': 0.03138807700464596, 'which': 0.02580919841022623}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'it': 0.029223442129577924, 'them': 0.028021375237362863, 'him': 0.0216058274009808, 'made': 0.020113950137427818, 'and': 0.01631136833794873, 'men': 0.015528369754511214, 'work': 0.015369996972549144, 'feet': 0.014830726200046577, 'there': 0.014375069786715365}, {'one': 0.08336320477165524, 'part': 0.05901560280912004, 'out': 0.05619394591315955, 'and': 0.043027148427898655, 'that': 0.04184261692704409, 'all': 0.03697189169212229, 'front': 0.030735005794393377, 'portion': 0.03021907238583394, 'some': 0.02569600825723106}, {'the': 0.3967151024498011, 'his': 0.18143748896721915, 'The': 0.07309479112766526, 'my': 0.06736984735558382, 'their': 0.056332958474381085, 'her': 0.04581917601690356, 'no': 0.04341101631089904, 'our': 0.035262200216178874, 'an': 0.02946250135978122}, {'to': 0.47027385867717847, 'will': 0.1229874274948447, 'not': 0.07547800104859022, 'would': 0.06563086802147826, 'and': 0.061422606779530806, 'you': 0.02974945591392761, 'they': 0.028471274559459175, 'should': 0.02806866727808886, 'must': 0.0219797246581411}, {'to': 0.29383765242688825, 'and': 0.1699618932625093, 'will': 0.07316812379756964, 'not': 0.0728704325255787, 'would': 0.05427686953792944, 'be': 0.04850325770626608, 'they': 0.04379449472175033, 'shall': 0.03541629203595247, 'the': 0.03154234335983024}, {'the': 0.1287053056813113, 'and': 0.09508927028557602, 'to': 0.07119949655636888, 'of': 0.06102613577256228, 'so': 0.03421728976199958, 'is': 0.030015551339827497, 'be': 0.023127371175015583, 'he': 0.020689572386688632, 'was': 0.018665179604157495}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'purpose': 0.08215759075837217, 'number': 0.05846007032159888, 'instead': 0.05735672719402623, 'means': 0.05648919616012323, 'out': 0.05169671950242721, 'kind': 0.04323709497832884, 'amount': 0.04224453878444509, 'lack': 0.04132193413203187, 'method': 0.03817135980553949}, {'hundred': 0.07369173944870851, 'Hundred': 0.018943398396970238, 'dull': 0.01703622708051391, 'quiet': 0.01665553931370559, 'up': 0.0157953079454038, 'men': 0.014735318554913833, 'north': 0.013992966674171554, 'street': 0.013789379499495213, 'east': 0.011164232424500696}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'of': 0.24321861201886408, 'the': 0.11660224633302789, 'his': 0.07656453561734299, 'in': 0.05580010840399282, 'at': 0.05075481487616212, 'with': 0.03833727274886776, 'for': 0.03801501163584485, 'her': 0.03463348533118778, 'their': 0.032180132428089744}, {'to': 0.5402843001465518, 'will': 0.17584075501846075, 'would': 0.08244454690719538, 'and': 0.05762221250627702, 'may': 0.03175112913153743, 'shall': 0.023652970897703025, 'should': 0.017758126018216445, 'could': 0.0163808091857053, 'not': 0.015487895193866359}, {'rea-': 0.29387724016388805, 'per-': 0.25173538544734136, 'the': 0.08230972793503363, 'per¬': 0.07666922484108331, 'per\xad': 0.05362593027783381, 'les-': 0.04962165726034755, 'and': 0.027808117036313782, 'his': 0.01758501227468783, 'rea¬': 0.016742886665086325}, {'and': 0.1306999424364604, 'to': 0.11921842247518692, 'in': 0.05702389809518679, 'I': 0.05256004057011492, 'of': 0.036385388150698104, 're-': 0.03411305898108789, 'the': 0.028526022650604464, 'not': 0.02461422548785277, 'he': 0.02216497128619617}, {'the': 0.14731877603250504, 'of': 0.1068387203569309, 'and': 0.08781693244302409, 'a': 0.07225835948427685, 'to': 0.0541147836953614, 'in': 0.03199683843836418, 'with': 0.02396925079791796, 'by': 0.019121661764414183, 'for': 0.01881483838906548}, {'the': 0.5140325996188254, 'County': 0.25179954290105033, 'The': 0.031504443441673746, 'tho': 0.030410662678743768, 'by': 0.025209694775554355, 'tbe': 0.015179319948565596, 'Land': 0.013457581529322065, 'said': 0.013274456487190974, 'of': 0.011847545905817434}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'the': 0.036842154537224746, 'and': 0.030853486331812355, 're-': 0.021655994849568004, 'of': 0.01906904295931929, 'a': 0.014774179210689771, '.': 0.014648165819929084, '-': 0.013712465190485114, '<s>': 0.011820296284184259, 'that': 0.009540851408081029}, {'the': 0.14727374770709076, 'and': 0.08429899469151092, 'of': 0.061978487376914866, 'in': 0.03336396732355623, 'to': 0.03222299079872638, 'that': 0.02786806527164334, 'was': 0.02596823952193748, 'I': 0.024951558740915883, 'be': 0.02403668786403321}, {'time': 0.3709786119752285, 'and': 0.07269297126329154, 'as': 0.06550900693585349, 'him': 0.034066374008314776, 'is': 0.02830631181744077, 'them': 0.026933779533324487, 'required': 0.025825362394706453, 'subject': 0.021297871749816552, 'order': 0.02060853624895907}, {'in': 0.051751453364831536, ';': 0.013765939685385102, 'up': 0.012190226878878031, 'from': 0.010514601051823818, 'them,': 0.01018881250662673, 'thereof,': 0.009754449849970266, 'In': 0.00929844520292278, 'him,': 0.009127371657331036, 'benefit,': 0.009010295718821242}, {'up': 0.07469094173326384, 'addition': 0.06490775315471498, 'and': 0.05883970137780779, 'came': 0.05391000139087671, 'as': 0.05313602455541655, 'due': 0.04195010638163455, 'according': 0.04101249375720817, 'reference': 0.03993646584164144, 'sent': 0.039190996417252065}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'that': 0.21861325212258953, 'and': 0.1493793702115908, 'if': 0.08726257699858068, 'will': 0.06486036497829592, 'If': 0.04745956974850826, 'as': 0.044960603380514545, 'would': 0.04053571952977789, 'is': 0.037267086749045136, 'for': 0.03572902207632907}, {'of': 0.3648765531473883, 'in': 0.139519881190207, 'to': 0.1201092751105924, 'at': 0.06489549091463555, 'for': 0.05637132692546761, 'and': 0.05316366254277908, 'from': 0.04596039772995951, 'that': 0.03977574721756684, 'with': 0.03901111973123916}, {'Mr.': 0.08334657395515102, '.': 0.06177389655405285, 'to': 0.054654835510398125, 'and': 0.04881971967930647, 'of': 0.042016901017607224, 'Mrs.': 0.034687790776198144, '<s>': 0.020072176379061033, 'A.': 0.017552602942855558, 'J.': 0.014702445639005269}, {'four': 0.27843753313229913, 'three': 0.1585233952552474, 'two': 0.11440871822560023, 'five': 0.04461619184736256, 'one': 0.04274670834839159, 'ten': 0.03163673566388875, 'eight': 0.030488156148924528, 'six': 0.026153509618217535, 'hundred': 0.018469154007307555}, {'and': 0.21429252359473397, 'the': 0.1228063472038486, 'of': 0.10643512662411066, 'in': 0.10114946743454806, 'are': 0.06024213005301172, 'by': 0.04840665760807239, 'for': 0.035792665814043605, 'is': 0.03177493491042861, 'In': 0.031048393856159668}, {'to': 0.29605476047659113, 'in': 0.24682029336736405, 'In': 0.1482400454100796, 'of': 0.05871778789574468, 'the': 0.051913597393482905, 'a': 0.04546722865665873, 'this': 0.03487813754262227, 'and': 0.025884990653628714, 'without': 0.017470967205173313}, {'of': 0.40984425281338366, 'to': 0.09061596998547548, 'by': 0.08596740173319749, 'on': 0.07376337850494927, 'and': 0.061574357589349746, 'that': 0.057505258459263575, 'in': 0.05133521206071086, 'from': 0.030655384181489283, 'at': 0.029618932849498306}, {'away': 0.06925205172028555, 'and': 0.06007808449668492, 'taken': 0.04760906637168378, 'miles': 0.0428166599829834, 'feet': 0.03837562943164214, 'come': 0.026889243450533045, 'them': 0.026073675669967263, 'out': 0.02484981837258804, 'came': 0.02410733092637395}, {'the': 0.17259713434005025, 'of': 0.10293073232041454, 'a': 0.0849706858676569, 'and': 0.05313687900229971, 'or': 0.042232827593931904, 'to': 0.0405057052805797, 'in': 0.03422281356011614, 'any': 0.024320751750585658, 'be': 0.019453024573303165}, {'the': 0.22427703516507103, 'pro-': 0.14119687970541395, 'a': 0.08797076535374909, 'to': 0.04045076856970146, 'and': 0.035427924732359686, 'pro¬': 0.033527461990395226, 'pro\xad': 0.02722880079049815, 'or': 0.02514109721508275, 'The': 0.022904547436886347}, {'the': 0.16624505173185256, 'was': 0.15767390314021767, 'of': 0.1468798849089509, 'and': 0.09994460283602873, 'be': 0.0738867498707144, 'were': 0.06487755358205172, 'is': 0.0632398839468223, 'been': 0.035419063749480784, 'are': 0.03275863001517376}, {'the': 0.09824573324225543, 'N.': 0.05480468954231084, '.': 0.0541207043939306, 'and': 0.0483831200005899, 'of': 0.04837667218937407, 'Mrs.': 0.03500205996307615, 'A': 0.03333248975165033, 'The': 0.03159315305508973, '&': 0.03144003630659898}, {'as': 0.11715028463948621, 'or': 0.06712935388729169, 'opposed': 0.052971359932449925, 'come': 0.04682797457432384, 'and': 0.04468218198192506, 'up': 0.03588228621840847, 'regard': 0.03475073112482328, 'equal': 0.03419919541710115, 'entitled': 0.03336337407170024}, {'of': 0.36462804849404723, 'in': 0.12862309782684433, 'to': 0.10418654280519277, 'by': 0.06935145143441539, 'and': 0.06122910741757261, 'that': 0.05559093415327699, 'from': 0.05322363042193216, 'for': 0.04443103961359103, 'with': 0.043160980048223246}, {'of': 0.3778164753738267, 'in': 0.12749334769021956, 'to': 0.09369087291726069, 'on': 0.08917671359799968, 'by': 0.06167873330635778, 'with': 0.043642820312418666, 'that': 0.04080715581763652, 'at': 0.03567709366550499, 'from': 0.03418479265874322}, {'and': 0.17168654779504963, 'that': 0.10982558089300945, 'which': 0.0761279537729747, 'as': 0.0744372006781389, 'when': 0.07342323246752736, 'but': 0.05227897413362018, 'if': 0.03354819547158544, 'where': 0.02026991711349393, 'so': 0.017939539447867466}, {'and': 0.17585063722392302, 'fact': 0.10400902578517979, 'said': 0.06844377842999533, 'so': 0.06232472237382234, 'believe': 0.04519952307692614, 'is': 0.039634011181226815, 'say': 0.03675663629906361, 'know': 0.036060715732595706, 'found': 0.03095250753294034}, {'and': 0.058607614627069315, 'able': 0.050117629050245215, 'right': 0.04555795555919313, 'order': 0.04169182570515024, 'him': 0.032945600016762486, 'is': 0.025856532084853404, 'them': 0.022957453575697787, 'attempt': 0.02292679786999641, 'enough': 0.022611444076374457}, {'the': 0.1726796885368528, 'of': 0.1590282832058604, 'in': 0.1077080424783161, 'a': 0.06657652008118738, 'to': 0.05140264410292414, 'at': 0.04579061275730105, 'and': 0.03243753963400496, 'In': 0.026348456765455944, 'that': 0.023342393037801976}, {'of': 0.32214525288500007, 'the': 0.0999188708129857, 'to': 0.09135071684366337, 'at': 0.07546492552547644, 'in': 0.050078410860759696, 'by': 0.03679458827889567, 'with': 0.03587975163169675, 'and': 0.034072086308217314, 'on': 0.0337204866878864}, {'the': 0.09465852141043161, 'and': 0.07988974624357965, 'of': 0.07668969562173271, 'to': 0.06738788201408927, 'a': 0.05910141492982904, 'in': 0.03531294015657826, 'at': 0.024702761236418673, 'or': 0.019890294953798203, 'that': 0.01479619713910379}, {'and': 0.1313056501793289, 'made': 0.034551030036317, 'necessary': 0.03191530070016697, 'provide': 0.023191256277008975, 'him': 0.021827387004521748, 'time': 0.02091411247587312, 'but': 0.020346196766889778, 'pay': 0.02006785098451588, 'responsible': 0.019399383232926184}, {'and': 0.09377129454296322, 'was': 0.04271315341537484, 'out': 0.028524574363226172, 'that': 0.02811573968936019, 'placed': 0.027131868575018914, 'work': 0.02578173844450971, 'made': 0.024681420068921236, 'is': 0.024021050156212566, 'up': 0.023509378606325886}, {'on': 0.23711666165770467, 'of': 0.21023860511275494, 'in': 0.12816776452603212, 'at': 0.0674344678442794, 'to': 0.066237049201348, 'from': 0.05319248387120976, 'In': 0.04899368966472193, 'On': 0.048346623280131576, 'and': 0.039891743670656975}, {'the': 0.12533168439691064, 'and': 0.06850798711092711, 'a': 0.03310221103294305, 'of': 0.02865849263634676, '.': 0.02139077814609405, 'that': 0.019999966002351467, 'to': 0.01606503824491145, 'for': 0.01497052868414985, 'The': 0.013671014679159202}, {'the': 0.18474170859291153, 'of': 0.09679835659417563, 'and': 0.0646528579488119, 'that': 0.049799969594857225, 'a': 0.038198765469230934, 'or': 0.038179255161885806, 'Mr.': 0.030754170622536863, 'in': 0.028982215493997397, 'The': 0.026529813457791276}, {'Mr.': 0.3674143803065944, 'and': 0.10871608274058268, 'Mrs.': 0.09058893156204748, 'Miss': 0.09028205499704542, 'General': 0.049299123333351035, 'of': 0.04633441984269003, 'the': 0.04327092162644155, 'Gen.': 0.03877966363976336, 'Dr.': 0.030514334868909625}, {'of': 0.24948759136172527, 'half': 0.15961820613917985, 'for': 0.1192317307542668, 'in': 0.09859254853671358, 'and': 0.05851280147107067, 'about': 0.055771106281666816, 'as': 0.05115092189649647, 'to': 0.04129984481964386, 'cents': 0.039943491911041955}, {'the': 0.5945663549091509, 'said': 0.1345872382197777, 'and': 0.036442299736746286, 'tho': 0.02601404813588178, 'this': 0.02571237202927537, 'The': 0.02133303173761977, 'a': 0.019441653882193682, 'of': 0.015100978989309035, 'tbe': 0.013170170783140592}, {'that': 0.24518832228121373, 'and': 0.1774511864229357, 'which': 0.11564753278702528, 'but': 0.07527064641576942, 'as': 0.06011157558036081, 'when': 0.05111040334296318, 'to': 0.030375862655894644, 'where': 0.029254414776844335, 'if': 0.026267776143043573}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'the': 0.14651767028650897, 'and': 0.10280181339946678, 'of': 0.07164139889404732, 'to': 0.06710968865667367, 'in': 0.043620235518656805, 'was': 0.04085328919635116, 'a': 0.03773596883616436, 'be': 0.034467327867332885, 'is': 0.024743356400790086}, {'the': 0.2975513357480758, 'and': 0.1712219962543207, 'a': 0.08882644052050451, 'or': 0.08658407463864996, 'all': 0.06504855566637216, 'their': 0.061788211053834106, 'of': 0.04330602237804766, 'no': 0.03908791351253891, 'other': 0.03839628579262583}, {'virtue': 0.07446520038896885, 'out': 0.065008335608151, 'part': 0.03947215825672998, 'one': 0.03562890125655043, 'quarter': 0.03241584136443704, 'favor': 0.0239235849421329, 'result': 0.023354276051738905, 'guilty': 0.022667050730808908, 'means': 0.022196791642065155}, {'and': 0.12705431773389264, 'the': 0.12658530363856774, 'to': 0.0993872783315663, 'of': 0.07523664658871597, 'was': 0.042229253087585863, 'be': 0.039852877257653456, 'a': 0.03672879446757901, 'in': 0.02846383928349675, 'is': 0.02767027251089864}, {'the': 0.20417407130043264, 'of': 0.11718208140535884, 'or': 0.0994237749548209, 'any': 0.05078695673607572, 'to': 0.049590479653375985, 'a': 0.04924851632990754, 'his': 0.04754939743629901, 'their': 0.03539002632032225, 'and': 0.034592757668438105}, {'.': 0.03897311295924445, '-': 0.026777588972183654, 'a': 0.025325878688779488, 'and': 0.01529138604655655, 'of': 0.015253701263095333, 'the': 0.015209916500888617, 're-': 0.015002625806660076, 'I': 0.012414954826045621, '<s>': 0.011611061549256682}, {'Notice': 0.4545490396573789, 'notice': 0.14802802576368151, 'it': 0.053304870074135514, 'It': 0.049715862647270556, 'that': 0.027833279954468364, 'which': 0.02636683690869189, 'reference': 0.021578190692208066, 'there': 0.020800487705626067, 'he': 0.018486028508188233}, {'of': 0.15630137730751212, 'by': 0.08223210669322652, 'to': 0.07180217310598579, 'that': 0.0697860171227717, 'and': 0.06860313108410063, 'with': 0.027549174244935564, '<s>': 0.02367243312489382, 'which': 0.02017544874624105, 'as': 0.017332841528940258}, {'of': 0.39548832933420514, 'in': 0.1423263307598687, 'the': 0.09724457439700095, 'for': 0.07465015307882761, 'and': 0.06649215400523954, 'to': 0.05819976339086131, 'by': 0.03241086610150762, 'with': 0.031075257955140385, 'In': 0.02747929507970819}, {'and': 0.08362943294997585, 'together': 0.07769806815080653, 'connected': 0.0635902168573379, 'connection': 0.06228367212358626, 'accordance': 0.047530813078388766, 'comply': 0.026000666542743977, 'acquainted': 0.023189098613704624, 'compared': 0.02214887744238745, 'contact': 0.01973810078197255}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'as': 0.17096281859205414, 'very': 0.10317490520116422, 'too': 0.0873857796947105, 'and': 0.08282128380777458, 'so': 0.08110822068373211, 'be': 0.07308458140333382, 'is': 0.06841016610252752, 'was': 0.06537303181072517, 'are': 0.05769198026283639}, {'the': 0.8844239874864931, 'tho': 0.04756948702344427, 'The': 0.02033430666769642, 'tbe': 0.014816209185575809, 'of': 0.01068097499444848, 'and': 0.002900692842559579, 'by': 0.0026848525152412873, 'a': 0.002620734900998062, 'tlie': 0.0017922399025080053}, {'the': 0.1331954013331003, 'of': 0.10395761905650669, 'and': 0.09166744382168995, 'a': 0.0674867672110823, 'to': 0.04481959524883369, 'was': 0.033914181021321675, 'be': 0.027669522756191306, 'is': 0.023821375196731925, 'been': 0.01992601692954109}, {'and': 0.16790788273882898, 'he': 0.1637135959247739, 'I': 0.14234891106866923, 'they': 0.07197762014327956, 'we': 0.04827940736215188, 'then': 0.04574215322986277, 'who': 0.04014859057735407, 'she': 0.037504901876752414, 'He': 0.02808218529118486}, {'is': 0.23058049494150668, 'are': 0.13824885477137425, 'and': 0.11221059815848088, 'was': 0.09800622479211897, 'for': 0.07440661185094095, 'of': 0.05724554293921207, 'do': 0.03225290110527054, 'will': 0.03136191069183722, 'were': 0.030291317139727065}, {'the': 0.6147534042361268, 'and': 0.05299533108709525, 'of': 0.049451607609692805, 'State': 0.04796431597843501, 'The': 0.040034655575008196, 'said': 0.039588554827120606, 'our': 0.02948481616839089, 'tho': 0.023497587825783758, 'States': 0.02005194750549513}, {'the': 0.14160143429105918, 'of': 0.10772794069262466, 'and': 0.04622791745346806, 'The': 0.04468459444150224, 'Mr.': 0.04437398717949427, 'that': 0.04282841592100794, 'in': 0.040608763603819556, 'Mrs.': 0.02570127574675181, 'which': 0.024259625863839614}, {'the': 0.28851422077806294, 'of': 0.10585200755283826, 'a': 0.0539883952007433, 'to': 0.045812460794518915, 'for': 0.045568239856456964, 'that': 0.038796313550616184, 'and': 0.0369577417391918, 'The': 0.028773686521334517, 'our': 0.025936815467073725}, {'the': 0.20849665906433557, 'and': 0.1142767670160047, 'of': 0.0996603529965147, 'The': 0.06524073313159189, 'that': 0.024980514504802553, 'these': 0.01841332784867121, 'a': 0.016378062967323737, 'or': 0.01599964531259606, 'to': 0.01465781744434432}, {'of': 0.09171981332090651, 'to': 0.08897927431447684, 'the': 0.08378763543534001, 'in': 0.07813265000197352, 'and': 0.05283878795115804, 'a': 0.04105255369275387, 'with': 0.03315696684823688, 'or': 0.0330310951666594, 'for': 0.029954128531170427}, {'of': 0.348928621098467, 'to': 0.10866240987499529, 'on': 0.09140595515464403, 'by': 0.0662559041513914, 'and': 0.05282492882951021, 'from': 0.049056616380009535, 'in': 0.04890285245928135, 'at': 0.04616454701572338, 'with': 0.03992152973167566}, {'has': 0.47261231776591783, 'have': 0.2435722539184087, 'had': 0.22771362325776498, 'lias': 0.013583279882385536, 'he': 0.007432956386192123, 'bad': 0.006425192057242154, 'haa': 0.006223633002738712, 'and': 0.005546547367403928, 'having': 0.005298653205518422}, {'and': 0.0889266153532241, 'Monday': 0.06935032242893827, 'feet': 0.06401089545558496, 'recorded': 0.025044158037860278, 'section': 0.024395365417409432, 'situated': 0.022242891772124747, 'inches': 0.018121491043190694, 'of': 0.016065007838092064, 'lots': 0.015362336220318431}, {'the': 0.290422902220738, 'a': 0.11269114247562709, 'and': 0.08142402645493578, 'that': 0.07044034237433948, 'this': 0.06669163568036549, 'her': 0.03532369521905694, 'every': 0.03261440725544267, 'tho': 0.032006158905749794, 'other': 0.030851008432980564}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'that': 0.25655352677263693, 'and': 0.14208379346364614, 'as': 0.11805873736505043, 'but': 0.059972672630868064, 'which': 0.05796455995024987, 'if': 0.037661339653668066, 'of': 0.02889663014458933, 'what': 0.023434828086685074, 'though': 0.022801993938292065}, {'to': 0.38866753697997897, 'with': 0.05541705745091341, 'for': 0.05355602540801306, 'at': 0.036972732934583724, 'told': 0.034931748656183176, 'upon': 0.030874324391686195, 'from': 0.02992122935114107, 'of': 0.029081473874950522, 'asked': 0.02524077984385813}, {'ever': 0.11473402255827665, 'and': 0.09922977349978301, 'time': 0.06702231051330222, 'has': 0.05901783492169689, 'long': 0.04502094685705239, 'years': 0.04405550711413533, 'have': 0.03719620584250948, 'that': 0.03644062338438269, 'had': 0.026250151305779887}, {'of': 0.4510917589328794, 'in': 0.15934685314988387, 'to': 0.1095038017712301, 'by': 0.06418261799634185, 'that': 0.03626836055218981, 'In': 0.02912648609131999, 'and': 0.029039464183944597, 'with': 0.024641660275458558, 'for': 0.018645438606533234}, {'for': 0.19575324187766963, 'of': 0.14945690945571866, 'about': 0.09819398795044793, 'than': 0.09764971883735607, 'past': 0.08020612012747742, 'or': 0.07090893479272493, 'in': 0.0705759688597533, 'within': 0.06972313703422, 'and': 0.0658594630970524}, {'the': 0.16833682065873085, 'of': 0.11977950623237021, 'and': 0.0725585542117766, 'a': 0.06338354900535921, 'to': 0.04155684048735645, 'be': 0.038180550197179655, 'in': 0.03773351275222387, 'or': 0.033652392296399304, 'for': 0.026494102085584066}, {'I': 0.1646433721084827, 'he': 0.12305778827663114, 'and': 0.10375237567691105, 'have': 0.05245133217184383, 'they': 0.04162355665473595, 'we': 0.038613347422447805, 'had': 0.03692354711813715, 'it': 0.032482303714343574, 'He': 0.028702624682796316}, {'to': 0.15715516025591103, 'for': 0.09823507801114786, 'of': 0.08023420239577558, 'in': 0.05222854925186342, 'with': 0.0506154923014965, 'and': 0.0368007234750219, 'that': 0.02565420682038704, 'at': 0.02561006664978103, 'do': 0.023729044990257273}, {'the': 0.4632731707617169, 'an': 0.31723625687779544, 'The': 0.07387721632070414, 'a': 0.034657570502745344, 'tho': 0.0238003338010369, 'An': 0.016462577753175067, 'to': 0.016451030123830514, 'and': 0.014570009923371055, 'rapid': 0.012365117617786763}, {'and': 0.1067815288313406, 'would': 0.08034424537961467, 'looked': 0.06555596377908242, 'looks': 0.059177296715616334, 'was': 0.05230614400337728, 'not': 0.04686109149178561, 'something': 0.04552431321546774, 'is': 0.04288187266680382, 'much': 0.04092384977280147}, {'and': 0.11390503112823976, 'make': 0.09017957885952384, 'as': 0.0752878746441837, 'of': 0.0730205385647129, 'that': 0.06054013773974086, 'with': 0.05470165754406036, 'to': 0.05036804366515983, 'for': 0.04876011055915029, 'made': 0.04723742633223637}, {'to': 0.3465985811778675, 'will': 0.20202054325657587, 'may': 0.09134589087904205, 'shall': 0.06533738596148371, 'can': 0.06417176105736912, 'should': 0.061699520503265784, 'would': 0.050336738423718316, 'must': 0.04455469696001086, 'could': 0.04118160300521281}, {'to': 0.23567933550935521, 'the': 0.22258257051954206, 'and': 0.1388005733023843, 'a': 0.10361993953038218, 'on': 0.031684386431967755, 'or': 0.030203761973404315, 'his': 0.020271955492252393, 'The': 0.018996021781646912, 'who': 0.01576405880010389}, {'with': 0.16732318153961473, 'of': 0.1581254471540315, 'the': 0.15416949342924285, 'and': 0.14838120925902698, 'an': 0.0922851403552822, 'their': 0.0451775528499689, 'no': 0.044855484288063324, 'any': 0.03686843574351955, 'as': 0.031017498042739004}, {'a': 0.3562683795032491, 'the': 0.24203537526788205, 'of': 0.1058002609972761, 'and': 0.06668267562227767, 'to': 0.0484918719653303, 'in': 0.04703610683351193, 'with': 0.03089075484794996, 'on': 0.026053382748286905, 'this': 0.01708662969771236}, {'the': 0.19334888887202506, 'of': 0.11330053476491153, 'and': 0.060415624050162216, 'a': 0.05583474490128078, 'to': 0.04129343741724804, 'an': 0.031039715151512732, 'in': 0.030742859017213207, 'that': 0.02840383917191919, 'for': 0.02664512902216984}, {'number': 0.09641452446035072, 'matter': 0.07997124022635951, 'kind': 0.05746278725217806, 'amount': 0.048426060637693974, 'out': 0.04644346399349744, 'point': 0.03979031154312479, 'full': 0.037516122021451784, 'men': 0.03172573996755752, 'place': 0.030112568887819248}, {'and': 0.1426419225473812, 'the': 0.12185004085606711, 'of': 0.08794103386119574, 'these': 0.03316775483140367, 'as': 0.026637495932200626, 'that': 0.02642352691703603, 'or': 0.026142358955259386, 'all': 0.023316243411429297, 'for': 0.020635751407965534}, {'the': 0.16895174291959342, 'of': 0.10909809060409127, 'a': 0.07117490664802106, 'and': 0.0695513856743758, 'to': 0.05836974007261052, 'be': 0.05066117709776328, 'in': 0.043244063150650956, 'was': 0.03685680032899097, 'his': 0.03435335794096429}, {'and': 0.16186754638015885, 'was': 0.12319844258711729, 'be': 0.08120247601882621, 'it': 0.05987856084649137, 'years': 0.050912064034129186, 'is': 0.045149573860765096, 'were': 0.037863976199726486, 'he': 0.03142481043696155, 'to': 0.02785201335327482}, {'feet': 0.09124682453705052, 'poles': 0.0730701371555321, 'up': 0.05088279168420823, 'chains': 0.04885658892872941, 'entitled': 0.03694920633644442, 'went': 0.034748145318504654, 'came': 0.03280590556373315, 'down': 0.032521221296211, 'him': 0.032446562119539564}, {'in': 0.18805944349711623, 'is': 0.15827243096245527, 'and': 0.10757261780285257, 'was': 0.08349475203863264, 'that': 0.07618626529086911, 'have': 0.06444128995977587, 'In': 0.05675244557982617, 'be': 0.0565834738305948, 'had': 0.04899219898914779}, {'one': 0.014779907063238167, 'men': 0.013528392893753087, ';': 0.011222428897457512, 'made': 0.00998910480362255, 'up': 0.009460124064261348, 'in': 0.008875209018059523, '': 0.008130081382477812, 'wife': 0.00782407898803646, 'and': 0.007628897035431363}, {'the': 0.12033468360950009, 'in': 0.06824276926884643, 'Fifth': 0.06118910122479296, 'Grand': 0.05234172416002822, '<s>': 0.02388972496185081, 'and': 0.02241410333763625, 'said': 0.018887678722788525, 'of': 0.01851386111751157, 'In': 0.017009809049798964}, {'is': 0.1595683143271461, 'of': 0.12035183049257704, 'was': 0.11462780415305156, 'and': 0.10719443948942382, 'in': 0.07865178529148469, 'as': 0.05575889220889774, 'to': 0.047491042015285784, 'by': 0.043195289837428874, 'any': 0.042568428691116024}, {'the': 0.5150749085742131, 'a': 0.21266522472129223, 'The': 0.03509929610794692, 'in': 0.025508308115465415, 'tho': 0.024466819981144576, 'and': 0.018815939397972423, 'of': 0.017728461324927235, 'by': 0.01227790853079646, 'tbe': 0.011478688938676098}, {'the': 0.2319385675614917, 'his': 0.16419545213157752, 'a': 0.10319481610047544, 'their': 0.09974849130470075, 'and': 0.06339388536801738, 'of': 0.05011906464992156, 'my': 0.04345065071164153, 'our': 0.03721126850101518, 'her': 0.032009068729794865}, {'the': 0.22449722894017324, 'of': 0.09597492645627406, 'and': 0.08111478760064236, 'The': 0.050796415736844756, 'Mr.': 0.038907259416786265, 'a': 0.030554582137513903, 'that': 0.030503991440613273, 'to': 0.020127517325626985, 'or': 0.017700595402717276}, {'it': 0.18080528154335598, 'It': 0.1285820752296524, 'there': 0.11498739888912608, 'which': 0.07199377157980202, 'and': 0.06522773581105981, 'that': 0.036984577950162655, 'he': 0.032561581901702136, 'There': 0.02660856765168569, 'This': 0.023590264134105147}, {'the': 0.6409304219135824, 'a': 0.1113119046129696, 'of': 0.058115339788204316, 'The': 0.042712103475308794, 'tho': 0.03125448042881564, 'and': 0.02628859637068766, 'tbe': 0.010766021402052644, 'in': 0.009794350746408583, 'our': 0.009406450793689505}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'is': 0.20390531146786378, 'are': 0.14225506357133835, 'was': 0.11989716966559813, 'if': 0.07435772521511053, 'were': 0.04907608661137122, 'and': 0.04828842923447172, 'have': 0.03822004949212179, 'could': 0.03722900939458507, 'Is': 0.030741889150506064}, {'to': 0.4604612540135017, 'will': 0.11117899560993741, 'not': 0.06747526507790615, 'and': 0.06406688852148291, 'the': 0.04930834752067413, 'a': 0.04045179679003807, 'of': 0.03460500775265025, 'would': 0.033886922972304695, 'may': 0.03262128678928797}, {'the': 0.08683654362456375, 'of': 0.07878671084097076, 'to': 0.06546852107881028, 'a': 0.053838341165992266, 'and': 0.04687110917479617, 'in': 0.03212150310629667, 'be': 0.03189178165450009, 'was': 0.026234833190324568, 'is': 0.023320479496385292}, {'he': 0.18956393793199638, 'who': 0.0979162033572955, 'and': 0.09092951786211752, 'it': 0.0844264164847207, 'which': 0.08201557999712336, 'He': 0.06778786904502714, 'that': 0.05463317806300544, 'It': 0.04685205582374513, 'she': 0.0354053091670082}, {'the': 0.3254893012967413, 'his': 0.08829706405584362, 'of': 0.08091249238664674, 'your': 0.06123914085665699, 'our': 0.04716808206890688, 'her': 0.04143089350332567, 'my': 0.04019988233065025, 'and': 0.03828692665112276, 'their': 0.03255751246730645}, {'in': 0.40521753271635835, 'of': 0.16375026755640829, 'under': 0.11596248935694378, 'to': 0.08825314122063654, 'In': 0.08293657467641341, 'from': 0.03297808473560341, 'for': 0.030810769425188803, 'with': 0.027633814411491302, 'at': 0.025266489556580948}, {'of': 0.20924993571188535, 'the': 0.17669510109783068, 'and': 0.07862556963649643, 'to': 0.060444494723707616, 'a': 0.05225778475612267, 'by': 0.047531988810713015, 'in': 0.02796704636937475, 'that': 0.02598125034241621, 'from': 0.02346114772989011}, {'the': 0.11010116087922413, 'of': 0.10390356609663971, 'in': 0.07311483390884851, 'and': 0.06394136392486138, 'to': 0.052455441829833124, 'on': 0.03739345675072571, 'at': 0.029937732229662613, 'a': 0.024077940456001062, '<s>': 0.022850445457506776}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.14971113489076918, 'and': 0.06138732628051129, 'of': 0.05601376668918616, 'to': 0.045141758428088485, 'be': 0.029959112749884102, 'a': 0.02885307034141932, 'was': 0.0233395701898811, 'his': 0.01944426182900796, 'in': 0.019407700630392904}, {'was': 0.251054639983075, 'be': 0.20274455291517077, 'been': 0.08924475100521946, 'is': 0.08639751969454998, 'were': 0.07906698598717901, 'and': 0.06408400478968722, 'are': 0.05767488699985712, 'honorably': 0.039231658439302736, 'he': 0.033594493076386886}, {'much': 0.29674153236666656, 'is': 0.19553850391727198, 'was': 0.07181601452250268, 'considerably': 0.06935370512739393, 'be': 0.06611758976061831, 'the': 0.054889279541171364, 'far': 0.04817587150730325, 'are': 0.042328594024362495, 'not': 0.04192363251238227}, {'on': 0.2125576083199599, 'in': 0.10922387156033274, 'of': 0.09770097067086021, 'On': 0.07911159483045709, 'In': 0.057967515715542164, 'and': 0.05252511972444412, 'dated': 0.051253639733626385, 'from': 0.03274496241307215, 'to': 0.022669191808573286}, {'and': 0.25125791445187945, 'that': 0.17300635371205286, 'of': 0.15724105168287728, 'to': 0.050078183100320764, 'we': 0.03731178929153155, 'but': 0.0366257876948579, 'when': 0.03469506954329437, 'for': 0.03316763819969859, 'if': 0.031457862003820496}, {'the': 0.36672078710660316, 'The': 0.09324111247066348, 'of': 0.08105045253195045, 'a': 0.06993556551434865, 'and': 0.06976875681739195, 'his': 0.054190521243457246, 'their': 0.05217195223436595, 'tho': 0.03496030564174195, 'our': 0.03391790728159752}, {'to': 0.3395431249154572, 'will': 0.22991449046079904, 'would': 0.10798110053376479, 'shall': 0.08100614948062931, 'may': 0.06922424311004756, 'should': 0.04916818176452983, 'not': 0.03252566375084792, 'must': 0.03245630386461755, 'can': 0.01667928489338863}, {'neither': 0.4331853465176436, 'the': 0.08680726942116254, 'and': 0.05376199034813691, 'of': 0.029871376871717335, 'to': 0.02984880579048881, 'for': 0.02578185713985004, 'in': 0.023227247814850596, 'not': 0.01910066915404424, 'a': 0.016702007175567586}, {'the': 0.3347169804057012, 'some': 0.10964465342483128, 'and': 0.08390925471953482, 'of': 0.07122298058122871, 'many': 0.07120270106412312, 'for': 0.06098653195047727, 'or': 0.05461600091067665, 'any': 0.044099921010615974, 'such': 0.03066875693744411}, {'of': 0.33439553692280705, 'and': 0.09824424128322377, 'to': 0.09736192835445949, 'that': 0.06844565897187865, 'by': 0.06436448506265594, 'with': 0.05280918995669573, 'in': 0.05025874683831932, 'on': 0.04921775167205738, 'from': 0.038857183565975915}, {'well': 0.12991015635064773, 'known': 0.11168587180543645, 'soon': 0.10369035459473254, 'far': 0.08195907566424299, 'and': 0.06388557808584468, 'long': 0.03755135115796446, 'such': 0.02954466624033588, 'just': 0.024368945136159968, 'much': 0.020609769850901107}, {'the': 0.5478760539168694, 'a': 0.08898269731373042, 'of': 0.0486472650448226, 'too': 0.038061376532560684, 'The': 0.03494488778873023, 'tho': 0.029227049221798033, 'and': 0.027565745206314208, 'his': 0.017612607189473658, 'our': 0.01622524530354763}, {'amount': 0.11647222428512692, 'number': 0.07145600435275794, 'out': 0.05977512561999602, 'years': 0.040626077314152825, 'want': 0.038072212753247, 'matter': 0.03788758064859424, 'instead': 0.034892283256348126, 'piece': 0.03357597130904092, 'deal': 0.029561420246702254}, {'be': 0.127887273032101, 'was': 0.12369627436022375, 'he': 0.0860905973963705, 'been': 0.07878672887426989, 'and': 0.0715005629761436, 'were': 0.06074000568094296, 'have': 0.05738566896194844, 'is': 0.04996674162801843, 'so': 0.03870410527065126}, {'it': 0.1898936989228213, 'It': 0.08998462207640943, 'there': 0.0790469860324584, 'they': 0.06140208113455, 'that': 0.05582443981464942, 'which': 0.05166683548741283, 'he': 0.0503760176127662, 'and': 0.049222407474872956, 'I': 0.03738029063895694}, {'I': 0.2388141571583499, 'never': 0.13860024970004967, 'he': 0.11809271996267126, 'they': 0.07649371040390707, 'and': 0.07208249899453828, 'ever': 0.0638745398381465, 'who': 0.04914113611432861, 'we': 0.042286210494318834, 'she': 0.03881717782180286}, {'two': 0.08920290912339512, 'three': 0.08391878817394792, 'five': 0.06966624511898034, 'four': 0.0667506034841516, 'ten': 0.05489738351584711, 'six': 0.05031037925167142, '100': 0.04653447131814306, 'many': 0.04148621422312433, 'few': 0.04144794509855045}, {'to': 0.19449371140619715, 'the': 0.15051781260364497, 'of': 0.1116271137623947, 'in': 0.09954165010736532, 'a': 0.09055363423757531, 'and': 0.07396281193630808, 'be': 0.05105812901868344, 'or': 0.0286863788641448, 'with': 0.0269921500687097}, {'<s>': 0.06832995306904838, 'it.': 0.02552011789312454, 'us.': 0.015025991634594687, 'them.': 0.013741397484692854, 'him.': 0.010784178419380418, 'and': 0.00783236446830358, 'country.': 0.007342334232299152, 'people.': 0.007160409083540001, 'day.': 0.006394165776712523}, {'of': 0.2696416411757977, 'to': 0.16178112754676505, 'in': 0.08893980934300134, 'and': 0.08360536425951183, 'by': 0.07603370617688553, 'with': 0.06430543815972033, 'that': 0.050335690974195116, 'from': 0.034800286770540846, 'on': 0.028452558779567354}, {'up': 0.010761488827963945, 'out': 0.010745905225864829, 'in': 0.009981413262680944, 'time': 0.009829880636072734, 'made': 0.00881160020181429, 'him': 0.00878847431776764, 'null': 0.008404824116121019, 'it': 0.008034959034734251, 'good': 0.007728792615535536}, {'and': 0.24386577763543324, 'but': 0.08699688181689053, 'that': 0.08153559167411409, 'time': 0.05382499037373128, 'him': 0.02840515138690323, 'day': 0.026725713896073963, 'But': 0.02533352722318376, 'ago,': 0.016740844486454947, 'or': 0.01477913499589598}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'and': 0.305464053839823, 'of': 0.07655869586983334, 'to': 0.07251121508578884, 'the': 0.04439286129063187, 'a': 0.02992712246757574, 'that': 0.02505798658304601, 'or': 0.024917377491853868, 'be': 0.018782429342708455, 'only': 0.0183540071048311}, {'and': 0.09092793350487316, 'place': 0.08888018033612957, 'point': 0.047667617111951624, 'spot': 0.030719214487657496, 'that': 0.03067560924970076, 'places': 0.027574853421848435, 'know': 0.024153825710537986, 'cases': 0.022538776168315015, 'case': 0.019394175905859755}, {'the': 0.5103461038144428, 'a': 0.21133546466225211, 'The': 0.045037323602554524, 'tho': 0.03951803323964928, 'and': 0.02090024406869422, 'tbe': 0.019394323952643188, 'full': 0.012070838280154247, 'in': 0.011165329481660023, 'high': 0.010937490809967046}, {'of': 0.11904574774402965, 'and': 0.117039163175256, 'in': 0.0579721685820925, 'to': 0.0511186639368552, 'fact': 0.03928633611901063, 'said': 0.03323136332365265, 'on': 0.029827822579143393, 'all': 0.024787499172257966, 'is': 0.02252394945510673}, {'made': 0.11942847096974421, 'and': 0.07979570471363857, 'caused': 0.029091215056480817, 'shown': 0.028426754301022945, 'up': 0.02777670568714523, 'ed': 0.027617079589566704, 'out': 0.026630159435991316, 'taken': 0.02626602987193105, 'done': 0.02542850605479482}, {'and': 0.07408098516567259, 'made': 0.061160375462270045, 'done': 0.03866799448206754, 'that': 0.03759501976806063, 'or': 0.03582285744513587, 'prescribed': 0.030705885028312875, 'provided': 0.026964338539979617, 'given': 0.021036588149660813, 'side': 0.020348604410435265}, {'the': 0.3008723093889666, 'a': 0.14728353851044945, 'of': 0.08656962736120263, 'and': 0.06710457857112107, 'to': 0.038603820812682654, 'in': 0.03579490829914793, 'an': 0.033175880060087405, 'The': 0.030922773885395445, 'on': 0.022737590842228133}, {'of': 0.3437983306960268, 'in': 0.1531117971837146, 'to': 0.0925693291423063, 'In': 0.06913516587889623, 'with': 0.057929959569292096, 'on': 0.051259263508773224, 'for': 0.05120586880647392, 'and': 0.048833686641941015, 'from': 0.046477721056142576}, {'and': 0.08759422356132301, 'of': 0.07337384815626334, 'was': 0.06605751234410649, 'the': 0.059193402230333016, 'be': 0.04271802031243984, 'to': 0.03523696457787734, 'is': 0.030821475666726536, 'a': 0.028302861549909155, 'he': 0.024638357950055603}, {';': 0.0181673580005401, 'it,': 0.011648995394794292, 'him,': 0.00827644171903528, 'them,': 0.008274220604184947, 'one': 0.007715897523943541, 'years,': 0.006881883300777614, ',': 0.006795508465188345, 'county,': 0.006053187624297671, 'city,': 0.005938350680117762}, {'the': 0.6094602094725239, 'an': 0.12531530548568354, 'tho': 0.040378725183434785, 'regular': 0.026337720561129783, 'The': 0.025355359791965456, 'of': 0.02183459293764306, 'tbe': 0.019474355250325266, 'and': 0.01917813975858031, 'or': 0.015153240613580126}, {'to': 0.09841821759273948, 'and': 0.09260484230832032, 'of': 0.09256376566872315, 'in': 0.07877417798483456, 'was': 0.053151928258643934, 'the': 0.04549775452320577, 'is': 0.043473641260170226, 'be': 0.04009477519768535, 'for': 0.03232743776826288}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'to': 0.14119556702094324, 'that': 0.12262071690923351, 'and': 0.11934730981945138, 'as': 0.0630758627473405, 'which': 0.048382124346249764, 'when': 0.045655843513647675, 'will': 0.0432170766460399, 'for': 0.03081931860133325, 'said': 0.028858592411201044}, {'the': 0.23100521643380242, 'of': 0.0740613608550251, 'and': 0.061167446723956104, 'that': 0.04033940593958656, 'The': 0.03676994801199908, 'a': 0.029630463327468756, 'in': 0.026636300448902746, 'or': 0.023892449348076526, 'to': 0.020945995451608874}, {'is': 0.22535915401085416, 'was': 0.13220522282914857, 'and': 0.08184131048084514, 'are': 0.07991532206996735, 'but': 0.05426850189535241, 'has': 0.05106523139163746, 'it': 0.05062761545677948, 'will': 0.049179674887784595, 'had': 0.0484783514644368}, {'and': 0.09998447241489117, 'of': 0.04130679440452129, 'is': 0.03885284683957583, 'as': 0.032869620232383094, 'was': 0.027637200903192837, '.': 0.027093113868146865, 'it': 0.02572499783560185, 'It': 0.0184592906234619, 'I': 0.01817729132075003}, {'to': 0.17827232972824386, 'and': 0.15846637373950404, 'the': 0.0771085930668221, 'of': 0.07402195405984235, 'that': 0.05875859316473308, 'which': 0.04843955349880736, 'in': 0.046038528200262975, 'for': 0.028088233414314365, '<s>': 0.027937539013453305}, {'the': 0.19295738705093082, 'a': 0.1340677157808646, 'of': 0.09423546064698993, 'and': 0.05956736035358444, 'for': 0.0321457089706358, 'in': 0.029739504624129928, 'to': 0.029235148279945854, 'some': 0.01847446035613732, 'that': 0.018108901140409424}, {'and': 0.12226441337021854, 'of': 0.11185290650885768, 'the': 0.09073632624142586, 'in': 0.06270007867690339, 'to': 0.05728416370048596, 'be': 0.051054364752837145, 'was': 0.04819056096657955, 'is': 0.029697567124662875, 'a': 0.026009129099958984}, {'the': 0.07466853285749592, 'to': 0.06664179974498759, 'and': 0.06577521154650655, 'of': 0.06552824226379368, 'in': 0.021798495042151905, 'be': 0.02167042424770766, 'was': 0.020117352432562133, 'is': 0.018603892279979068, '<s>': 0.018301288021376937}, {'of': 0.13354317702970517, 'the': 0.11788221365618506, 'and': 0.08981976223729228, 'to': 0.05677130556293947, 'at': 0.04004490755644976, 'a': 0.03953903147911697, 'in': 0.025756193744680446, 'for': 0.017173453135902735, 'with': 0.01702785937173685}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'the': 0.7530362290296592, 'a': 0.05368529230831371, 'The': 0.0509848164141906, 'tho': 0.03545101965215204, 'this': 0.021185179695460795, 'tbe': 0.014643739967370199, 'and': 0.014583148445612558, 'first': 0.0054825236728071524, 'as': 0.0045497493678376974}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.09220667201632284, 'of': 0.08687695100047854, 'and': 0.05394784841050513, '.': 0.03571083256506348, 'Mr.': 0.030304801120962323, 'to': 0.028363154275801244, '<s>': 0.020025138565030236, 'a': 0.01689639181203128, 'Mrs.': 0.015462863168668265}, {'and': 0.0996248617847375, 'the': 0.08779130231698089, 'of': 0.07177593852179975, 'in': 0.057452736848789265, 'a': 0.056571730223818444, 'to': 0.048022673059191626, 'for': 0.026760329505594684, 'will': 0.024731958665124402, 'that': 0.021654576541319314}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'the': 0.48147407545734183, 'a': 0.12504886492174047, 'The': 0.06642476354281163, 'tho': 0.03654055399182993, 'A': 0.03650023884591724, 'finance': 0.034171072502673795, 'said': 0.02470176142650581, 'and': 0.02440200201731138, 'this': 0.023469373364231452}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'is': 0.1770732244409354, 'was': 0.11789599258967363, 'be': 0.09593573085203498, 'and': 0.09383183226662573, 'the': 0.08433596162942424, 'are': 0.07919603245449111, 'he': 0.07234119224016984, 'been': 0.06639129098625583, 'not': 0.042016232467041136}, {'I': 0.20519782272295634, 'and': 0.13886747947422165, 'he': 0.1256298248732261, 'have': 0.06662366879142238, 'had': 0.05637049241403071, 'has': 0.04742940922530828, 'we': 0.043831768140846536, 'they': 0.04151467683189077, 'He': 0.03830772690349391}, {'State': 0.040527897761073094, 'line': 0.03877528022352015, 'state': 0.03392293835373557, 'city': 0.03252875726594202, 'county': 0.02976623619933604, 'part': 0.027797952753083336, 'number': 0.027392789274110627, 'Board': 0.025847982469023034, 'side': 0.023693096431368896}, {'and': 0.12854359302238966, 'to': 0.07789189763123787, 'of': 0.043534308489866384, 're-': 0.039957421791734254, 'that': 0.031140535029898674, 'which': 0.030509099143971666, 'in': 0.02905976998159479, 'for': 0.02790745326009253, 'or': 0.02670583860075817}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'far': 0.1089624382777308, 'soon': 0.08362015662605987, 'and': 0.06293023414730563, 'well': 0.06227347133679812, 'such': 0.04915844362897571, 'just': 0.04215279417914727, 'long': 0.0415442636939803, 'but': 0.03612806715181205, 'so': 0.028343726461443893}, {'the': 0.19104164534862883, 'of': 0.09011392887731708, 'his': 0.07989977428162072, 'and': 0.07958990020612047, 'their': 0.07416045610833243, 'a': 0.06979956210171682, 'medicinal': 0.04008024162522874, 'all': 0.03237995379813084, 'its': 0.03146409519452468}, {'it': 0.27957038428918407, 'It': 0.14069168722916756, 'there': 0.0780604064737155, 'he': 0.0673522127670591, 'that': 0.061371482220746135, 'they': 0.04852180992353207, 'which': 0.044772571877851546, 'and': 0.031977859656019285, 'I': 0.020031431466088268}, {'<s>': 0.11501952067518965, 'it.': 0.015267616316761112, 'them.': 0.011717520034757185, 'of': 0.009303497089669618, '.': 0.00913701729516136, 'time.': 0.008889954474168807, 'country.': 0.008246144667565663, 'day.': 0.007911446444920124, 'year.': 0.007709887898784504}, {'and': 0.09611377979382967, 'together': 0.06030448595031675, 'covered': 0.03676937166272939, 'him': 0.032438653052046594, 'up': 0.030460413497620714, 'it': 0.02269175320641507, 'met': 0.021809108688738414, 'them': 0.02113687577611875, 'but': 0.01784208772281916}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'of': 0.26740242616429477, 'in': 0.1035477381271086, 'for': 0.0987548300218711, 'and': 0.08282720497121214, 'to': 0.08105993282309655, 'with': 0.0575565874746197, 'on': 0.05255787236481746, 'from': 0.04466289453062846, 'at': 0.03694832704453034}, {'would': 0.17959540429010784, 'to': 0.13519794944916977, 'who': 0.09755427043109222, 'they': 0.08092794866467283, 'I': 0.07229973568327139, 'which': 0.06237819314755754, 'must': 0.053838397959161594, 'might': 0.048424713189248424, 'shall': 0.04348004295022552}, {'<s>': 0.09818189809417414, '.': 0.01619382994112931, 'it.': 0.014001504548411115, 'them.': 0.0115084457716099, 'years.': 0.010087488342494708, 'else.': 0.009634667685788936, 'time.': 0.009232874740400292, 'him.': 0.007996516527283925, 'day.': 0.007421229474998143}, {'the': 0.29160744669763355, 'a': 0.21062368772615622, 'to': 0.09720296003560508, 'and': 0.08662822002985492, 'of': 0.046921043984499075, 'The': 0.045211811641601235, 'which': 0.023772042247189127, 'that': 0.022473137296329746, 'will': 0.022260926672489873}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'that': 0.4311959912036406, 'if': 0.09420930743356078, 'and': 0.07707823758764991, 'which': 0.06665164141628982, 'as': 0.059576628387692517, 'but': 0.03880280018198082, 'why': 0.030500827154635937, 'when': 0.029232085181624547, 'If': 0.027626718650516142}, {'and': 0.08362943294997585, 'together': 0.07769806815080653, 'connected': 0.0635902168573379, 'connection': 0.06228367212358626, 'accordance': 0.047530813078388766, 'comply': 0.026000666542743977, 'acquainted': 0.023189098613704624, 'compared': 0.02214887744238745, 'contact': 0.01973810078197255}, {'the': 0.5444369127031656, 'and': 0.20474634503487002, 'The': 0.04666829836357801, 'of': 0.03642198887281976, 'tho': 0.026292484676938503, 'was': 0.02397836641413487, 'a': 0.022733025861181064, 'that': 0.020403255282543064, 'be': 0.01661929373823055}, {'was': 0.20181939994306514, 'is': 0.18844374835933772, 'be': 0.18411961626716308, 'are': 0.09532112303530423, 'were': 0.061337369662021045, 'been': 0.04570129282114474, 'and': 0.0372119082669316, 'being': 0.02984420279809679, 'Is': 0.025891019708534004}, {'of': 0.2125849661880325, 'by': 0.1136019916193036, 'and': 0.08533207362508129, 'to': 0.07542315803244617, 'that': 0.07326077813233907, 'Rev.': 0.022032400764431612, 'as': 0.02134482247889656, '<s>': 0.0211980538470307, 'with': 0.018740609537394686}, {'he': 0.2220398824048451, 'I': 0.15889894429644227, 'they': 0.0861115161387244, 'and': 0.08012154545464832, 'He': 0.07316288371293662, 'it': 0.058843953030868985, 'she': 0.04877253808881746, 'who': 0.03649333987550594, 'we': 0.034875342824543014}, {'the': 0.12742448267130854, 'and': 0.10439047010070458, 'of': 0.09008308528693847, 'as': 0.08946547023415485, 'a': 0.04988938362235117, 'to': 0.042785061773461454, 'be': 0.034245776444171545, 'such': 0.029258330792545036, 'in': 0.02838714816744532}, {'out': 0.04691538640598371, 'one': 0.0451141592745838, 'part': 0.02597334707110504, 'tion': 0.025317120921724078, 'charge': 0.024407876664618355, 'means': 0.022627211905726637, 'side': 0.018637436761070703, 'case': 0.017834358367772776, 'purpose': 0.017477804585683505}, {'nothing': 0.0408701974759101, 'is': 0.02748035362799039, ';': 0.02381410633268206, 'anything': 0.013901594869675533, 'it,': 0.01132009786375261, 'was': 0.009492481822714855, 'and': 0.00899400453324981, 'of': 0.008861957519914813, 'are': 0.00845605892264268}, {'the': 0.4863961237907931, 'our': 0.10039780956133408, 'American': 0.08805888110965887, 'their': 0.046299229707818704, 'other': 0.04255385550590385, 'of': 0.04173495866849391, 'tho': 0.03252920366250796, 'his': 0.029887800695443643, 'and': 0.026769164209803034}, {'side': 0.1143421101442228, 'line': 0.0868435445409143, 'day': 0.06415760918140341, 'part': 0.04243115479808082, 'state': 0.03691079054889061, 'city': 0.031613046899693416, 'point': 0.029485588702535395, 'piece': 0.023891390880701285, 'State': 0.023321718515331772}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'that': 0.1507033588891615, 'as': 0.13341702903405797, 'and': 0.12469715851026193, 'which': 0.0770060906502202, 'if': 0.06071354960027962, 'when': 0.04982801707730351, 'but': 0.04728344195327692, 'what': 0.030333059683489125, 'than': 0.025825229061103325}, {'man': 0.09721588238780877, 'and': 0.07303706084231067, 'those': 0.05941460369468373, 'one': 0.05591020621270273, 'men': 0.04055739834831657, 'all': 0.02965783273552722, 'woman': 0.025148628176121016, 'person': 0.022743193114226096, 'people': 0.01642239887449349}, {'and': 0.12677988442241797, 'it': 0.09289514103582268, 'I': 0.07678530277044353, 'you': 0.056404635406912755, 'which': 0.05385477426835294, 'they': 0.053188617496208485, 'Nor': 0.0509191697422109, 'he': 0.049450998475625986, 'It': 0.04569605679008593}, {'to': 0.09232955452141023, 'the': 0.08936536473258457, 'of': 0.08480689284486813, 'and': 0.06528638193262024, 'in': 0.037728078359282075, 'a': 0.025202587137291847, 'at': 0.024704568696442337, '.': 0.021926237783678235, 'by': 0.020041745206587615}, {'and': 0.08371767612782222, 'right': 0.07181267190415683, 'able': 0.06033715839506869, 'as': 0.05757656608237232, 'necessary': 0.04847868878095869, 'time': 0.0428338746143565, 'enough': 0.04005503803324948, 'order': 0.03891233243507123, 'ready': 0.0376552835814041}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'the': 0.6366273428049988, 'and': 0.09421496980998237, 'The': 0.08301008182672844, 'tho': 0.037718109404784206, 'a': 0.037266080767323344, 'or': 0.021052029980146245, 'his': 0.0183712869392239, 'of': 0.013572523520286477, 'in': 0.012747295626135075}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.26155427294644795, 'in': 0.10250053040479594, 'for': 0.08896993345199646, 'and': 0.08474355756217465, 'to': 0.07319954560885013, 'with': 0.07259347426963367, 'that': 0.06803332731750693, 'by': 0.06624750956076922, 'from': 0.040145644332984225}, {'was': 0.1787171252345133, 'are': 0.16273475901204368, 'is': 0.16221167425986469, 'be': 0.1196167905314649, 'were': 0.08509385459186015, 'been': 0.05218173071892575, 'am': 0.030513424144361066, 'not': 0.028688919432058212, 'and': 0.028036877426050648}, {'a': 0.388487504014552, 'the': 0.18541973825953878, 'no': 0.13628417116474825, 'their': 0.05074600964206413, 'and': 0.04291347254584357, 'his': 0.034080768855727674, 'of': 0.03155493012020449, 'more': 0.030200771680012173, 'not': 0.0284740829680605}, {'the': 0.3096892938619138, 'that': 0.13368330247155777, 'of': 0.12700997013797702, 'a': 0.12663427568776656, 'this': 0.07626100899079345, 'The': 0.05358617497349494, 'or': 0.05039855027291962, 'and': 0.03511363880997658, 'tho': 0.020891507674728617}, {'about': 0.2535071433965918, 'of': 0.11843545118033241, 'or': 0.09644454303731946, 'and': 0.09371881060284284, 'for': 0.09287911269240938, 'than': 0.07541949117088968, 'to': 0.05274256712860223, 'within': 0.044464971161968354, 'over': 0.03973786775636423}, {'A': 0.0784912876772737, 'W': 0.07231723477608679, 'M': 0.05653403331670924, 'C': 0.0550846152915609, 'J': 0.05303723720037893, 'S': 0.051562006223020186, '.': 0.0468342099554611, 'B': 0.04119083280559679, 'H': 0.04024428552201217}, {'the': 0.14517560055032913, 'and': 0.10036271317786162, 'of': 0.09500378148282847, 'to': 0.07376273095903182, 'be': 0.044598635029191196, 'a': 0.03631923823144349, 'was': 0.035673333465864404, 'at': 0.02739104829636097, 'in': 0.026270180268733814}, {'of': 0.30255190059078657, 'with': 0.11328444288994013, 'and': 0.09249917077395792, 'for': 0.0897765558215401, 'to': 0.0566397292430753, 'in': 0.053831454485326044, 'by': 0.04828913881860755, 'on': 0.04236738449581087, 'that': 0.03946393258440452}, {'grew': 0.3808100979463688, 'a': 0.09060065885092847, 'was': 0.08818824267150814, 'is': 0.06807067053988067, 'much': 0.06665459815450965, 'be': 0.06496171856121837, 'are': 0.04569242672275558, 'the': 0.043352841310183264, 'and': 0.03943892682568681}, {'of': 0.31315359613365124, 'to': 0.09227566221641322, 'on': 0.0842623605245659, 'and': 0.084119556881692, 'with': 0.07578933918208852, 'for': 0.06107537053921234, 'from': 0.057062832249922237, 'that': 0.05351616618452859, 'in': 0.04924020964273469}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'is': 0.23519135126669694, 'was': 0.16450184660599293, 'and': 0.08709460406301753, 'are': 0.06490891168469516, 'of': 0.05833538612946677, 'to': 0.04308248297367953, 'were': 0.03708325219208466, 'be': 0.0362217113911918, 'Is': 0.034218928491382576}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.38262631165418876, 'in': 0.29347990584702977, 'to': 0.07077244297200287, 'In': 0.05998733333398382, 'for': 0.05955595430071397, 'by': 0.03564891512422732, 'that': 0.028234506381387317, 'from': 0.024125180522650495, 'and': 0.015123338444540118}, {'all': 0.152115012364076, 'at': 0.14488079717954538, 'several': 0.10447307854239474, 'many': 0.10163187022762933, 'three': 0.08885924465821522, 'the': 0.08426456129424073, 'of': 0.07867766779071711, 'those': 0.046618835680751425, 'some-': 0.0407233331702324}, {'Why?': 0.13083117238185454, '<s>': 0.0636168715211033, 'and': 0.02145068181674947, 'it.': 0.021119339875666648, 'them.': 0.014741818249363747, 'in': 0.010784362523798491, 'country.': 0.010351571566569726, '?': 0.009234889722529636, 'county.': 0.0076936470714574256}, {'of': 0.32974425855592865, 'and': 0.0689330509880783, 'the': 0.03926475456475097, 'at': 0.02522978035288993, 'by': 0.023395500266565856, 'or': 0.021281284775021905, 'in': 0.019533191888612352, 'as': 0.01878660258022026, 'on': 0.01752033637752875}, {'they': 0.1321818879088247, 'we': 0.12288564602503636, 'to': 0.0957591763155619, 'I': 0.08793410065019265, 'and': 0.08065695958520142, 'not': 0.07768159038304137, 'who': 0.05775626445045258, 'We': 0.05482919351957875, 'which': 0.04025556901182596}, {'No': 0.14522793691458472, 'no': 0.13386220781654096, 'that': 0.12893150704941195, 'and': 0.08655777556103227, 'the': 0.0755174707445776, 'but': 0.07473932264803865, 'any': 0.06989629947846371, 'when': 0.053085502746081946, 'of': 0.05097659909283147}, {'the': 0.4120533501849501, 'a': 0.09172351313352038, 'no': 0.07534419694317285, 'to': 0.07099399617122391, 'by': 0.0662463111770444, 'I': 0.06562302033938595, 'and': 0.05613545121005193, 'only': 0.04218049963716832, 'or': 0.034643534206260464}, {'of': 0.32578858718050796, 'to': 0.10209889202194875, 'in': 0.0784034813840208, 'and': 0.06383026709671313, 'for': 0.049484355762382505, 'by': 0.04779993377113924, 'on': 0.045707024917298625, 'that': 0.04429545740858654, 'In': 0.03373904427851746}, {'New': 0.8977567635994109, 'Now': 0.012935502501044702, 'New-': 0.011683928675624886, 'Xew': 0.006767626435587875, 'of': 0.0051280777639712335, 'the': 0.0034625173299857254, 'to': 0.0025292342350075945, 'Mew': 0.002133156260143782, 'and': 0.0016765977319830527}, {'to': 0.2901939822864892, 'and': 0.2679970450332219, 'of': 0.05483634848405588, 'not': 0.05052732289945572, 'which': 0.0412885184063457, 'have': 0.040170107158646474, 'or': 0.03916231294751992, 'by': 0.03710848293779061, 'who': 0.033484920879321756}, {'all': 0.0660163288523761, 'of': 0.06505643274675073, 'and': 0.057030801701554334, 'was': 0.04660164070031436, 'is': 0.031404169542545136, 'it': 0.030858984206185765, 'for': 0.02962866473642334, 'went': 0.025168395753948473, 'in': 0.02348489176802519}, {'in': 0.018993737028160106, ';': 0.015519158139651752, 'up': 0.014797705651070107, 'city': 0.010682398921835192, 'county,': 0.010275887373351065, 'him': 0.009486816521416658, 'years,': 0.008436880178768409, 'it,': 0.0083724614742078, 'street': 0.0078017148705827035}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'and': 0.12898493640461098, 'the': 0.0862970010900792, 'to': 0.0574328269961494, 'will': 0.038139006692124694, 'a': 0.03288741146894428, 'I': 0.027767596553152606, 'of': 0.026846218778148762, 'that': 0.025413411529070114, 'would': 0.024162441889793464}, {'that': 0.22012195978179316, 'and': 0.12312764212351583, 'as': 0.08471109989324853, 'of': 0.07155311025171228, 'if': 0.06526036781404033, 'which': 0.06031932184751599, 'but': 0.04966266542923459, 'for': 0.028897965659342925, 'said': 0.027758532862866638}, {'and': 0.2584995711284655, 'is': 0.17321755040132786, 'was': 0.11543112875658562, 'it': 0.034298039024985474, 'but': 0.029226275068928075, 'Is': 0.024728207656009447, 'that': 0.024518764541681018, 'are': 0.022306929906874308, 'which': 0.017142010595892727}, {'of': 0.3038957099701557, 'to': 0.13233621380624272, 'and': 0.12548721873722526, 'in': 0.07124572087973832, 'for': 0.06789917772314685, 'by': 0.0578478256448419, 'with': 0.05116002516241451, 'that': 0.045999492622251344, 'on': 0.04371182072346995}, {'the': 0.3544124289587015, 'his': 0.09358525445598344, 'of': 0.08694135947138214, 'their': 0.0791205434494645, 'and': 0.052771455722516986, 'my': 0.051246076582676686, 'our': 0.032163816120262895, 'such': 0.03160762380701754, 'in': 0.030300474470018428}, {'his': 0.29919627205636035, 'their': 0.26604856522228687, 'our': 0.13489170221316482, 'her': 0.09386284140953094, 'my': 0.07748856639880485, 'its': 0.040510784447562856, 'your': 0.03790044890293292, 'bis': 0.013002516865712887, 'My': 0.006161142546346309}, {'to': 0.25535831006937676, 'of': 0.17499004343702132, 'in': 0.138182293015879, 'and': 0.05237474739623248, 'the': 0.04177393922387485, 'for': 0.03370568804728594, 'a': 0.027968086708991598, 'on': 0.020146182156233688, 'at': 0.01960447654457183}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'in': 0.32500082344167625, 'of': 0.18396155374950934, 'In': 0.10299767644095263, 'and': 0.06106387060688721, 'for': 0.052663574906163045, 'that': 0.05126582475827724, 'to': 0.04934940791610936, 'all': 0.032477672279364836, 'is': 0.027603472632886653}, {'one': 0.016368888842335127, 'more': 0.015000372690832826, 'on': 0.011189338260333165, 'day': 0.01075934247865153, 'two': 0.010752403191876184, 'person': 0.00789861567222125, 'in': 0.007751399993273645, 'man': 0.007556023970783172, 'law': 0.006531081514130428}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.07391488047878117, 'do': 0.031675776330843286, 'together': 0.025354288759564497, 'complied': 0.024338444248264736, 'him': 0.024293892754894682, 'connected': 0.02340398893833063, 'them': 0.02311635037766978, 'up': 0.02171075404896906, 'it': 0.020244393117691238}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'I': 0.13696780836361178, 'be': 0.1165088088293597, 'was': 0.11545924182120025, 'he': 0.11488137129734022, 'and': 0.0769837714531168, 'had': 0.0686590860000586, 'it': 0.05967271099266466, 'have': 0.05728990853138574, 'been': 0.04244551857705934}, {'make': 0.13243656301782478, 'and': 0.11083412505453544, 'is': 0.07799412304869113, 'that': 0.06524042471165681, 'was': 0.04932551175211609, 'have': 0.04904027881358992, 'but': 0.04894615090429942, 'made': 0.048774663075449684, 'had': 0.048617698520369484}, {'and': 0.052108909036633025, 'that': 0.04838766356443447, 'will': 0.031902191289205836, 'it': 0.029503945787988338, 'far': 0.025370301844375002, 'would': 0.024059380928297024, 'had': 0.01816333016804926, 'is': 0.01722984180337676, 'but': 0.01631027802867607}, {'to': 0.24858879960889735, 'for': 0.15183709104328746, 'told': 0.08883981646217336, 'asked': 0.08037231639110086, 'advised': 0.05674306796214238, 'from': 0.053147127370641443, 'permit': 0.04609334112482337, 'with': 0.044566496927146516, 'allow': 0.03540330584083368}, {'to': 0.11272467325873015, 'the': 0.09570920935957357, 'of': 0.08084508540075111, 'and': 0.07746796351453314, 'a': 0.03161606912023797, 'in': 0.024763881588432984, 'at': 0.024446783401682257, 'for': 0.018599489625864805, 'is': 0.01726400145434898}, {'and': 0.12261303565224314, 'able': 0.07079406066736695, 'enough': 0.05542291695226929, 'is': 0.054761992889148216, 'order': 0.05180284597747803, 'have': 0.043179578335200725, 'necessary': 0.042208015043844666, 'as': 0.03917506526166747, 'was': 0.03546777249128295}, {'a': 0.37919026474125, 'the': 0.21559600649398042, 'and': 0.05200277032979603, 'his': 0.04804177276558312, 'to': 0.032982341562182764, 'of': 0.02786528414945055, 'The': 0.023519357358145986, 'A': 0.020948125619149546, 'this': 0.019950019546873008}, {'the': 0.24731452865809914, 'of': 0.07827142338582382, 'and': 0.06817986137431623, 'with': 0.02973377438824609, 'in': 0.028828455019499103, 'said': 0.02862653501826313, 'on': 0.026285768238887217, 'by': 0.02601155271444689, 'a': 0.02047448676516178}, {'and': 0.2022894621606008, 'of': 0.12849820093240533, 'the': 0.07883877099056717, 'with': 0.07754655790506786, 'in': 0.05984121241111567, 'a': 0.05170972260096264, 'to': 0.04768905537956484, 'or': 0.045747864884654495, 'is': 0.032785682670410564}, {'a': 0.18983688475583882, 'the': 0.14773870045373555, 'and': 0.13719263512788957, 'was': 0.04958379901568912, 'he': 0.04257477636516752, 'be': 0.042289589491644276, 'of': 0.03583461810635613, 'have': 0.03324633073217747, 'feet': 0.03254564643684893}, {'the': 0.10431775199626436, 'and': 0.09676717656297647, 'of': 0.07033030439392306, 'to': 0.05515929689516103, 'was': 0.032855693619983806, 'be': 0.030922031023954702, 'is': 0.0298771289684772, 'for': 0.026129698547533265, 'he': 0.024497094312542662}, {'of': 0.19019832382434135, 'in': 0.15530948837090772, 'on': 0.11731302557539496, 'and': 0.1050442156788365, 'to': 0.04561368836505459, 'In': 0.04472824381230269, 'from': 0.039769735634510535, 'for': 0.03463221910445181, 'at': 0.032829718717475684}, {'he': 0.17475438872346447, 'it': 0.1359286733624291, 'they': 0.09637533336931273, 'I': 0.08453683576858537, 'that': 0.07339259747557059, 'It': 0.07261110104187243, 'we': 0.044348645187426095, 'which': 0.04425071068500445, 'and': 0.04339726392581102}, {'of': 0.13735167115900856, 'the': 0.12468015023643587, 'and': 0.0854943477750385, 'to': 0.05978421548001077, 'be': 0.04798116264043773, 'is': 0.04763750262483636, 'in': 0.04319657334697535, 'a': 0.04216807689891275, 'was': 0.03856522118611982}, {'of': 0.11587928661481847, 'and': 0.10749265374522085, 'by': 0.05993524659652132, 'Mrs.': 0.055212892070106066, 'Mr.': 0.03340998996699965, 'said': 0.03278782972724801, 'to': 0.02858340549713023, 'Sir': 0.022897909644076692, '<s>': 0.01690767260002939}, {'feet': 0.09124682453705052, 'poles': 0.0730701371555321, 'up': 0.05088279168420823, 'chains': 0.04885658892872941, 'entitled': 0.03694920633644442, 'went': 0.034748145318504654, 'came': 0.03280590556373315, 'down': 0.032521221296211, 'him': 0.032446562119539564}, {'be': 0.17041037791659813, 'was': 0.1551718501601499, 'if': 0.11675301960827543, 'and': 0.10415491948828229, 'were': 0.09060788128495009, 'been': 0.06716994295653111, 'had': 0.05950297444191098, 'has': 0.04509745361375879, 'have': 0.04442420719576631}, {'the': 0.2512693444558993, 'and': 0.09407038800929848, 'of': 0.08370412764591657, 'a': 0.04942841196573854, 'The': 0.0247737832602669, 'in': 0.023643992021116306, 'at': 0.018104693386420023, 'an': 0.018027153153833964, 'or': 0.017797431087777052}, {'the': 0.18799707762218731, 'of': 0.11525313844642997, 'a': 0.07091539409944786, 'and': 0.06965605669134654, 'to': 0.06265075420645462, 'his': 0.053599522894522016, 'in': 0.042995003391059175, 'was': 0.03175116562643384, 'be': 0.03093738066132356}, {'years': 0.5031914416720354, 'weeks': 0.08050957224255052, 'year': 0.07183646184378303, 'months': 0.06747188924726975, 'days': 0.05264250521213722, 'long': 0.05181929280628646, 'time': 0.02937911753560491, 'week': 0.02374804262054824, 'century': 0.011461254296362824}, {'and': 0.17585063722392302, 'fact': 0.10400902578517979, 'said': 0.06844377842999533, 'so': 0.06232472237382234, 'believe': 0.04519952307692614, 'is': 0.039634011181226815, 'say': 0.03675663629906361, 'know': 0.036060715732595706, 'found': 0.03095250753294034}, {'they': 0.19146739868040677, 'who': 0.18666306546059303, 'and': 0.07835960781814018, 'we': 0.07546708788169125, 'which': 0.06719266626957993, 'They': 0.06270328687340918, 'We': 0.040142575328759866, 'men': 0.03349809179820513, 'that': 0.03241137089077402}, {'away': 0.08610775006989646, 'and': 0.06324203958585717, 'them': 0.05137144898237544, 'taken': 0.04914929811050107, 'come': 0.03844039281982879, 'him': 0.026758921689034758, 'came': 0.025940601617336453, 'received': 0.025940146147992643, 'out': 0.02090029184735776}, {'the': 0.1073621791577897, 'and': 0.09589130209254718, 'of': 0.07998598913626609, 'that': 0.037069899835071515, 'as': 0.028835838664318266, 'which': 0.02842099615195488, 'a': 0.027813146940617452, 'he': 0.025879177548826467, 'in': 0.024547554409002057}, {'that': 0.21203708327843562, 'and': 0.07405381244853632, 'which': 0.05165972118344167, 'when': 0.04094770198949968, 'to': 0.039095650486753813, 'said': 0.02126116646522555, 'but': 0.020630291416526565, 'as': 0.01986660269070903, '<s>': 0.01820889925800602}, {'the': 0.4354774814041463, 'a': 0.1307565384167708, 'and': 0.09528285428775791, 'of': 0.06679435497268911, 'The': 0.05547194116961957, 'tho': 0.03236489177878087, 'in': 0.032153262209890496, 'by': 0.027132550450678725, 'that': 0.017931968914668656}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.21353138449064252, 'of': 0.11221028280671991, 'on': 0.09989330345714234, 'and': 0.047648199435440235, 'a': 0.03536238814877178, 'in': 0.029079686945915367, 'said': 0.02495831263075003, 'A': 0.02080032554409632, 'tho': 0.018587418042865934}, {'the': 0.5279666887181351, 'tho': 0.03819195374618466, 'said': 0.03777384218891856, 'of': 0.036478587192604404, 'Circuit': 0.03632903336221689, 'The': 0.029385770861386183, 'this': 0.025368091715448658, 'County': 0.02520124675116726, 'tbe': 0.017795583153401604}, {'and': 0.06072438166799621, 'of': 0.03238204632941329, 'to': 0.02414581687911935, 'it': 0.023664431133501865, 'for': 0.022724738951016538, 'in': 0.021534732024124106, 'that': 0.021065266282740035, 'is': 0.017197311311659663, 'which': 0.016189866972396456}, {'to': 0.416044321036338, 'I': 0.15798074988307947, 'not': 0.08539669844156811, 'you': 0.08317713366302582, 'and': 0.044826655662556975, 'will': 0.03572627393280886, 'we': 0.02915363365504842, 'would': 0.026141750435609224, 'can': 0.021422891621315998}, {'the': 0.14849498599832092, 'and': 0.11734642076691958, 'of': 0.07467845299479006, 'that': 0.03678262276060478, 'or': 0.02919523689384073, 'a': 0.026994901876669246, 'The': 0.022774427941923064, 'I': 0.02052216819380021, 'which': 0.020172773730675275}, {'by': 0.22750635755764523, 'of': 0.20301178016009688, 'and': 0.12500474863228095, 'in': 0.06357778389853454, 'are': 0.045707844803903906, 'the': 0.03724175525618487, 'is': 0.0357575805808293, 'for': 0.03122151188628345, 'to': 0.031064509144230527}, {'the': 0.32104241902830355, 'to': 0.16126675457767387, 'and': 0.15195727475806536, 'of': 0.042263602236386685, 'a': 0.0403441004072137, 'in': 0.024219618805211743, 'The': 0.02300394219034552, 'as': 0.019454976478805622, 'tho': 0.016876582315135818}, {'that': 0.3670068151325419, 'which': 0.10774572590954137, 'if': 0.09266655174357903, 'as': 0.07009329607632919, 'when': 0.057352312768798284, 'and': 0.05456727214383992, 'where': 0.04712221200636754, 'what': 0.03609598234113222, 'whom': 0.034116320657092615}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'the': 0.1743530328595003, 'of': 0.09392104616331319, 'and': 0.06853707703724952, 'a': 0.03929064758146505, 'in': 0.03722211092010553, 'to': 0.03204904013305493, 'at': 0.024232541812797923, '<s>': 0.02196073874126261, '.': 0.019819179930146685}, {'the': 0.1751546959422663, 'and': 0.11314055959494622, 'of': 0.10242156175254886, 'to': 0.05129547478876455, 'in': 0.04210065038232193, 'was': 0.028766246306535303, 'he': 0.021432814984133217, 'be': 0.020144358604532973, 'is': 0.020112647313891743}, {'and': 0.05335410293577398, 'is': 0.045137661018006904, 'protest': 0.04227817889149133, 'up': 0.04071430462880784, 'was': 0.038452229972104665, 'brought': 0.037860586747854495, 'voted': 0.030958659646451416, 'as': 0.0304799680062041, 'made': 0.030263890170752265}, {'the': 0.16426992389034856, 'of': 0.09702422726033204, 'a': 0.05773100365794107, 'to': 0.0477127103678804, 'in': 0.043022325231464896, 'any': 0.04060122164564591, 'for': 0.03929311515808009, 'or': 0.037243611065177915, 'and': 0.0343918480098038}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'I': 0.2598282957996882, 'we': 0.13957909730737045, 'they': 0.1388188210180517, 'We': 0.09412798836302537, 'who': 0.059590244341527994, 'to': 0.05349153900233156, 'and': 0.044784269505557875, 'you': 0.04266533122354936, 'They': 0.03252473414757809}, {'of': 0.17093786557800736, 'in': 0.15501674910388766, 'that': 0.13054983894284344, 'and': 0.06166886570587669, 'to': 0.060228099599972315, 'for': 0.05765137348223323, 'by': 0.047511852829915185, 'on': 0.044879121673720074, 'In': 0.043162241743104734}, {'and': 0.10249768292927879, 'is': 0.07579206478223159, 'was': 0.054500541757337116, 'able': 0.048194806710919434, 'as': 0.047450749315827954, 'enough': 0.04513217780333088, 'necessary': 0.04421138571627275, 'right': 0.04250618005085549, 'order': 0.04150335414581605}, {'and': 0.08119654024797428, 'able': 0.06359942526701638, 'right': 0.05904285747378605, 'allowed': 0.04402537990165838, 'is': 0.043790175066271454, 'enough': 0.04378239615187923, 'made': 0.043204803172258464, 'unable': 0.041902397394444894, 'necessary': 0.040683572016356605}, {'of': 0.20859604327233155, 'to': 0.09499947935694386, 'and': 0.04928977196912845, 'for': 0.048575351039661874, 'at': 0.04123826503867664, 'in': 0.03680617065228749, 'said': 0.02431969728699179, 'on': 0.023885121297921395, 'from': 0.023813953824944355}, {'to': 0.6601993060971934, 'not': 0.06847367938199625, 'will': 0.04582614837313352, 'and': 0.04562827421867534, 'the': 0.028311202709159176, 'would': 0.022761772178592345, 'must': 0.02199603343830357, 'publicly': 0.021758978210838192, 'should': 0.013537048554269857}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'that': 0.24965642357422835, 'and': 0.15921940479170324, 'but': 0.08555820058901059, 'as': 0.07149450073524026, 'when': 0.06533617967914483, 'which': 0.06403586677889773, 'if': 0.03781086503442973, 'where': 0.030499946293478825, 'until': 0.021573599808582904}, {'and': 0.2825717206932828, 'was': 0.06228080339905993, 'is': 0.04446878988392934, 'are': 0.0381087993245071, 'be': 0.03442323445505603, 'that': 0.03308935131119388, 'were': 0.032621890516347694, 'to': 0.03250554814495826, 'of': 0.0208992180220173}, {'the': 0.44873770505066185, 'of': 0.1286264644345095, 'The': 0.11552360747154895, 'and': 0.0626140040217046, 'to': 0.0499040588917473, 'a': 0.04324020504711039, 'no': 0.03896436397647197, 'in': 0.02851629215628837, 'great': 0.027413994327632155}, {'of': 0.3041128814863564, 'and': 0.11749508070480462, 'said': 0.09149576201643318, 'by': 0.08897046089339782, 'Mrs.': 0.04635346052409828, 'to': 0.039548662887021954, '<s>': 0.01867663188797062, 'Mr.': 0.017983518231430896, 'in': 0.01495268766412122}, {'on': 0.19012505910903987, 'of': 0.18737671407679024, 'and': 0.13914697965732462, 'to': 0.09384219626836997, 'On': 0.08507769497548962, 'all': 0.05616768053368813, 'with': 0.05453764246649417, 'in': 0.052268377238133004, 'that': 0.042819262616868345}, {'and': 0.3795509295787971, 'that': 0.040569251421546874, 'And': 0.03953435535919234, 'but': 0.02749390690124565, 'as': 0.026016018913835297, 'If,': 0.022673533676756924, 'Why,': 0.022633726959440863, 'there': 0.019774824278667988, 'had': 0.01848926436842578}, {'the': 0.3767160415246227, 'a': 0.2531811283406217, 'most': 0.08335614058751323, 'of': 0.0680194882660214, 'The': 0.05218549553567706, 'to': 0.04932342943087644, 'and': 0.03155650483798457, 'his': 0.030578450649783664, 'very': 0.02392044812770694}, {'and': 0.06662315503117006, 'beginning;': 0.0606859561525913, 'that': 0.04202588574441846, 'of': 0.03446129018724903, 'the': 0.03090483481511321, 'sum': 0.02930179166385272, 'in': 0.025757437011541654, 'which': 0.020494992676900182, 'interest': 0.020265106298018712}, {'and': 0.19122796695010968, 'of': 0.15749802444888292, 'is': 0.10911218012178951, 'are': 0.07618661495836601, 'was': 0.05562400457242028, 'by': 0.03743034262137315, 'as': 0.033356208401031776, 'from': 0.03192785110241978, 'that': 0.02833495731731265}, {'of': 0.1425671850841265, 'is': 0.14099680191344474, 'as': 0.10645021442074773, 'for': 0.09712685619441064, 'was': 0.08084915170042668, 'in': 0.060792631901011564, 'with': 0.05447113101443899, 'such': 0.04769341164499496, 'be': 0.04152994131150233}, {'in': 0.43997050575222696, 'to': 0.17586676201269075, 'In': 0.08239795275864903, 'and': 0.052402937022429555, 'not': 0.03840950268431738, 'of': 0.03571121557207907, 'for': 0.016463347761230738, 'with': 0.01623232706282615, 'the': 0.015227718660688366}, {'the': 0.7207186810641183, 'a': 0.09466456730375275, 'The': 0.03937261493509655, 'this': 0.037075964202319976, 'tho': 0.025015992608265553, 'of': 0.022282738113052317, 'and': 0.018247280097107785, 'our': 0.014095820869066099, 'tbe': 0.00912002540230526}, {'and': 0.20484714751371283, 'that': 0.06176436475303527, 'as': 0.04433703494290336, 'which,': 0.02135017913424925, 'and,': 0.020843337459431968, 'it': 0.01917659229634636, 'but': 0.015790662039193083, 'or': 0.014478433602419176, 'time': 0.013688147118842623}, {'he': 0.20292465570551002, 'I': 0.17995947601596646, 'be': 0.09826254567200868, 'have': 0.08980375108172307, 'He': 0.08573823161473315, 'was': 0.08360508222876713, 'had': 0.0755797338818235, 'are': 0.05942366786966156, 'is': 0.058197419184447756, 'has': 0.05650543674535868}, {'was': 0.1756465280027361, 'is': 0.17186381500986672, 'are': 0.09540324218510671, 'and': 0.0828517231222723, 'were': 0.060280624367399685, 'if': 0.05446489609004702, 'do': 0.0443597622669106, 'had': 0.04141383432519524, 'but': 0.035498450003644995}, {'virtue': 0.07446520038896885, 'out': 0.065008335608151, 'part': 0.03947215825672998, 'one': 0.03562890125655043, 'quarter': 0.03241584136443704, 'favor': 0.0239235849421329, 'result': 0.023354276051738905, 'guilty': 0.022667050730808908, 'means': 0.022196791642065155}, {'of': 0.15985453877695838, 'the': 0.09502846416525065, 'in': 0.05845807207715751, 'and': 0.04749673608087739, 'that': 0.03780945476695417, 'to': 0.031324348349176294, 'The': 0.026721992530225346, 'for': 0.023155839315457248, 'Mr.': 0.019973943650508502}, {'the': 0.15378903668702737, 'of': 0.09249548824970906, 'and': 0.07595235865820654, 'to': 0.07006226204227813, 'for': 0.02569471643071183, 'in': 0.025365441158559817, 'be': 0.023483724513089645, 'is': 0.020659405704139575, 'was': 0.018878285055910545}, {'day': 0.06165795944148744, 'up': 0.01694203717603756, 'night': 0.015934950746165626, 'in': 0.014556587330469361, 'here': 0.013590084951624795, 'home': 0.012861680673799964, 'him': 0.012632324296168116, 'time': 0.011921792711889461, 'city': 0.011324531055151955}, {'of': 0.33397032879961325, 'the': 0.28117966337402067, 'in': 0.10690315383772288, 'with': 0.0516923820990249, 'and': 0.04900765106363223, 'a': 0.043690303144524885, 'by': 0.03521849669014891, 'The': 0.025358863157865202, 'that': 0.020308364921178886}, {'of': 0.165808849830116, 'the': 0.08667972021993982, 'to': 0.06501744552286148, 'at': 0.05464290937161931, 'and': 0.05211551310442945, 'in': 0.05047091268744663, 'a': 0.040814944813635914, 'for': 0.03203464976642343, '<s>': 0.0273735648413845}, {'of': 0.14983954723521312, 'was': 0.10992986906888655, 'is': 0.10211184644915496, 'and': 0.10115079118236474, 'with': 0.09924351309899838, 'by': 0.06976651662571313, 'to': 0.0649763571399891, 'on': 0.03843095726100351, 'in': 0.03702935634608548}, {'and': 0.09144163740421148, 'as': 0.07620406781424983, 'able': 0.07444664343314182, 'enough': 0.056236613003284815, 'time': 0.04527739988249236, 'him': 0.04263939357836999, 'them': 0.036869202664022736, 'necessary': 0.03639619914268551, 'order': 0.03370091644225373}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'United': 0.8503775288893479, 'the': 0.024948558649496695, "I'nited": 0.014613897851073993, 'ted': 0.012136810633986752, 'Southern': 0.011617841190786292, 'of': 0.008089887307117145, 'nited': 0.007299493161251555, 'per': 0.006971711204616241, 'Uuited': 0.0069184042830100325}, {'it': 0.17414577352663493, 'It': 0.1353969449862153, 'he': 0.11758882476171345, 'which': 0.059359729648720994, 'and': 0.04918957343345265, 'He': 0.03887502040760383, 'that': 0.03404698875579147, 'I': 0.03179623867900576, 'This': 0.02678657730374099}, {'of': 0.3038294628671264, 'to': 0.13410136012221027, 'in': 0.08292360636227125, 'on': 0.08045434052129691, 'for': 0.06410225839015771, 'and': 0.04720158493752215, 'was': 0.040165554619013014, 'that': 0.03995266766239687, 'is': 0.038464607932465276}, {'of': 0.10631112473892627, 'the': 0.09943241832474299, 'and': 0.08159794106622675, 'to': 0.08044019399615582, 'a': 0.0411705846870669, 'be': 0.032482607452970214, 'was': 0.026600329505008413, 'or': 0.02456876992697593, 'is': 0.021232665187409037}, {'the': 0.29029291752996095, 'of': 0.2657920946732921, 'his': 0.05163956680968951, 'to': 0.05055019750801179, 'in': 0.0464250320710032, 'their': 0.04604139686994079, 'good': 0.0441809062152359, 'public': 0.03641956719289069, 'perfect': 0.0333854795224581}, {'in': 0.30038121499038134, 'of': 0.17920823910964526, 'and': 0.07828610956164414, 'In': 0.07808428902842912, 'the': 0.0733433943312987, 'to': 0.05727325296741144, 'by': 0.0543353686576313, 'West': 0.04483348452610839, 'at': 0.038658441618319335}, {'the': 0.20221026267198955, 'to': 0.16875571893734884, 'an': 0.13736775237474727, 'will': 0.08252839546358395, 'and': 0.06182860980181966, 'of': 0.06046685076312921, 'not': 0.0578260993114464, 'is': 0.04135056850882661, 'in': 0.03904080397299814}, {'be': 0.2836679473882532, 'and': 0.09765391934590285, 'was': 0.09643119054650083, 'been': 0.07723440568286191, 'is': 0.05124578245509878, 'he': 0.051201559087448105, 'have': 0.03528831123058096, 'well': 0.03340533193932132, 'were': 0.03240330664178565}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'and': 0.13100170372965528, 'was': 0.05984788783975111, 'is': 0.05092765892001959, 'are': 0.03701993881577085, 'recorded': 0.025720817251071355, 'be': 0.024113583415852312, 'were': 0.022178741005824492, 'made': 0.021237485601540488, 'that': 0.020787142465046243}, {'and': 0.15216684992012391, 'was': 0.12508666804219037, 'to': 0.07269382079229113, 'will': 0.050942710453284544, 'be': 0.048569435409855935, 'that': 0.03681495130642006, 'is': 0.03590546284100162, 'were': 0.03051087449139963, 'not': 0.029662581773118053}, {'contest,': 0.042763374444383016, 'one': 0.022052228910786863, ';': 0.01830156218131996, 'in': 0.016790455626803744, 'and': 0.013700109629344533, 'them,': 0.013568308272455582, 'it,': 0.011939492209887336, 'more': 0.01075291910574721, 'action': 0.009286232984106173}, {'to': 0.5061189483762778, 'and': 0.07877188501438326, 'who': 0.04406468870569632, 'I': 0.04036812062533237, 'which': 0.03508946971633187, 'will': 0.03474445621855717, 'they': 0.025952457259025036, 'we': 0.02091680873131909, 'he': 0.020308133731338197}, {'in': 0.2095666652273571, 'of': 0.1675023025378706, 'and': 0.10410022621673819, 'to': 0.09507074563249467, 'with': 0.08026546803842238, 'In': 0.06371061520897749, 'for': 0.053081127375577554, 'that': 0.05303502893730561, 'from': 0.03725871085271796}, {'the': 0.25270413496997746, 'of': 0.11612044730940439, 'and': 0.09079193043281168, 'a': 0.07969116137406904, 'to': 0.06825456891958624, 'in': 0.03917382743231105, 'or': 0.023331705063199572, 'two': 0.018430812324403918, 'all': 0.018030934253775357}, {'of': 0.3559700596463875, 'in': 0.2194979932941167, 'on': 0.07588976345256485, 'to': 0.06796192675779238, 'for': 0.05723098067328987, 'In': 0.030196090121279894, 'by': 0.0295138832658797, 'with': 0.024102935837400745, 'from': 0.022287917892922938}, {'and': 0.09505092613637062, 'days': 0.05854633307861563, 'was': 0.055780785265604635, 'or': 0.04452345547702442, 'time': 0.044028729300603336, 'that': 0.043330606482033185, 'never': 0.040732562689425815, 'long': 0.04034869323061084, 'be': 0.03779411678888612}, {'of': 0.5589737428545116, 'in': 0.14193632476018936, 'to': 0.0776218295072569, 'by': 0.04465788392080115, 'for': 0.036116609075011255, 'that': 0.028455939562453618, 'and': 0.022550823675466486, 'In': 0.022017406950540972, 'from': 0.0218445406466589}, {'and': 0.16579538113538236, 'the': 0.11213254718772156, 'to': 0.0827305258666259, 'of': 0.03871764360532124, 'will': 0.03300014432274614, 'a': 0.03157533089549577, 'I': 0.026318138407134654, 'he': 0.022623290540236776, 'in': 0.018614368708745947}, {'the': 0.39400710287754726, 'this': 0.13897315435854637, 'that': 0.13465921097344435, 'The': 0.06727156596077861, 'same': 0.05725179318694153, 'first': 0.04750891719234333, 'of': 0.04535981854065683, 'a': 0.035247175280180405, 'which': 0.028123380439948602}, {'there': 0.17500841206894086, 'It': 0.1432473205426132, 'it': 0.13422944790460978, 'he': 0.09674042316348568, 'There': 0.09150071098081976, 'He': 0.06131895872492179, 'and': 0.039801730367763855, 'I': 0.03838019931951094, 'which': 0.032453905909414583}, {'and': 0.026334851575761084, 'made': 0.017675115523630873, 'all': 0.015129088115034448, 'the': 0.013399155250249355, 'day': 0.012573389400337497, 'well': 0.01246733593760949, 'them': 0.012270108586317918, 'men': 0.012015439201131206, '<s>': 0.011370143222829933}, {'It': 0.30270660571411295, 'it': 0.2894431847208486, 'which': 0.04994298344325737, 'he': 0.04556336506517777, 'This': 0.04405968470738385, 'that': 0.03019733519083953, 'He': 0.024883395748188004, 'and': 0.022051767753739068, 'this': 0.019903762129422617}, {'of': 0.14815296949415155, 'in': 0.11930162772220834, 'the': 0.07688386912242715, 'to': 0.05981291536095398, 'at': 0.03769212516397717, 'and': 0.03678048774660124, 'a': 0.033802972603064106, 'by': 0.031742027107467215, 'for': 0.028560277796083725}, {'was': 0.21774711471217428, 'be': 0.21554771839591488, 'been': 0.13401101728351947, 'are': 0.11897281798293473, 'is': 0.10446383982169677, 'were': 0.10389675116533645, 'being': 0.027411715950759613, 'not': 0.021742603143545793, 'and': 0.019743955749588534}, {'and': 0.12546559636342464, 'the': 0.05899521377840907, 'of': 0.04840823579558136, 'to': 0.045105357663180926, 'that': 0.02921031307618983, 'in': 0.028542842955810995, 'be': 0.024944346635902285, 'was': 0.023412987003684833, 'is': 0.023037276583833106}, {'No.': 0.13313888161297638, '.': 0.09223799423813701, 'Sept.': 0.09152010929509405, 'Sec.': 0.0798608034940213, 'Aug.': 0.06349962573756747, 'Oct.': 0.05830942086250116, 'S.': 0.05424484828973389, 'Mr.': 0.053933826509633034, 'N.': 0.047451403081652306}, {'more': 0.05924445793269709, 'hundred': 0.05070870835593751, 'one': 0.029545484400942713, 'up': 0.014210864092560067, 'men': 0.013372456603174957, 'time': 0.013303362803072838, 'dollars': 0.012122377208152426, 'due': 0.011137843673954508, 'two': 0.009983418587925775}, {'made': 0.10962552404191576, 'and': 0.09797505399000662, 'required': 0.0439898000280928, 'done': 0.03936550833945335, 'caused': 0.037341924154448626, 'but': 0.02594926285316781, 'that': 0.02488968261223821, 'or': 0.023717199061386387, 'prescribed': 0.023027429625618878}, {'the': 0.24983788755632982, 'a': 0.11589504907043825, 'of': 0.08255987220718405, 'and': 0.06297643511836981, 'to': 0.04102474375435021, 'in': 0.029765567266101692, 'an': 0.0235486959222857, 'with': 0.020122637013278412, 'for': 0.019284191702624784}, {'it': 0.13796128875087904, 'which': 0.12123151758558284, 'It': 0.1190182297647619, 'that': 0.07907127608922525, 'who': 0.07084173501939091, 'he': 0.07065862855136053, 'there': 0.05551808419416357, 'and': 0.034746175819115654, 'There': 0.029925963619018833}, {'a': 0.36952128131779693, 'the': 0.17302648261821643, 'most': 0.10033637268668147, 'and': 0.07157855850120223, 'very': 0.06297810968573647, 'more': 0.044396389313462646, 'his': 0.03192451581523356, 'of': 0.028639933182488846, 'their': 0.02583626799740975}, {'feet': 0.09124682453705052, 'poles': 0.0730701371555321, 'up': 0.05088279168420823, 'chains': 0.04885658892872941, 'entitled': 0.03694920633644442, 'went': 0.034748145318504654, 'came': 0.03280590556373315, 'down': 0.032521221296211, 'him': 0.032446562119539564}, {'the': 0.20771681108222043, 'and': 0.12924615541126452, 'w': 0.09664734248157054, 'The': 0.08460841478097589, 'his': 0.06727741946591204, 'my': 0.027407387075415204, 'that': 0.026053205140072665, 'a': 0.02421710188219354, 'I': 0.023186144715021166}, {'and': 0.10895943750359649, 'to': 0.08388891872825754, 'was': 0.07993448544289587, 'the': 0.0768242429120076, 'be': 0.06487291099602045, 'of': 0.0455149322010004, 'is': 0.03910631658081812, 'a': 0.03680889972983323, 'at': 0.034013563218384744}, {'the': 0.367435726232885, 'of': 0.14713688342819903, 'in': 0.07523060525619583, 'their': 0.05691533652597612, 'all': 0.055832428739142966, 'and': 0.05158616612308268, 'The': 0.043862035247845876, 'for': 0.034820899788650904, 'a': 0.03188398118257903}, {'and': 0.10985765360012639, 'to': 0.0870112436273619, 'of': 0.07894186089764132, 'the': 0.07005492844823415, 'in': 0.032364668243275635, 'be-': 0.03196946985605434, 'that': 0.025107085000234345, 'was': 0.023436862887310478, 'for': 0.02150877633014445}, {'the': 0.4310557746992861, 'a': 0.11709371265693928, 'his': 0.07821253217818806, 'and': 0.06402185661326873, 'of': 0.04460597433633498, 'The': 0.032619911842440126, 'tho': 0.03115693480784693, 'my': 0.03059200549405529, 'their': 0.029895988061257293}, {'the': 0.12821876944176716, 'and': 0.07171647736359606, 'a': 0.0659050476352893, 'be': 0.06040292933821431, 'of': 0.05716048896511437, 'in': 0.05474860758614679, 'his': 0.038364629227935224, 'to': 0.03666545192955972, 'was': 0.03216214980155722}, {'in': 0.24340083445695443, 'the': 0.21634748098514336, 'of': 0.19608570231739084, 'and': 0.07888548327328399, 'In': 0.025958357146269144, 'for': 0.016484541653784487, 'to': 0.015157225750921505, 'by': 0.013031923107802011, 'these': 0.010757597911587327}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'the': 0.1506312590229245, 'in': 0.09382188111184502, 'of': 0.08029631568503201, 'at': 0.04246835790812996, 'said': 0.025221118896282643, 'to': 0.02507593476169639, 'and': 0.022406180607530194, 'In': 0.020929061905182372, 'for': 0.01923034726915283}, {'that': 0.2680224453726307, 'and': 0.1678870042779202, 'which': 0.08232405934824313, 'but': 0.05932810446413807, 'as': 0.05155544540902398, 'when': 0.03440942805889733, 'if': 0.031912695391665184, 'where': 0.025123635004732404, 'what': 0.024758468715606552}, {'the': 0.6172621327883853, 'of': 0.07872456613647263, 'and': 0.03571195626066111, 'The': 0.031950350943107206, 'by': 0.025500119396462795, 'tho': 0.024014545143730352, 'Vice': 0.02304276494269888, 'to': 0.01919904534600589, 'tbe': 0.012189622225878863}, {'the': 0.2608918551802173, 'a': 0.13217777063126346, 'of': 0.1277304071543703, 'to': 0.0641036464531547, 'and': 0.06039928007990689, 'in': 0.03205763211995423, 'The': 0.022313295429846655, 'for': 0.02052280314827842, 'with': 0.019162929392759976}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.304538174559454, 'Wall': 0.062311933302052196, 'Main': 0.040247154374323545, 'of': 0.01957466130785496, 'Third': 0.019137260344280534, 'Sixth': 0.01417817192801593, 'Fifth': 0.013734706042135312, 'Grand': 0.013672045454538827, 'tho': 0.013171473979964784}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.5910635503124205, 'a': 0.0710913029180168, 'The': 0.06496342495087441, 'tho': 0.034751440442551046, 'said': 0.024103358031031082, 'A': 0.019535696055981246, 'this': 0.019246678061358064, 'tbe': 0.016631317720552798, 'and': 0.014374809890092748}, {'the': 0.056020907265097696, '1': 0.04542199898644984, '-': 0.03758413941084646, 't': 0.032747312998643495, 'a': 0.02868497179291911, 'in': 0.022997385073418725, 'and': 0.02225000409347212, 'I': 0.021684958720240496, 'i': 0.01919174105451492}, {'person': 0.027462535092719623, 'in': 0.026107950737006336, 'action': 0.02209607196261655, 'on': 0.020183855125227745, 'one': 0.02018113584484776, 'man': 0.016932172501898955, 'right': 0.016188363685107326, 'day': 0.01567361229770155, 'city': 0.015090286461176066}, {'and': 0.06980185851943932, 'suffering': 0.030547236432864756, 'free': 0.025834155087809584, 'or': 0.024558319714408902, 'far': 0.02333657547678832, 'away': 0.023240529219323406, 'it': 0.022769461280467505, 'miles': 0.02209109791772649, 'them': 0.021615460750006702}, {'the': 0.15688329519607297, 'of': 0.15475259245616504, 'to': 0.06840469149643334, 'and': 0.05746673705506388, 'in': 0.037047809301233324, 'by': 0.030421138177428055, 'a': 0.025140020198461073, 'for': 0.022560937772142707, 'be': 0.021746010083544338}, {'cents': 0.1975004035573335, 'cent': 0.07536033999358811, 'cent,': 0.0425781435269759, 'ten': 0.04095909422368415, 'centum': 0.035007973416187964, 'dollars': 0.033369548156602445, '50': 0.03206998595413309, 'six': 0.027874220699488236, 'five': 0.025243396189195765}, {';': 0.0329041350220023, ',': 0.009459522340063376, 'him,': 0.007786242969256426, 'up': 0.007619315965358619, 'dollars': 0.007508167452103431, 'it,': 0.007274570534284214, 'and': 0.006746160427781826, 'years,': 0.006686834213841361, 'in': 0.006441029653916439}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.11779962059490376, 'of': 0.08596740294820827, 'and': 0.07568776954042707, 'a': 0.05077869504587158, 'to': 0.04502980800732101, 'be': 0.03528964289240952, 'in': 0.03435426147766118, 'was': 0.032825852443482004, 'is': 0.018753788213466776}, {'and': 0.05340475940915167, 'come': 0.049953235535662055, 'find': 0.04146298905048887, 'it': 0.04138540507691058, 'came': 0.03951317291846935, 'them': 0.03926350456149439, 'was': 0.03903989000983027, 'pointed': 0.038853064441789154, 'go': 0.0374687513871125}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'of': 0.21030354194379108, 'and': 0.1410775833298136, 'in': 0.10403343649825787, 'with': 0.08459492879502785, 'to': 0.08236173980853444, 'for': 0.062334351357193854, 'that': 0.05431989460073243, 'by': 0.04487330906084482, 'at': 0.04112867941551489}, {'the': 0.13869983154152482, 'of': 0.07552670995197855, 'and': 0.07299249838169872, 'to': 0.06887707543596176, 'a': 0.038187606492379095, 'was': 0.030665421916428723, 'be': 0.029927472555012546, 'or': 0.024582782089877603, 'in': 0.024034968832845015}, {'the': 0.537409592659362, 'at': 0.07578076223998662, 'of': 0.07479600700344305, 'to': 0.04263777678668247, 'in': 0.02509506717704467, 'tho': 0.024833126412434174, 'said': 0.02394048664953692, 'this': 0.017360647557933546, 'and': 0.011628131340131742}, {'and': 0.032923723179526826, 'made': 0.030830734723595682, 'followed': 0.018208072514866048, 'accompanied': 0.017867088667601255, 'up': 0.016150352873761296, 'called': 0.015061938632346394, 'is': 0.014748573006461502, 'there': 0.014376780981796525, 'that': 0.013845043689168359}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.2928436936381757, 'in': 0.1166737675872664, 'of': 0.10162597175218234, 'from': 0.07237047979504263, 'his': 0.07217841941997517, 'a': 0.06142459027159391, 'and': 0.05944447866980561, 'their': 0.05219369010695237, 'to': 0.04398942181423012}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'is': 0.17259142955892112, 'ought': 0.08272961521902446, 'are': 0.08056057458647582, 'seems': 0.07558392967483372, 'was': 0.06572888558670693, 'not': 0.06439114674223405, 'said': 0.05149586598076354, 'seemed': 0.04272828164381891, 'as': 0.041024869025136954}, {'of': 0.2632362083784854, 'a': 0.26228001714946103, 'and': 0.09252943726128811, 'in': 0.08945727507715037, 'the': 0.06557975306244553, 'with': 0.05122676401938589, 'for': 0.03444079305568655, 'some': 0.033457613539477425, 'A': 0.028102047554430194}, {'to': 0.12247983520969578, 'and': 0.11481374178697082, 'the': 0.1086403529599872, 'of': 0.08682124111405838, 'in': 0.027931886291906675, 'a': 0.024142213867424125, 'not': 0.023979975340734237, 'or': 0.02307617446092465, 'for': 0.02093855504019136}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'to': 0.14762832913698645, 'and': 0.1418697787952024, 'of': 0.049211063804286095, 'I': 0.04735898101723825, 'the': 0.047153084082889804, 'not': 0.03313179519620423, 'in': 0.0319543468750081, 'he': 0.02405353988792878, 'have': 0.021763284249533582}, {'he': 0.2808423155228933, 'I': 0.07810595805838423, 'He': 0.06296245678097928, 'and': 0.06194126336341135, 'she': 0.05341839840078702, 'it': 0.02464720471291986, 'It': 0.021636008451219595, 'ho': 0.017909344735343887, 'who': 0.013685016302550226}, {'of': 0.33637831492441006, 'in': 0.1102987822242204, 'to': 0.08311484344485338, 'and': 0.061854988951542386, 'by': 0.059333932136717345, 'that': 0.052169536203123784, 'for': 0.05125952005630903, 'with': 0.0434130961272414, 'from': 0.034189591533978304}, {'to': 0.28867370701245315, 'will': 0.22657126838819436, 'shall': 0.09510660565312833, 'would': 0.08832301261394242, 'may': 0.08014863291006327, 'should': 0.06759824425468086, 'must': 0.048343640833465214, 'not': 0.0384026856671226, 'and': 0.021256134327201612}, {'or': 0.33941246967619376, 'of': 0.11460343261311304, 'in': 0.10740181924121552, 'to': 0.10170109729057153, 'on': 0.09147786840599986, 'at': 0.062483548779529656, 'for': 0.04013214532179601, 'by': 0.0401028424567007, 'that': 0.03406950878174846}, {'at': 0.17144432939759283, 'of': 0.12702819957506797, 'and': 0.09698956041095404, 'for': 0.08501030687527834, 'in': 0.06269103120658508, 'to': 0.05632276035665874, 'the': 0.051095550730272, 'a': 0.035193083646401654, 'that': 0.023163464264606963}, {'the': 0.48528076812230164, 'a': 0.12420710734579274, 'The': 0.06314938331231623, 'tho': 0.03744886212773725, 'and': 0.03359529702812745, 'this': 0.027886193704062867, 'his': 0.02334146515094384, 'on': 0.016881279668496233, 'our': 0.01629604023851425}, {'to': 0.2280306533561726, 'the': 0.1463867482689016, 'and': 0.13194099179101518, 'of': 0.08025375484821322, 'in': 0.0584034969692663, 'a': 0.04773557466330704, 'I': 0.03556918384222269, 'which': 0.02832104005366505, 'his': 0.02578786854695127}, {'it': 0.17395708783894975, 'he': 0.17325092236797085, 'It': 0.09587139059032734, 'I': 0.08955031379650959, 'which': 0.0705607136951665, 'He': 0.052385626963571345, 'and': 0.05114164470176605, 'who': 0.048649216820897824, 'she': 0.037541451802647785}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'three': 0.14449534511956516, 'feet': 0.06438861920353099, 'up': 0.04667204287407434, 'went': 0.04497513562976376, 'and': 0.04373351424730868, 'four': 0.0383838529501678, 'go': 0.0344974157905895, 'two': 0.02987846696157583, 'him': 0.02966851843148322}, {'and': 0.1393542961855031, 'not': 0.11667509311223466, 'is': 0.11287306591100314, 'or': 0.10218439410347666, 'was': 0.07713291272659817, 'are': 0.0709723819856918, 'of': 0.056625831767253186, 'be': 0.05450304339864141, 'been': 0.043144064755175945}, {'the': 0.3104765743724798, 'of': 0.08574965541129366, 'said': 0.0436809010546083, 'and': 0.04350369445950758, 'The': 0.036572389560857246, 'Mr.': 0.035528293975263636, 'in': 0.026779193464365077, '.': 0.024038224457107005, '<s>': 0.016867784545567397}, {'there': 0.22761373512923655, 'There': 0.15639835240122862, 'they': 0.10023446870266867, 'and': 0.04718572173339314, 'They': 0.033346461795278476, 'who': 0.029646915242638416, 'we': 0.028646137119130794, 'which': 0.028492409946155817, 'men': 0.015235269599737759}, {'to': 0.11144374236298595, 'the': 0.10917981760160007, 'and': 0.10692920077675938, 'of': 0.08551452114372984, 'in': 0.033918395178194706, 'a': 0.02924037307288965, 'not': 0.02004826767775804, 'I': 0.017020811204842605, 'be': 0.01652276935920046}, {'the': 0.16530110495803874, 'of': 0.09439173639268335, 'and': 0.08722742722691086, 'a': 0.04347085376264078, 'Mr.': 0.036628118436697124, 'be': 0.034951828033320004, 'The': 0.03372230868492874, 'was': 0.028428892692248724, 'to': 0.022048240256300127}, {'the': 0.5053605265217203, 'and': 0.06634365401642271, 'a': 0.06483469761657322, 'this': 0.06301727420550927, 'of': 0.06063212455439467, 'or': 0.0390899530072024, 'in': 0.03804192736441288, 'any': 0.03180998276990805, 'its': 0.030423485284565684}, {'the': 0.31345202021507035, 'and': 0.06593638610106022, 'of': 0.0651225147148006, 'a': 0.05689526531432771, 'in': 0.05377710576252841, 'that': 0.032701254961480644, 'tho': 0.021077279701497673, 'no': 0.01953313410030027, 'any': 0.019192157317938614}, {'that': 0.19529459725552145, 'and': 0.1893205846914157, 'but': 0.10676670620972793, 'as': 0.07688705093448475, 'which': 0.058663178485630074, 'if': 0.03975885240158478, 'when': 0.03805535861827694, 'where': 0.02774861381497361, 'But': 0.025105247517370508}, {'the': 0.18927580197235688, 'of': 0.10268000335673094, 'to': 0.07193089873803327, 'and': 0.06302722590064451, 'in': 0.035804951354373886, 'for': 0.03552877544733519, 'be': 0.029165863199114864, 'was': 0.021230450879771812, 'is': 0.019324942212557497}, {'of': 0.34312487141173215, 'to': 0.1251884430242444, 'and': 0.08558193967879144, 'in': 0.06137322460301542, 'that': 0.06009685278365999, 'for': 0.059390743230485744, 'with': 0.05830711502807256, 'is': 0.03706152172787738, 'by': 0.03702875757725107}, {'and': 0.07633178723006181, 'held': 0.03773152144776083, 'recorded': 0.03005938340463387, 'made': 0.02782011330331509, 'was': 0.026618657329682525, 'up': 0.02394056103296354, 'him': 0.023458861087361504, 'it': 0.01924312985554065, 'is': 0.018456848974825937}, {'the': 0.0898562244648859, 'and': 0.07220843103425098, 'of': 0.0654076281668286, 'to': 0.06305967700265841, 'in': 0.039540299884628476, 'on': 0.03272305773286877, 'for': 0.03112018091176829, 'was': 0.02864306232829971, 'a': 0.0277224793502142}, {'the': 0.3072781068343019, 'of': 0.09513702237946889, 'and': 0.08962023559915613, 'an': 0.07499419561054024, 'have': 0.06989134336686437, 'The': 0.059152447370744494, 'their': 0.058033147868662115, 'his': 0.05700010175254526, 'be': 0.04656208728549127}, {'the': 0.3151880116192675, 'in': 0.11694247521838733, 'of': 0.09705352069149516, 'his': 0.0859363426208873, 'from': 0.07009333662176635, 'their': 0.05186546368607554, 'In': 0.04657750763389921, 'and': 0.04127115729633454, 'my': 0.03840351579701126}, {'and': 0.16242649508550644, 'he': 0.1235527067561582, 'I': 0.10149532690905963, 'He': 0.04572148313621332, 'they': 0.03864915569366755, 'who': 0.038049792003686994, 'it': 0.03452934863900478, 'she': 0.029659326626904972, 'which': 0.026850966971594087}, {'the': 0.593356615795387, 'an': 0.11979316658628847, 'and': 0.06131903310684785, 'this': 0.05631066801039485, 'tho': 0.032648326026498115, 'The': 0.030848997811588386, 'his': 0.02650957318072896, 'to': 0.016243736240801873, 'of': 0.016062891137783527}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'interstate': 0.22080123001512486, 'the': 0.2102568322649495, 'of': 0.19982455443385777, 'said': 0.08720375275509899, 'The': 0.04656583638973948, 'that': 0.03311679692770744, 'a': 0.03268003078029436, 'Interstate': 0.032008196654598545, 'this': 0.02681629869467953}, {'virtue': 0.07446520038896885, 'out': 0.065008335608151, 'part': 0.03947215825672998, 'one': 0.03562890125655043, 'quarter': 0.03241584136443704, 'favor': 0.0239235849421329, 'result': 0.023354276051738905, 'guilty': 0.022667050730808908, 'means': 0.022196791642065155}, {'of': 0.1843355698039785, 'to': 0.17130511091078585, 'at': 0.13212605799488003, 'in': 0.12742165757489438, 'for': 0.11799483366718547, 'and': 0.052031921058379095, 'by': 0.04746508528122403, 'from': 0.04492187925753213, 'with': 0.03997641665520599}, {'the': 0.2902955919464102, 'a': 0.08803513050394632, 'his': 0.06377354487349501, 'little': 0.05107754640829998, 'of': 0.03889103460745297, 'and': 0.03210852118793645, 'in': 0.028712818440332584, 'this': 0.020616994102432493, 'my': 0.02045019830298214}, {'and': 0.2007359282986627, 'as': 0.1684118731824849, 'that': 0.14126305955762447, 'but': 0.04549692178714134, 'even': 0.044889810821694506, 'or': 0.028480808839333096, 'And': 0.0229290168229453, 'and,': 0.01910356851195509, 'see': 0.01816404066833302}, {'out': 0.05322358552899811, 'that': 0.045779133629052615, 'one': 0.03769926577567363, 'part': 0.03716006821775306, 'payment': 0.03318736109624295, 'or': 0.03021403764333891, 'value': 0.03021210617624669, 'tion': 0.030050303579380617, 'use': 0.02834960641278409}, {'the': 0.23724671551316706, 'of': 0.10082538978126222, 'to': 0.05529823901616596, 'and': 0.05032481432983167, 'a': 0.04581588232752173, 'in': 0.03493169672460925, 'for': 0.02876333853190044, 'that': 0.01802484979919368, 'on': 0.015886749376415286}, {'the': 0.15755941708735557, 'of': 0.13383676055999794, 'on': 0.05839490173494658, 'and': 0.050413361052016575, 'to': 0.04861639492391322, 'a': 0.03756564371077027, 'by': 0.02765572869569949, 'in': 0.020660124697820123, '<s>': 0.019324773904032432}, {'the': 0.18381955435890504, 'of': 0.12278628617278592, 'to': 0.06712513641920152, 'and': 0.047137828846930165, 'in': 0.021526543939127712, 'be': 0.021486803358868087, 'for': 0.019537956181941256, '<s>': 0.016423001571341925, 'a': 0.015756752068020165}, {'and': 0.128801103892971, 'was': 0.047651185212290365, 'that': 0.036142622812235264, 'is': 0.03357258301251903, 'work': 0.024442324373521188, 'put': 0.023530307684714598, 'it': 0.022938337816234642, 'him': 0.022785108506298786, 'them': 0.022732030426600144}, {'and': 0.1219735949669831, 'Mrs.': 0.08902832083627818, 'of': 0.046548660888276375, 'by': 0.037057894671462914, 'Mr.': 0.034200823862518194, 'to': 0.032615607230768236, '.': 0.023161386021823594, 'said': 0.015143928948521776, 'the': 0.014696512242607752}, {'of': 0.293505876982706, 'to': 0.09963169779851429, 'that': 0.08690721696958, 'and': 0.06707480089245647, 'in': 0.048655026736179885, 'by': 0.04044091839024292, 'for': 0.03968235342619054, 'from': 0.03693557700978634, 'as': 0.03033410043093622}, {'to': 0.633020802913835, 'will': 0.14398993730615423, 'would': 0.04418030181330457, 'must': 0.034220599993545965, 'can': 0.029443344093368767, 'could': 0.0262734123935571, 'not': 0.02117907175420058, 'and': 0.02095027887055605, 'should': 0.01980738971530363}, {'the': 0.5301393483668996, 'a': 0.09133631645130602, 'an': 0.07372825875624073, 'his': 0.05767676208287865, 'and': 0.04233346771978815, 'most': 0.040515742254774965, 'The': 0.03756202588515663, 'no': 0.03726883713589354, 'in': 0.031148710025478765}, {'and': 0.10616432087343582, 'for': 0.08845712871384899, 'as': 0.07519557828022398, 'on': 0.06559451006641194, 'of': 0.06196199441052344, 'to': 0.0555337380046983, 'in': 0.05320654968244294, 'that': 0.05168196543485832, 'with': 0.04994703600086124}, {'the': 0.34887263659239837, 'in': 0.11266931394990712, 'of': 0.07016657171112925, 'an': 0.05994014748161305, 'their': 0.05250460690563808, 'and': 0.051493707251060464, 'a': 0.045046366455159845, 'for': 0.04289795916973093, 'his': 0.04081380859465819}, {'of': 0.23797155086089436, 'to': 0.12448648460261934, 'in': 0.09800658092868599, 'by': 0.09146636485314483, 'with': 0.0900704139620066, 'for': 0.08893995238589648, 'and': 0.07463737562021529, 'on': 0.05651447877868269, 'as': 0.042594988254134956}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'to': 0.1344504110655416, 'and': 0.09696770753738487, 'of': 0.06692935421560114, 'the': 0.05794267871806159, 'in': 0.03029358260439597, '<s>': 0.018913935718769277, 'not': 0.018861960111351984, 'I': 0.016438033203847614, 'by': 0.01535041880719501}, {'the': 0.26327851213396847, 'City': 0.22017853700614612, 'Common': 0.12252074138574509, 'of': 0.08723911390618336, 'Town': 0.02796885691710301, 'and': 0.022492230657528395, 'said': 0.02234852445691245, 'State': 0.016244490719075702, 'National': 0.013303959022309197}, {'and': 0.30222912739666036, 'and,': 0.09190914110546258, 'that,': 0.03170465358830013, 'which,': 0.028679730224312392, 'that': 0.025326015625495833, 'but': 0.016803491301891942, 'who,': 0.011421906369727241, 'is': 0.01045455891717387, 'year,': 0.010232518632758536}, {'of': 0.28431105204050244, 'in': 0.13539264128841808, 'and': 0.0965422692380453, 'that': 0.09059918356906375, 'to': 0.07958243863708692, 'with': 0.0450173388351211, 'by': 0.04412400152054831, 'for': 0.040580115163175515, 'on': 0.03707701317519377}, {'a': 0.3523202509674979, 'the': 0.2326652388782498, 'ballot': 0.06292513459163944, 'his': 0.0318053425068784, 'to': 0.02293451939565263, 'this': 0.020746582402072167, 'first': 0.01733049170557596, 'The': 0.01624161939261826, 'of': 0.01601921331496451}, {'of': 0.20461373082284692, 'to': 0.11255251557050133, 'and': 0.10764780736300636, 'in': 0.06043921450598196, 'for': 0.05329475978700549, 'on': 0.05016762050817244, 'with': 0.044573569898509864, 'at': 0.044398841000889755, 'from': 0.04413580643790742}, {'to': 0.5707157764074909, 'will': 0.08216287989925102, 'would': 0.056753807348308725, 'can': 0.03767663574040615, 'I': 0.03659581748469584, 'and': 0.0318618394386951, 'they': 0.03000194559442605, 'could': 0.028180308826304526, 'never': 0.027175398536823558}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'of': 0.15815730755430685, 'for': 0.1308483091205453, 'enable': 0.1043966200335916, 'to': 0.09544852256613968, 'from': 0.07991375671914736, 'with': 0.06929664363100561, 'upon': 0.047778148825418275, 'give': 0.041264175332676664, 'by': 0.03759207389813048}, {'the': 0.1963888033341214, 'his': 0.14892730531516576, 'of': 0.13169989352453992, 'and': 0.1027629264363497, 'their': 0.07987485881467063, 'to': 0.05947862406980701, 'my': 0.05289915595074738, 'with': 0.04913688568226666, 'her': 0.042207531636186}, {'the': 0.28853226278005384, 'and': 0.08564220945058061, 'a': 0.07248622739579591, 'of': 0.05910888881057097, 'be': 0.03451675312823223, 'to': 0.030819741958389633, 'or': 0.03027587272880971, 'in': 0.023082358761261548, 'is': 0.022854943432040965}, {'and': 0.042180880378236876, 'miles': 0.03996483095937216, 'free': 0.03885286490958883, 'far': 0.032517411487131054, 'away': 0.03220746175199813, 'suffering': 0.026194301531255845, 'him': 0.023072069906964216, 'them': 0.022689122908621063, 'or': 0.021478077363521378}, {'as': 0.07698231169650252, 'up': 0.07101461764412834, 'came': 0.059184411676238606, 'and': 0.055530779423232306, 'come': 0.05243856861501538, 'sent': 0.03841478462375461, 'back': 0.037946065283288914, 'it': 0.03461565374120381, 'presented': 0.030683496434718082}, {'of': 0.3328267698052806, 'on': 0.18430293670003522, 'to': 0.09597644065274415, 'in': 0.09378432465309777, 'from': 0.03828837246048939, 'and': 0.03408694876726821, 'by': 0.028406103842367057, 'with': 0.024740025822572412, 'at': 0.024022290066633943}, {'and': 0.0776641394522738, 'time': 0.030049882876650818, 'reason': 0.022061326361568063, 'provided': 0.01691098330851189, 'that': 0.01219935797021179, 'day': 0.011826843141096754, 'it': 0.009993865208434276, 'money': 0.009674066383126635, 'way': 0.009657221536353613}, {'would': 0.1612527125158498, 'to': 0.1461690620034289, 'I': 0.11528646782906199, 'we': 0.09433759958163204, 'they': 0.09179447425198889, 'who': 0.08581308878325655, 'will': 0.07005756149303378, 'you': 0.05383854282172275, 'and': 0.05261612212675163}, {'an': 0.7088507967779506, 'a': 0.06107756819877937, 'the': 0.05427815310799442, 'very': 0.04866646571826125, 'is': 0.030457374879894143, 'no': 0.021117598760593805, 'and': 0.02029544516619784, 'An': 0.018573202577315606, 'most': 0.014383964600143033}, {'it': 0.24059414618924724, 'It': 0.17311154059373704, 'which': 0.07615112473347867, 'that': 0.0633305584498137, 'and': 0.040241903506839385, 'This': 0.0394768914633687, 'he': 0.03441776099191458, 'this': 0.033257283647320425, 'there': 0.029227641960921133}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'hundred': 0.5280606380951999, 'dred': 0.028329706392992662, 'dollars': 0.020676576525129456, 'one': 0.013882841788954868, 'two': 0.009999843364989729, 'due': 0.008487155550850667, 'feet': 0.008026588996956761, 'three': 0.007307264276507595, 'men': 0.006190993603652373}, {'the': 0.3172976312934834, 'of': 0.2814447778402197, 'by': 0.06800479076320338, 'in': 0.05996848683274075, 'to': 0.04414533573629296, 'that': 0.03707533924278229, 'and': 0.03629450867136311, 'which': 0.030954206934524834, 'with': 0.02353960423934701}, {'the': 0.37444030096438097, 'of': 0.15586666429270477, 'said': 0.09564073402311322, 'and': 0.05167493106647758, 'his': 0.04971143136394444, 'The': 0.03167636804043659, 'to': 0.02663872625816318, 'their': 0.023116133564120147, 'a': 0.021595050596106474}, {'the': 0.2327712079567096, 'in': 0.09532115930054676, 'of': 0.08358809497938645, 'a': 0.045362079429879576, 'and': 0.04131330174520511, 'to': 0.0325197614055177, 'In': 0.02327113291242567, 'at': 0.020906902162706218, 'tho': 0.013280937242151328}, {'the': 0.5063317682467038, 'and': 0.08534178851286736, 'such': 0.07774825561395243, 'The': 0.06805817371472339, 'of': 0.04755317340760386, 'these': 0.04223285725005032, 'that': 0.03972860399547309, 'no': 0.036755678286872685, 'all': 0.03156801261970219}, {'the': 0.14651767028650897, 'and': 0.10280181339946678, 'of': 0.07164139889404732, 'to': 0.06710968865667367, 'in': 0.043620235518656805, 'was': 0.04085328919635116, 'a': 0.03773596883616436, 'be': 0.034467327867332885, 'is': 0.024743356400790086}, {'the': 0.4588132868174411, 'a': 0.1296404055757415, 'his': 0.0943243801704358, 'this': 0.06466410611421583, 'their': 0.035890376812966224, 'to': 0.03202705287939911, 'in': 0.03148445441056371, 'tho': 0.03080428628184008, 'its': 0.029218321708076866}, {'and': 0.1727125143582025, 'a': 0.12660115468683106, 'the': 0.12380358212967686, 'in': 0.10259183527555087, 'his': 0.05850778729656963, 'of': 0.05341675096670469, 'to': 0.047327927404943786, 'their': 0.04717851143311768, 'or': 0.035254296398735674}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'of': 0.16315758162511676, 'is': 0.1487949494268091, 'was': 0.11269303563487583, 'in': 0.09536263517594937, 'and': 0.08166695364972111, 'as': 0.07571729694614093, 'with': 0.06414233291656617, 'be': 0.060779417226232285, 'such': 0.059105120095990955}, {'he': 0.1681716704196222, 'and': 0.14472964492083262, 'I': 0.09377392905908141, 'be': 0.06971781155944833, 'they': 0.04816783687480381, 'have': 0.04355416031677246, 'He': 0.04255735733776262, 'who': 0.04022676864102226, 'she': 0.035206204316568936}, {'in': 0.27240809123738896, 'of': 0.24678955908279315, 'to': 0.0910754645140458, 'and': 0.07314828802215322, 'In': 0.06040079011882537, 'for': 0.04325717133382306, 'that': 0.04199744778581169, 'by': 0.03828875684028364, 'on': 0.035320443980030466}, {'of': 0.17635389372977583, 'and': 0.0631775612494889, 'by': 0.04841684937232637, 'to': 0.04256522835979757, 'in': 0.033924902496569286, 'with': 0.02733223333731267, 'that': 0.02531962594758211, 'from': 0.021123559159251494, 'for': 0.01722564768270558}, {'and': 0.09850950018500298, 'was': 0.07581252452134185, 'be': 0.04714847426336734, 'stay': 0.03782668826892763, 'them': 0.0353570265581873, 'him': 0.03513539556989575, 'is': 0.031253048788071086, 'were': 0.029305937054595985, 'are': 0.02841928420405007}, {'and': 0.08362943294997585, 'together': 0.07769806815080653, 'connected': 0.0635902168573379, 'connection': 0.06228367212358626, 'accordance': 0.047530813078388766, 'comply': 0.026000666542743977, 'acquainted': 0.023189098613704624, 'compared': 0.02214887744238745, 'contact': 0.01973810078197255}, {'of': 0.21502173820880102, 'on': 0.12663894778768703, 'to': 0.1192657995401958, 'in': 0.11030228273588141, 'for': 0.06274598296868417, 'with': 0.05914010313571856, 'and': 0.05779743554045454, 'from': 0.05334482990132518, 'at': 0.042067053918456665}, {'and': 0.1313056501793289, 'made': 0.034551030036317, 'necessary': 0.03191530070016697, 'provide': 0.023191256277008975, 'him': 0.021827387004521748, 'time': 0.02091411247587312, 'but': 0.020346196766889778, 'pay': 0.02006785098451588, 'responsible': 0.019399383232926184}, {'the': 0.2774563966492817, 'and': 0.20556589082175816, 'a': 0.0958904304523436, 'that': 0.04044058483623375, 'The': 0.04011920509469775, 'of': 0.037073713625515245, 'his': 0.03531492946990732, 'these': 0.027661945387290224, 'I': 0.02376225014564621}, {'and': 0.14360813256285396, 'together': 0.07204539462447847, 'connection': 0.029576860106554637, 'do': 0.02642935211120786, 'covered': 0.025797188124869398, 'them': 0.0255264208917601, 'compared': 0.02219992530880583, 'him': 0.022089705859645297, 'but': 0.021718789524029503}, {'daughter': 0.09216313563954158, 'motion': 0.052806947827899534, 'one': 0.04253147801287002, 'son': 0.04012110866097427, 'part': 0.03775618069503885, 'residence': 0.03530008286118303, 'that': 0.0315654072144434, 'out': 0.028731735920917194, 'name': 0.02452756331958744}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'the': 0.12742448267130854, 'and': 0.10439047010070458, 'of': 0.09008308528693847, 'as': 0.08946547023415485, 'a': 0.04988938362235117, 'to': 0.042785061773461454, 'be': 0.034245776444171545, 'such': 0.029258330792545036, 'in': 0.02838714816744532}, {'the': 0.24239272414027796, 'of': 0.0924115658050224, 'and': 0.08809516366439311, 'a': 0.06124662391755263, 'The': 0.03536134942218353, 'Mr.': 0.02516359419778143, 'to': 0.022460112695244398, 'in': 0.02011000253253141, 'his': 0.01668614200916881}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {';': 0.03500277230220813, 'and': 0.015062172889989811, 'him,': 0.01219508039686695, 'them,': 0.009982813439814836, '<s>': 0.006824467255149535, 'it,': 0.006307866531075747, ',': 0.005885833799431622, 'day,': 0.005563074252906196, 'years,': 0.005065797545263308}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'.': 0.07126593521718477, 'of': 0.06635385185669866, 'and': 0.059276004448825796, 'the': 0.04895420748422583, 'Mrs.': 0.03508237890834158, 'to': 0.029258786228599724, 'S.': 0.02549469270032528, '<s>': 0.021340836046723013, 'by': 0.02052252975577621}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'day': 0.4559908473354534, 'State': 0.06575098369532421, 'state': 0.020952781076357375, 'city': 0.016504270451303094, 'dav': 0.015943710709897533, 'County': 0.012271437193872678, 'place': 0.011140103345846402, 'side': 0.010735129995780236, 'City': 0.010059422881542235}, {'the': 0.39795110307023224, 'a': 0.12123242709183928, 'and': 0.11342666941980112, 'to': 0.042403059689371254, 'his': 0.040378117338230546, 'of': 0.04019202930887846, 'this': 0.03317002221203209, 'will': 0.029326539565805353, 'that': 0.028766947040035577}, {'it': 0.19451058132593158, 'he': 0.11933369756300059, 'and': 0.07152203064032855, 'It': 0.07074319956564562, 'who': 0.0706214435369004, 'they': 0.06956764472922795, 'I': 0.061350232597502205, 'which': 0.05389916946365871, 'we': 0.03538627516890281}, {'and': 0.17585063722392302, 'fact': 0.10400902578517979, 'said': 0.06844377842999533, 'so': 0.06232472237382234, 'believe': 0.04519952307692614, 'is': 0.039634011181226815, 'say': 0.03675663629906361, 'know': 0.036060715732595706, 'found': 0.03095250753294034}, {'and': 0.07419354360123862, 'that': 0.03000328352715926, 'was': 0.026205169142457393, 'men': 0.022878395130880223, 'be': 0.020422313189960305, 'situated': 0.018782828681340576, 'now': 0.018079411543273416, 'made': 0.018026680277752307, 'them': 0.016936953204016253}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'that': 0.36527442338394733, 'if': 0.09541237384579382, 'as': 0.09047382689893438, 'which': 0.08414530554931711, 'and': 0.0660368549277253, 'where': 0.054962679484821295, 'when': 0.045766374129227363, 'what': 0.03893095634978717, 'but': 0.035569346710716016}, {'and': 0.10985765360012639, 'to': 0.0870112436273619, 'of': 0.07894186089764132, 'the': 0.07005492844823415, 'in': 0.032364668243275635, 'be-': 0.03196946985605434, 'that': 0.025107085000234345, 'was': 0.023436862887310478, 'for': 0.02150877633014445}, {'be': 0.2649291305310641, 'was': 0.19790139725269268, 'been': 0.11172669730149616, 'is': 0.07874140822233838, 'were': 0.047555642158042054, 'and': 0.04548789469566424, 'being': 0.045447952894852456, 'are': 0.032411127433934116, 'bo': 0.018240159275697585}, {'to': 0.16587220090853444, 'will': 0.067090844742293, 't': 0.06374855643626783, 'that': 0.04891398348951853, 'would': 0.04569880422601861, 'and': 0.04539820974480802, 'I': 0.035176957137119755, 'may': 0.030504623893655644, 'which': 0.024192384170473855}, {'and': 0.2611243991017602, 'is': 0.11841766325755114, 'are': 0.08752605941932134, 'was': 0.08506066413543865, 'I': 0.04004249778592856, 'were': 0.032802378580897795, 'will': 0.024350726821423054, 'not': 0.023581998457811126, 'be': 0.023454329748024392}, {'the': 0.37832428105421906, 'of': 0.13581590095472512, 'and': 0.06451195924463898, 'by': 0.0558176024517014, 'to': 0.05316903445887075, 'Attorney': 0.037551116085553386, 'that': 0.036935939443921685, 'Postmaster': 0.03654807307882672, 'The': 0.03126997207826482}, {'to': 0.11937488819529202, 'and': 0.09377007705719144, 'the': 0.08115536925303087, 'of': 0.07188521916449903, 'a': 0.027850037986366226, 'in': 0.026165110257802313, 'at': 0.02372921180583813, 'for': 0.02049451182539427, 'I': 0.02029002353597664}, {'the': 0.15741079167772795, 'of': 0.11657172765756561, 'and': 0.1029425864342295, 'to': 0.043971348018355075, 'in': 0.034418161110702304, 'for': 0.026165286768045335, 'that': 0.02096937659751874, 'with': 0.018677408012265213, 'was': 0.018360571570756257}, {'the': 0.24048784398010126, 'of': 0.10632421434120215, 'and': 0.10553153298358099, 'The': 0.07183108295659232, 'that': 0.02575588295156761, 'his': 0.017425129602790537, 'tho': 0.015481695617446048, 'these': 0.014408992859812612, 'to': 0.014363182432615144}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'number': 0.04783279856069427, 'out': 0.03523580298553459, 'day': 0.025273896608054167, 'one': 0.022926623656536044, 'and': 0.020718585280798903, 'tion': 0.020113617128355424, 'part': 0.01834877957160795, 'time': 0.01821617390014658, 'that': 0.01806274786723067}, {'and': 0.13640785159927854, 'or': 0.057120866130157176, 'be': 0.03581948546495556, 'is': 0.03574759134838652, 'not': 0.03528673710982851, 'them': 0.03398550564741217, 'made': 0.03156996581178353, 'but': 0.031007467680096528, 'that': 0.030072388244884667}, {'to': 0.4294175189339552, 'the': 0.12556283682720437, 'and': 0.10683266834111681, 'of': 0.07063351384838913, 'will': 0.05767261276346398, 'would': 0.032623887875410956, 'his': 0.031668057944952796, 'a': 0.030064337582516813, 'or': 0.023150077416115467}, {'of': 0.2673557436854185, 'on': 0.15765942530640145, 'to': 0.14175058320475034, 'and': 0.0815767823912544, 'in': 0.06655042467556065, 'by': 0.04663149689598077, 'that': 0.04582127690727656, 'with': 0.04052785902658302, 'from': 0.03692195525997485}, {'of': 0.34178383467969703, 'to': 0.12462432908557243, 'in': 0.10690898736675838, 'with': 0.05533293560566888, 'and': 0.05531470251650767, 'that': 0.05301808027659677, 'for': 0.04680661700492594, 'at': 0.0457034749496833, 'by': 0.0450059709350904}, {'the': 0.15289821517464233, 'of': 0.1255910095795037, 'and': 0.08385549392559763, 'to': 0.08160542480392552, 'by': 0.03947866738236662, 'for': 0.032441330322564174, 'in': 0.0266145636013649, 'that': 0.021749633282065986, 'at': 0.02134031540014182}, {'the': 0.19792825328055563, 'of': 0.09656398831872479, 'a': 0.06364044779393213, 'and': 0.04851287328607705, 'on': 0.04645339317795482, 'in': 0.04609924893305338, 'to': 0.025574452046585924, '<s>': 0.01973955550374657, 'at': 0.018017631533139823}, {'for': 0.14749326686798608, 'to': 0.1458552118243912, 'with': 0.12343178952957781, 'from': 0.10771824613042409, 'by': 0.06936509276897855, 'of': 0.0661438080806281, 'upon': 0.06460511773862651, 'at': 0.039382011715702214, 'on': 0.0376911626966328}, {'of': 0.42523860266987323, 'on': 0.14144775400712167, 'in': 0.0927241326745965, 'and': 0.06963574076500384, 'to': 0.05798291116343049, 'that': 0.04846953318878973, 'from': 0.034138375985505606, 'by': 0.03001263452040388, 'for': 0.025882448657297837}, {'the': 0.3425965554458176, 'an': 0.29635859506677203, 'this': 0.10082703920634127, 'The': 0.061228594971624035, 'any': 0.05404052584062004, 'An': 0.02618772264349101, 'every': 0.021720004103110507, 'that': 0.021228944426865497, 'tho': 0.019409564232719483}, {'of': 0.14090052100057104, 'the': 0.10856944841740632, 'and': 0.07777819477304566, 'to': 0.0643067503545317, 'in': 0.027579299808073336, 'a': 0.023288539055529734, 'or': 0.022207376577340482, 'that': 0.022095658699119603, 'at': 0.02189165751830258}, {'of': 0.36211912412760344, 'for': 0.12944535246390262, 'in': 0.10726196220285304, 'to': 0.08510340723727769, 'that': 0.07100730305829611, 'by': 0.05213570142396775, 'and': 0.045977430418260676, 'during': 0.034051250924270346, 'at': 0.02677496365451294}, {'of': 0.3287175312276486, 'on': 0.12908655452449377, 'to': 0.12551321848883215, 'in': 0.12181113600707555, 'by': 0.07446647409381033, 'from': 0.041303102507953486, 'and': 0.03403528685745308, 'that': 0.030432903532193224, 'with': 0.02994917968633368}, {'have': 0.21070183790751826, 'I': 0.15749883014225813, 'has': 0.12948771233437525, 'he': 0.10667273410603463, 'had': 0.09951130387379417, 'and': 0.07630712654393243, 'He': 0.044541236689037006, 'not': 0.03650378928117298, 'they': 0.0311208313969246}, {'and': 0.13477470761469834, 'was': 0.06573790050058322, 'is': 0.061822025315157146, 'are': 0.037851888084150236, 'be': 0.03219818914458335, 'it': 0.025319339338474026, 'that': 0.024397191619393525, 'been': 0.023225985589139846, 'succeeded': 0.022866681293539578}, {'number': 0.2533309414483233, 'thousands': 0.04863356640355285, 'amount': 0.03756304044723557, 'out': 0.03525418364863915, 'hundreds': 0.03315994476493443, 'sum': 0.03278554067266417, 'bushels': 0.026652577806217055, 'one': 0.026392585485339307, 'men': 0.023056131301886513}, {'the': 0.7135896726641013, 'this': 0.07405899177921839, 'tho': 0.028892498770924965, 'The': 0.02547466969848901, 'said': 0.020430059180792423, 'that': 0.01965418695043292, 'our': 0.018865626897010785, 'whole': 0.016891003161621482, 'and': 0.015225088571549647}, {'of': 0.396900811132951, 'to': 0.14052644479951698, 'in': 0.08505590559130168, 'by': 0.08143677649257625, 'and': 0.05847797210430534, 'on': 0.03959757273104977, 'that': 0.037826571570959124, 'at': 0.03681704021149967, 'from': 0.0358075550689497}, {'time': 0.02114263101380747, 'in': 0.013828947203206635, 'one': 0.013112389783063663, 'costs': 0.01258588911332705, 'out': 0.00952394121061323, 'new': 0.009173210454452848, 'a': 0.008993631122763714, 'each': 0.008970503236081447, 'power': 0.00894782292058629}, {'and': 0.19061482240990052, 'was': 0.06006957434175731, 'is': 0.04323266812110517, 'are': 0.03627002944101897, 'that': 0.033941025552582986, 'be': 0.032276198306174377, 'not': 0.0295630787689589, 'but': 0.02388095878127232, 'were': 0.023457126307842587}, {'J': 0.03460484139906095, 'I': 0.032507822856986855, 'A': 0.030655831444319336, 'S': 0.030284196556625943, 'M': 0.029948278947967394, 'm': 0.029250903712081354, 'W': 0.02853983719606672, '.': 0.027707803902302965, 'and': 0.02695778432375177}, {'and': 0.1612987382865503, 'the': 0.13321657372251433, 'to': 0.10842124627664368, 'of': 0.08566648301895634, 'or': 0.04366239927411495, 'in': 0.030931450659023394, 'a': 0.027747662171624776, '<s>': 0.021166005606932613, 'on': 0.020646867296304064}, {'and': 0.09468249737622518, 'depend': 0.03875088893599322, 'based': 0.03863406357657407, 'placed': 0.0380392715961322, 'depends': 0.03779424552216468, 'called': 0.03705486424756454, 'down': 0.03295251281941486, 'made': 0.032658028953724605, 'effect': 0.028685464570585545}, {'the': 0.12662951290975194, 'of': 0.07145873659490239, 'and': 0.06731004571434146, 'to': 0.04754513564387218, 'be': 0.04011002601094167, 'a': 0.035879561831581835, 'was': 0.026562777518600394, 'their': 0.0226159866335296, 'in': 0.020559453258187886}, {'is': 0.15867434161476135, 'was': 0.1501556972404605, 'be': 0.121746790889816, 'and': 0.0694230452939623, 'had': 0.06137176641923354, 'been': 0.05928434214361144, 'have': 0.05633204006776764, 'are': 0.05451462243257307, 'has': 0.04667481164988227}, {'they': 0.17308176508596368, 'there': 0.09288893875972877, 'who': 0.0774795094587894, 'we': 0.06018248967224999, 'which': 0.05591291581655655, 'and': 0.04542810902182707, 'They': 0.0442003641130093, 'men': 0.042368843505874415, 'There': 0.036035717077381686}, {'of': 0.2863811024552773, 'the': 0.1344522777407962, 'in': 0.09858069732831201, 'and': 0.09562303494187478, 'his': 0.08080660187919855, 'to': 0.07330443790137937, 'for': 0.06316468201887014, 'their': 0.05409268190496317, 'or': 0.051465563081849144}, {'the': 0.2393478975446599, 'his': 0.22879386834603233, 'such': 0.1689803625009575, 'their': 0.07521794205608603, 'my': 0.060020795708010374, 'of': 0.0577745851752102, 'and': 0.03361576229649357, 'our': 0.024507924439944585, 'its': 0.023404622508217364}, {'to': 0.34378129718365846, 'will': 0.15287135864951518, 'would': 0.08615903395787451, 'may': 0.07844929048361882, 'should': 0.05682249178971402, 'shall': 0.05432412913287461, 'not': 0.05091775331157668, 'must': 0.03610577244404393, 'can': 0.03580596083245932}, {'of': 0.30705519077971394, 'that': 0.1166059431330277, 'and': 0.10922368550568841, 'to': 0.08781590514532663, 'by': 0.07420765090112869, 'with': 0.054680826021733575, 'in': 0.04040032733667953, 'for': 0.03142772801930204, 'as': 0.028802639084073708}, {'to': 0.7104590703309351, 'will': 0.056746437178535766, 'and': 0.051991045262661455, 'would': 0.024330171026067604, 'can': 0.023195425970868103, 'could': 0.02163759385828921, 'shall': 0.019944674845697227, 'not': 0.017551314194418646, 'may': 0.016628084364615898}, {'he': 0.15833783157006798, 'who': 0.11252166679113242, 'which': 0.10007920750248263, 'they': 0.08307407047038702, 'it': 0.07687172224910013, 'that': 0.06547997363155768, 'I': 0.05314002564963188, 'there': 0.04507481930663967, 'she': 0.04354106747792997}, {'it': 0.20191997766457365, 'It': 0.13468009981657084, 'he': 0.114478357669555, 'which': 0.07551141333021937, 'and': 0.040872812845480694, 'He': 0.038839657294174434, 'I': 0.037794684187343615, 'that': 0.032587999140990746, 'she': 0.022639194969289102}, {'is': 0.05716431409390872, 'nothing': 0.03191450958115958, ';': 0.02734473794060725, 'was': 0.01865271974156819, 'and': 0.01862403843836145, 'it,': 0.011975213539034293, 'are': 0.011611265436374632, 'to': 0.010737584638721983, 'him,': 0.009587172026070706}, {'the': 0.5348367462055862, 'a': 0.049558094653399797, 'The': 0.04705559158313991, 'tho': 0.04453859343562702, 'of': 0.03880800086052969, 'said': 0.03511314239327184, 'and': 0.03501999840891342, 'his': 0.024689164942866385, 'tbe': 0.022698966275156725}, {'he': 0.21706781227338762, 'I': 0.17042016703324106, 'and': 0.1244521958475372, 'they': 0.05539377074741826, 'she': 0.04989538827719779, 'He': 0.04895947516526171, 'we': 0.04127749710601666, 'who': 0.03206416037934271, 'then': 0.031568429557851184}, {'the': 0.21075417851536718, 'a': 0.11011775080948136, 'of': 0.08113758787795688, 'and': 0.07632589932739149, 'to': 0.05084244486046037, 'The': 0.027172199078928424, 'at': 0.023625756253316702, 'Mr.': 0.02340838865394312, 'in': 0.022158885565230973}, {'the': 0.0994521496771382, 'of': 0.09379276666205569, 'and': 0.06445876423883123, 'a': 0.06310885247488708, 'to': 0.03686398297932426, 'on': 0.021303809538586068, 'in': 0.018883780386049535, '<s>': 0.015815009339049158, 'be': 0.015301347875278364}, {'of': 0.5608638650338464, 'in': 0.1436037351035127, 'to': 0.07397395683134225, 'by': 0.059420488173657963, 'In': 0.03107519355952082, 'from': 0.026187310187564802, 'that': 0.025855536357740544, 'for': 0.02253438075468413, 'and': 0.02175344189815464}, {'feet': 0.10622115600041415, 'up': 0.03954746666096883, 'down': 0.03748288674378851, 'according': 0.03210596639546302, 'chains': 0.030584544930460426, 'and': 0.02755985526034375, 'went': 0.026279961982068722, 'back': 0.023737390878623275, 'time': 0.023274450975961435}, {'Mrs.': 0.17576230526485956, 'of': 0.05652647028897733, 'said': 0.038522628591196255, 'and': 0.03747693412436846, 'Miss': 0.03421856548986193, 'Sir': 0.03399128959595073, 'to': 0.02797938779798543, '.': 0.026903506866119465, 'Mrs': 0.026174895889806156}, {'of': 0.2780901107915101, 'in': 0.2688841307188025, 'to': 0.09864642002988135, 'and': 0.05605726738777302, 'all': 0.04229168716526185, 'In': 0.041817120299386765, 'for': 0.03626745948378023, 'from': 0.03368301777006201, 'at': 0.022636039273870617}, {'is': 0.21067517299673272, 'was': 0.17266999496404134, 'so': 0.16342066412066464, 'be': 0.10840919307316997, 'been': 0.09308821253233915, 'are': 0.07545120444617599, 'and': 0.0389065064215541, 'were': 0.03166957026930144, 'not': 0.02824479666077952}, {'the': 0.1907810245292071, 'and': 0.12159737321297974, 'a': 0.07489082977782371, 'of': 0.06925826712128823, 'to': 0.05144537876974732, 'in': 0.02602040431586294, 'be': 0.019111469760046452, 'as': 0.015145923881537765, 'they': 0.014504869687089908}, {'number': 0.09294154705348782, 'line': 0.05046017196766578, 'quarter': 0.03165820096941999, 'Board': 0.024895324176218418, 'thousands': 0.023125901498993465, 'board': 0.023020678618414406, 'out': 0.020894754851558346, 'amount': 0.020026401394835778, 'piece': 0.0195452131277051}, {'a': 0.42509432579561385, 'the': 0.10941589938037541, 'no': 0.07656785720746313, 'great': 0.07096630720312562, 'good': 0.058029568228752305, 'this': 0.056842980587510444, 'any': 0.04508813675417877, 'and': 0.03946780802692106, 'his': 0.03143972953615054}, {'of': 0.2489951979115363, 'in': 0.12188091572626038, 'about': 0.11355740321767474, 'for': 0.08376671972567049, 'within': 0.07845495213246484, 'the': 0.07776130428150477, 'and': 0.05688993379835919, 'In': 0.045873704915538376, 'than': 0.04275346724942676}, {'of': 0.32013528572982597, 'in': 0.11867375072195549, 'to': 0.11417395298490299, 'on': 0.0863754442581112, 'and': 0.08208494567268605, 'that': 0.0671137795904959, 'with': 0.045288163086852, 'upon': 0.044799087333589116, 'for': 0.043452860447798926}, {'the': 0.06130341849427564, 'and': 0.04904081589311346, 'have': 0.03283091373327919, '<s>': 0.03216620540088113, 'had': 0.023850995508988466, 'has': 0.014716980221862994, 'of': 0.014633783303175843, 'I': 0.013920496038539312, 'which': 0.013372204456636814}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'do': 0.15856477819264564, 'if': 0.15787540943187894, 'If': 0.11195215673064064, 'that': 0.08692130780434743, 'when': 0.07680797586133564, 'and': 0.06515511645261861, 'Do': 0.0613901131469005, 'did': 0.05221998951629701, 'as': 0.03737394708954529}, {'the': 0.18935515148337168, 'Mr.': 0.10489014467952425, 'of': 0.08052270011812515, 'and': 0.059256737615238315, 'a': 0.05775590184119766, 'to': 0.027962382576158414, 'The': 0.026208794107113603, '.': 0.024298312331240607, 'was': 0.021323439915137438}, {'the': 0.30785203441006037, 'in': 0.14250513482797492, 'of': 0.11193289660546571, 'their': 0.06030004762409983, 'his': 0.05428720206664536, 'and': 0.04863016716894841, 'a': 0.04422962053767227, 'this': 0.04380954519256445, 'In': 0.035465598013064724}, {'the': 0.23219494921778935, 'of': 0.196588378193833, 'and': 0.1186737735338879, 'a': 0.0838471017917027, 'their': 0.06854586112506651, 'with': 0.04778356171221424, 'his': 0.04645081510901566, 'its': 0.027878266829094275, 'an': 0.02420908057361939}, {'and': 0.09377129454296322, 'was': 0.04271315341537484, 'out': 0.028524574363226172, 'that': 0.02811573968936019, 'placed': 0.027131868575018914, 'work': 0.02578173844450971, 'made': 0.024681420068921236, 'is': 0.024021050156212566, 'up': 0.023509378606325886}, {'to': 0.2567588310256897, 'not': 0.2566961511581252, 'I': 0.14324739115490928, "don't": 0.0792733558319863, 'you': 0.07745545325220775, 'we': 0.05061186253937529, 'We': 0.036513989603957006, "didn't": 0.034003617764990335, 'and': 0.03369462593824959}, {'of': 0.2770289464602303, 'the': 0.10733199620193601, 'and': 0.06635764143641083, 'to': 0.06492873989350392, 'at': 0.056034203585644454, 'by': 0.03287850013474935, 'for': 0.024552570506918073, 'with': 0.023707740116700966, 'in': 0.02283456766101813}, {'was': 0.12758725873945784, 'be': 0.10370515973596797, 'is': 0.07495730723470966, 'been': 0.07175299074415382, 'of': 0.06943224529945541, 'the': 0.06649877447690411, 'and': 0.06550882317149334, 'were': 0.04364845548080582, 'are': 0.04200492668804614}, {'the': 0.24151204795615383, 'of': 0.18116515143997253, 'for': 0.0789611528027278, 'in': 0.07858017117504267, 'and': 0.07240091629613377, 'to': 0.041815457406322365, 'all': 0.03621583629540457, 'with': 0.02299731262718119, 'other': 0.015585160347890741}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'number': 0.07265454760256727, 'out': 0.06254239144679227, 'sum': 0.03258730034092431, 'amount': 0.028339156134800005, 'one': 0.02742703750095687, 'years': 0.025090452416256445, 'that': 0.02437470991315815, 'matter': 0.024060275496672594, 'and': 0.022121536280194355}, {'it': 0.13009728994080838, 'and': 0.09476832599926462, 'I': 0.08249617631883871, 'he': 0.07211880189996134, 'which': 0.06600138280932699, 'they': 0.06576941534235868, 'It': 0.053621929964999204, 'that': 0.04920390493180151, 'you': 0.044750088850989425}, {'one': 0.18007889593106177, 'three': 0.11397010897066868, 'five': 0.10362402592400224, 'two': 0.09605157967795125, 'a': 0.08183716129899613, 'six': 0.07507055762513058, 'four': 0.06606166496359299, 'eight': 0.05466396698599048, 'seven': 0.040207623788643336}, {'of': 0.45687869620360466, 'to': 0.08253557040951907, 'in': 0.07475390896115772, 'by': 0.05907058044001843, 'and': 0.05755972987703168, 'on': 0.05128398377722662, 'that': 0.04442542611027463, 'In': 0.03904198999768104, 'from': 0.029981981121746486}, {'to': 0.5314435849321932, 'will': 0.14475089377319947, 'not': 0.0625989507081508, 'would': 0.06221419833932514, 'and': 0.053484710132966656, 'shall': 0.0262059480739117, 'may': 0.025532265151278058, 'can': 0.024390945431135836, 'could': 0.024206688170690226}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'of': 0.19557410852511017, 'the': 0.1552917265409372, 'to': 0.07987436349440512, 'a': 0.07475641443205874, 'in': 0.07405429987981721, 'and': 0.053008426493654705, 'at': 0.025334275628818032, 'for': 0.024615177250313924, 'with': 0.02400507098957637}, {'of': 0.10631112473892627, 'the': 0.09943241832474299, 'and': 0.08159794106622675, 'to': 0.08044019399615582, 'a': 0.0411705846870669, 'be': 0.032482607452970214, 'was': 0.026600329505008413, 'or': 0.02456876992697593, 'is': 0.021232665187409037}, {'the': 0.13142963330416316, 'of': 0.10046772623305743, 'and': 0.08776091900873567, '.': 0.03758916721439308, 'to': 0.03379194042072507, '<s>': 0.026634827059858843, 'by': 0.024953715676899274, 'a': 0.020664708292095012, 'The': 0.017415217277044155}, {'an': 0.4720252010682913, 'the': 0.157076751957313, 'of': 0.12861954395333686, 'in': 0.04263397988304087, 'to': 0.030192314820726728, 'and': 0.028772117442300932, 'An': 0.02829638893926767, 'The': 0.025462756349583258, 'a': 0.01654328908086798}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'and': 0.10247027652015542, 'him': 0.06073237612402084, 'was': 0.04123887990926764, 'man': 0.035423878825065744, 'it': 0.03409304083682875, 'up': 0.024105643627210266, 'that': 0.02394588451149575, 'found': 0.021001378013868546, 'made': 0.020634858937017025}, {'and': 0.09504054213826908, 'the': 0.09184190179822124, 'of': 0.07874062873604452, 'to': 0.0730379047943686, 'be': 0.046275655438922654, 'was': 0.039170212665574265, 'is': 0.03484841316788502, 'in': 0.026732541738951777, 'for': 0.02146370450462648}, {'of': 0.2161208822830938, 'in': 0.13508293982721029, 'to': 0.12872499428666967, 'at': 0.11973359881308983, 'for': 0.11652658645816298, 'with': 0.05967646482851595, 'from': 0.047043840867151104, 'on': 0.04695209525531393, 'by': 0.043185793868583115}, {'and': 0.19721155668950208, 'is': 0.13239912964091255, 'was': 0.11549443358708533, 'the': 0.07722374700075847, 'so': 0.06780379147463586, 'are': 0.06737622315927566, 'be': 0.06335578203307947, 'to': 0.043213020221748916, 'as': 0.04218866140733226}, {'a': 0.19581388525474372, 'the': 0.19515022763537668, 'is': 0.1563836000677842, 'was': 0.10286188132340826, 'are': 0.07501226777148841, 'be': 0.07461877110299488, 'not': 0.037836947716357136, 'been': 0.03382604357555428, 'were': 0.033306002342565394}, {'the': 0.47997697756849056, 'an': 0.10161410768321172, 'and': 0.05773680023681793, 'sufficient': 0.05372686214070771, 'large': 0.04559015469356374, 'this': 0.04365073922808968, 'that': 0.03811053001036274, 'to': 0.03664803723450144, 'a': 0.03583914661178507}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'<s>': 0.04119545361110591, 'it.': 0.036357321694206635, 'them.': 0.017702410456372115, '?': 0.014909927063747878, 'him.': 0.012261478426648594, 'me.': 0.009842120131677855, '.': 0.009807279134145998, 'her.': 0.009329789898459336, 'you.': 0.008809434200369073}, {'of': 0.1431410057967309, 'in': 0.13451417302854715, 'for': 0.09821968270598219, 'to': 0.08183853483432303, 'with': 0.07720170180966858, 'as': 0.061082410216611364, 'and': 0.04989323872573918, 'was': 0.04475710465768892, 'is': 0.04200749469186061}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'the': 0.11465877822957096, 'and': 0.08691397614958754, 'of': 0.0684481415135792, 'to': 0.047612852416672874, 'in': 0.02458400066508134, 'that': 0.022156300571771172, 'said': 0.02177707665441787, 'for': 0.020119557938665083, 'his': 0.0199577743010974}, {'of': 0.36922260779496463, 'in': 0.3356344867511506, 'In': 0.06231350305314165, 'to': 0.05842670934496967, 'on': 0.043827075316470274, 'for': 0.03186282436615889, 'from': 0.03180440120491865, 'by': 0.02373571580281553, 'into': 0.01738891922466481}, {'of': 0.21030354194379108, 'and': 0.1410775833298136, 'in': 0.10403343649825787, 'with': 0.08459492879502785, 'to': 0.08236173980853444, 'for': 0.062334351357193854, 'that': 0.05431989460073243, 'by': 0.04487330906084482, 'at': 0.04112867941551489}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.5015679220105784, 'a': 0.10926491999141125, 'of': 0.07057955800396759, 'tho': 0.04373944205936503, 'his': 0.03237282020958509, 'The': 0.02648965409659701, 'our': 0.02065748081694367, 'tbe': 0.017329908444638456, 'and': 0.014596117251085387}, {'and': 0.11085292179955923, 'do': 0.0682554723167706, 'is': 0.05222838046363395, 'was': 0.044056639786533146, 'not': 0.02630386647588539, 'And': 0.026077104462838226, ';': 0.02328358429698323, 'are': 0.0210312744446927, 'be': 0.019336724213502344}, {'a': 0.10617048212178834, 'fel-': 0.1017414764009772, 'as': 0.08211111443539644, 'is': 0.07210817606979461, 'and': 0.05777431322039465, 'the': 0.05592507615581248, 'of': 0.05372232919135961, 'be': 0.05254341219082573, 'fol-': 0.046988816871702456}, {'so': 0.15355464231171093, 'of': 0.13041990936662587, 'in': 0.10507438362500765, 'and': 0.09597765950207633, 'as': 0.09313226942626714, 'the': 0.08706277924545691, 'for': 0.08272087039737593, 'with': 0.06086948001664167, 'great': 0.054851577298071136}, {'that': 0.1632043600936483, 'which': 0.10441821329418928, 'and': 0.10150138035491216, 'will': 0.07256829707933923, 'when': 0.07092891939913538, 'to': 0.0699998369378879, 'would': 0.06859167274889881, 'should': 0.049335031065031815, 'as': 0.0440838290422021}, {'the': 0.4986416615714981, 'a': 0.19897677292809834, 'The': 0.059674861104977286, 'to': 0.049005340239926226, 'and': 0.030876973744346774, 'tho': 0.022024956897512143, 'no': 0.02190673810461779, 'of': 0.015376635197766343, 'tbe': 0.010406866031667666}, {'w': 0.3606779580123188, 'the': 0.135761692026458, 'and': 0.08214514645119059, '\\\\\\\\\\\\\\\\': 0.056564246414572306, 'a': 0.03765539111269601, 'of': 0.026327593362519705, 'The': 0.016552726718991332, '<s>': 0.012854740625163926, 'im-': 0.011952375515940245}, {'of': 0.2866542218432101, 'in': 0.09880401825784906, 'and': 0.09565102504649164, 'to': 0.08346760993027383, 'for': 0.06942095021424195, 'with': 0.06607050542593888, 'that': 0.06158903664750073, 'on': 0.04939633190073771, 'is': 0.03942981807804068}, {'and': 0.09542801096416118, 'well': 0.09189066171800557, 'regarded': 0.05695893176700379, 'known': 0.04270268675517369, 'such': 0.04215353597674545, 'soon': 0.038030288010267754, 'much': 0.03179122027456694, 'just': 0.030370935280597887, 'him': 0.028420157105497324}, {'of': 0.21030354194379108, 'and': 0.1410775833298136, 'in': 0.10403343649825787, 'with': 0.08459492879502785, 'to': 0.08236173980853444, 'for': 0.062334351357193854, 'that': 0.05431989460073243, 'by': 0.04487330906084482, 'at': 0.04112867941551489}, {'the': 0.09589386072900676, 'of': 0.0882625395617854, 'and': 0.07130495584427594, 'a': 0.034735844530739586, 'to': 0.025366118536892624, 'in': 0.022511210505838257, '<s>': 0.022204877408710202, 'for': 0.016531288636318087, 'be': 0.016263970736333715}, {'the': 0.30071457057947815, 'of': 0.09509223165452808, 'a': 0.0698529908363023, 'and': 0.06531813247546334, 'to': 0.03863716616600799, 'in': 0.0317777940817203, 'or': 0.02253531665223174, 'tho': 0.01966380983099437, 'be': 0.018678430026428244}, {'of': 0.36211912412760344, 'for': 0.12944535246390262, 'in': 0.10726196220285304, 'to': 0.08510340723727769, 'that': 0.07100730305829611, 'by': 0.05213570142396775, 'and': 0.045977430418260676, 'during': 0.034051250924270346, 'at': 0.02677496365451294}, {'the': 0.33727940015781577, 'of': 0.2084399026270053, 'The': 0.1430472892964017, 'and': 0.053128411769604075, 'a': 0.04494857079635019, 'in': 0.0338045482272031, 'that': 0.02774779061760294, 'his': 0.02659734288213479, 'tho': 0.023292560245506688}, {'one': 0.059243438176390315, 'out': 0.042684715252448324, 'part': 0.03758076848798283, 'that': 0.029819961491884834, 'and': 0.026713213355064734, 'some': 0.02156296450312505, 'all': 0.017941525321805762, 'many': 0.014809383416581045, 'people': 0.014753915452253213}, {'in': 0.42212646590639546, 'on': 0.2654189757961608, 'In': 0.13786065569853329, 'of': 0.048251074285699504, 'the': 0.04267723707392727, 'On': 0.029536249486996995, 'and': 0.01016578969765867, 'iu': 0.009843853599382862, 'from': 0.006381847564513945}, {'of': 0.1878523260321886, 'is': 0.12322272435135552, 'with': 0.1114280459438439, 'to': 0.10913086278929321, 'in': 0.08793449549401366, 'was': 0.08120033316170813, 'as': 0.0748404692486925, 'and': 0.06132908234397984, 'by': 0.061028641067889314}, {'be': 0.22134066669531954, 'was': 0.14163171174311626, 'have': 0.11239989871013491, 'had': 0.10064273462212715, 'has': 0.09851803946828626, 'been': 0.08936316183007327, 'is': 0.0634071827747359, 'not': 0.05164689927781837, 'he': 0.0362408031205}, {'the': 0.7388643323795945, 'and': 0.04967674587513307, 'The': 0.045954171422795946, 'tho': 0.039572984935936015, 'as': 0.03596795198798012, 'tbe': 0.012909920954331324, 'a': 0.010828252350796473, 'an': 0.008591955718538206, 'or': 0.008444502722455824}, {'of': 0.0947867713574058, 'to': 0.04355072031041814, 'and': 0.04300596232543182, 'with': 0.03779147835851502, 'in': 0.03574755366157063, '-': 0.032475761227976054, 'is': 0.028070579082809424, 'was': 0.027728025805997706, 'for': 0.02666565113746404}, {'a': 0.634856464705431, 'the': 0.17432215522271086, 'of': 0.05663601665370838, 'this': 0.03443604913650804, 'in': 0.015321455472625254, 'any': 0.01473128267415748, 'and': 0.014387532498023308, 'our': 0.0133797075194188, 'A': 0.011712468065606042}, {'a': 0.3058177829594115, 'the': 0.19125275073451237, 'and': 0.1115996158023056, 'of': 0.10651682101224669, 'in': 0.03846240100129578, 'no': 0.035343378382831435, 'for': 0.03428498261029708, 'with': 0.02893912475794527, 'or': 0.028195302013634325}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.41417951230510897, 'of': 0.1902729558517193, 'a': 0.10597878517506074, 'and': 0.04420273148000688, 'to': 0.02843585153262273, 'tho': 0.027247739988020225, 'The': 0.025551929311294998, 'in': 0.022706470153610804, 'other': 0.02224322267253543}, {'he': 0.16141921765480505, 'and': 0.1254457170528375, 'who': 0.08026541473715736, 'it': 0.07742007479725846, 'which': 0.058350927247905894, 'He': 0.05569773608800221, 'that': 0.05081618664569297, 'It': 0.04494771597215835, 'she': 0.027341847766309237}, {'<s>': 0.05874042863456444, 'it.': 0.018157512326251186, 'them.': 0.013684154979775388, 'him.': 0.011195128124154784, 'time.': 0.009901950892531038, 'year.': 0.009408879776400612, 'country.': 0.009314622596138075, 'years.': 0.009002889408441359, 'day.': 0.007592244970124569}, {'one': 0.09064302587926093, 'all': 0.05370198941857608, 'out': 0.05345687403356159, 'part': 0.04326686525928694, 'some': 0.032888787455315704, 'number': 0.02571417171499363, 'side': 0.020819620906859567, 'cost': 0.01886029855080373, 'portion': 0.018221170354392222}, {'the': 0.2230082468163418, 'Navy': 0.16341930380825814, 'War': 0.1293414250707124, 'Treasury': 0.07867978421354296, 'of': 0.055224673891880294, 'State': 0.04565607087876484, 'Fire': 0.039418583644515184, 'such': 0.023477910967769546, 'and': 0.0170857986794963}, {'and': 0.07212256945868688, 'to': 0.05352321058699662, 'the': 0.050577686693148806, 'of': 0.0367095224057738, 'was': 0.035748612037158914, '.': 0.03203253209180365, 'Mrs.': 0.024611672964498687, '<s>': 0.022048439717947264, 'I': 0.016976652724415602}, {'of': 0.23284038688149689, 'to': 0.17021820547392738, 'for': 0.12190288110822957, 'upon': 0.07919132672015936, 'with': 0.07775470398274033, 'by': 0.07418439773802882, 'in': 0.06561544782348461, 'on': 0.04854167790363529, 'from': 0.038271572278241905}, {'hundred': 0.01444191217773428, ';': 0.011834673680375107, 'him': 0.010388473796696067, 'one': 0.00968896846901267, 'feet': 0.009556811899111724, 'up': 0.008880191153313928, 'mile': 0.007973380143655012, 'feet,': 0.007606228831470488, 'time': 0.007287466987906896}, {'provided': 0.07563435507773057, 'called': 0.05202804433937572, 'made': 0.05158314026256313, 'paid': 0.04610115516996066, 'and': 0.03756376935671784, 'cared': 0.01906565560863812, 'shown': 0.014058728777897316, 'given': 0.013719298415911045, 'voted': 0.012746370473216839}, {'the': 0.22307688226767775, 'an': 0.19183254824453688, 'and': 0.14289935832000025, 'of': 0.11561081295284426, 'to': 0.06869824083443551, 'The': 0.05394167890396043, 'in': 0.04840971244855894, 'with': 0.04078641918973227, 'a': 0.040203503374629655}, {'the': 0.5678363093363964, 'The': 0.08607710977303183, 'a': 0.04877802986775572, 'tho': 0.04724226771897871, 'and': 0.0352675765510189, 'of': 0.03525549428725263, 'their': 0.03507812241746277, 'his': 0.03380603195870487, 'in': 0.0316610810114076}, {'<s>': 0.050423986585788255, 'it.': 0.021941315007848322, 'them.': 0.015391124240497569, 'him.': 0.010837341324201277, 'time.': 0.010629578153184662, 'country.': 0.008590056930999306, 'year.': 0.008564853413410935, 'again.': 0.007031653286040314, 'ment.': 0.00699107646659769}, {'and': 0.1350948781200908, 'of': 0.08416938649765933, 'the': 0.07883588553881102, 'to': 0.06319353765011483, 'be': 0.03245071952652813, 'a': 0.026770205880640798, 'more': 0.02621769628374212, 'in': 0.024296842775432162, 'was': 0.022754130718847965}, {'all': 0.0660163288523761, 'of': 0.06505643274675073, 'and': 0.057030801701554334, 'was': 0.04660164070031436, 'is': 0.031404169542545136, 'it': 0.030858984206185765, 'for': 0.02962866473642334, 'went': 0.025168395753948473, 'in': 0.02348489176802519}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'the': 0.19062108819744267, 'and': 0.1683493882235991, 'an': 0.1296834605207042, 'is': 0.1066047737218868, 'most': 0.0782614356354481, 'of': 0.06265298591168732, 'a': 0.05444629740439139, 'was': 0.04826193631404086, 'are': 0.04029653829886139}, {'he': 0.14204714687767903, 'I': 0.10533167453725992, 'it': 0.10297587940021187, 'It': 0.08980957590210258, 'He': 0.06546477611258106, 'and': 0.06453345038334318, 'there': 0.060393678241786965, 'which': 0.05388664645866744, 'who': 0.04736191740910508}, {'the': 0.14305858912818611, 'of': 0.0935587957120146, 'and': 0.06666521981549399, 'to': 0.04207190440560084, 'a': 0.029136513480675325, 'in': 0.02461592203494918, 'more': 0.018815857032605868, 'his': 0.017913626801278223, 'be': 0.016286616410318838}, {'the': 0.08637276215586986, 'of': 0.07019963239074213, 'as': 0.046633526608636434, 'and': 0.040092449131033145, 'to': 0.03559939603883087, 'by': 0.030212259125231865, 'at': 0.028517544490686848, 'in': 0.024667696740500438, 'a': 0.0205446998234827}, {'the': 0.16723191239473503, 'of': 0.11904976395268328, 'Red': 0.09765789222328897, 'and': 0.04220941263089592, 'in': 0.037501036562885184, 'that': 0.0340226855352001, 'a': 0.026663878389975252, 'to': 0.02039602908458072, 'said': 0.020318256948591268}, {'and': 0.09037721981310737, 'place': 0.08218644113009858, 'point': 0.04374817010957028, 'spot': 0.02988579432660762, 'know': 0.029086415661993204, 'room,': 0.020947242196542468, 'that': 0.02001222376157462, 'places': 0.017275047913011887, 'house,': 0.015640844987071762}, {'the': 0.4284205332897757, 'and': 0.07125737637906283, 'a': 0.05354028491485409, 'of': 0.03278026306601557, 'The': 0.03273025122261107, 'tho': 0.028399217000863338, 'or': 0.025216221575292755, 'last': 0.019620365702179014, 'that': 0.019518439468636475}, {'the': 0.20032428955040765, 'of': 0.19792007847625817, 'in': 0.14804020105196602, 'and': 0.08843424561172715, 'for': 0.07964781963183501, 'most': 0.06526039400801731, 'an': 0.06512588607468271, 'to': 0.04044951711196621, 'more': 0.03625865939617653}, {'of': 0.08401834094684073, 'for': 0.08375736012070845, 'and': 0.07271542867856207, 'in': 0.06557249336517675, 'to': 0.05872833136820841, 'the': 0.05218167166144928, 'I': 0.02471167090649355, 'In': 0.022106422391281112, 'that': 0.01999089350800916}, {'have': 0.3261935182643529, 'has': 0.31993158445101083, 'had': 0.20344087766755933, 'having': 0.04415358679018324, 'not': 0.026490402230421452, 'ever': 0.014105690543606516, 'bad': 0.012534747231029838, 'lias': 0.010935270841505392, 'havo': 0.009172097333838738}, {'of': 0.43206564081615095, 'in': 0.18225101085650894, 'to': 0.11113075989843353, 'on': 0.06063160232968121, 'by': 0.039262795318951056, 'from': 0.03350316177380403, 'In': 0.03231799658675119, 'and': 0.03128656225514401, 'for': 0.02866867870189012}, {'of': 0.37801987687800326, 'in': 0.15284081557092635, 'to': 0.08778938466228974, 'In': 0.04700816141813068, 'that': 0.04252946715914091, 'for': 0.04167777519437705, 'by': 0.03795272869101662, 'and': 0.03672477113784621, 'on': 0.035641453486719196}, {'be': 0.2957905088357727, 'is': 0.15129496339242685, 'are': 0.13531473863660987, 'hereby': 0.09077608770760145, 'was': 0.07206331975063285, 'been': 0.04814169722911927, 'and': 0.03601329762662684, 'were': 0.03529882173627006, 'as': 0.033130201695073705}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'he': 0.26068868553841357, 'I': 0.16647997741377737, 'they': 0.06457088048476045, 'she': 0.059524857676522734, 'who': 0.05078360528551343, 'that': 0.04823642893210215, 'it': 0.04553344876707787, 'one': 0.04340762021589476, 'we': 0.03639750286232551}, {'to': 0.562332410519794, 'the': 0.09931966329845274, 'a': 0.037482331856224176, 'not': 0.03697296560297059, 'will': 0.036656914695195324, 'or': 0.03640239838550675, 'would': 0.03577750445182857, 'and': 0.026689081333491137, 'can': 0.026230399626634034}, {'of': 0.41105480138313294, 'the': 0.12426907327492129, 'in': 0.08302093957613299, 'a': 0.06325621215369444, 'and': 0.05229292702197919, 'to': 0.041809904378002534, 'by': 0.03557314488962347, 'with': 0.026848923323205084, 'for': 0.024160998997318238}, {'and': 0.14932413973199174, 'miles': 0.0628391839368122, 'or': 0.05689375332464883, 'free': 0.03409079669055014, 'than': 0.029582005586041696, 'them': 0.02363577293868783, 'come': 0.02076960294471576, 'far': 0.019778221550581416, 'out': 0.01971326955843096}, {'from': 0.19300217727339725, 'the': 0.17434688703056778, 'in': 0.10842248080581794, 'that': 0.07919286971493883, 'some': 0.07313489208481577, 'any': 0.07057569714868003, 'this': 0.06443408865559666, 'a': 0.059106952729371, 'same': 0.05417328085966794}, {'that': 0.2098000549252434, 'and': 0.14254810696158526, 'as': 0.12654087726301622, 'when': 0.08495370157654776, 'which': 0.06572304474619321, 'until': 0.055705446687915286, 'but': 0.05352818633844271, 'if': 0.04970172557060955, 'because': 0.03956710244675406}, {'for': 0.1910292046433573, 'in': 0.14799796753232045, 'of': 0.1415879674069314, 'with': 0.07930203167876786, 'to': 0.07373702540605735, 'and': 0.07077621701563615, 'was': 0.05889880447012971, 'had': 0.03735729287575702, 'is': 0.03660987993562222}, {'that': 0.24965642357422835, 'and': 0.15921940479170324, 'but': 0.08555820058901059, 'as': 0.07149450073524026, 'when': 0.06533617967914483, 'which': 0.06403586677889773, 'if': 0.03781086503442973, 'where': 0.030499946293478825, 'until': 0.021573599808582904}, {'of': 0.23632369642581597, 'the': 0.14269367206329228, 'for': 0.12057890611838094, 'and': 0.08570736110437885, 'any': 0.06815495515065084, 'no': 0.06649849242908987, 'in': 0.06414212347150892, 'such': 0.04257000527639402, 'public': 0.04079365910494635}, {'the': 0.3466477426166705, 'a': 0.14862476004712277, 'his': 0.08218818241444086, 'of': 0.06264955721493863, 'and': 0.040022899696775985, 'The': 0.035601551297994784, 'that': 0.034498759166635425, 'this': 0.029636236922357603, 'my': 0.029501357185015543}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.15282698979975298, 'and': 0.13051353092431822, 'a': 0.09284068719203303, 'to': 0.06907889503009078, 'of': 0.05657896567636395, 'his': 0.027651996848016076, 'is': 0.02463535577484821, 'be': 0.02339961969675301, 'was': 0.02253522768293527}, {'of': 0.18230828775023955, 'in': 0.09470463041934073, 'and': 0.08419154466157104, 'that': 0.0476799374091183, 'for': 0.04754976076448028, 'to': 0.04324865357878579, 'on': 0.03894937096660086, 'by': 0.027357232435278624, 'In': 0.026539135950296125}, {'the': 0.19930137606842918, 'of': 0.19481225983976835, 'in': 0.19385858000002643, 'for': 0.06889012772996782, 'and': 0.06289542982464763, 'In': 0.06142206662348019, 'this': 0.041407129600187116, 'to': 0.03793578334365267, 'that': 0.02242112070816339}, {'all': 0.2809422824689601, 'other': 0.14757072927150258, 'the': 0.14089067979912825, 'different': 0.10705775914774834, 'various': 0.07289686254356786, 'many': 0.045669195428009485, 'and': 0.03840075827867031, 'of': 0.023996337495526095, 'two': 0.023709495356876224}, {'and': 0.10378026300178878, 'made': 0.057215805522664684, 'accompanied': 0.0433588361732307, 'that': 0.03657066944557528, 'or': 0.03579103819969195, 'followed': 0.031399911442815925, 'only': 0.025791387034909928, 'surrounded': 0.02521817632266265, 'caused': 0.024881759835290163}, {'they': 0.1896464336702775, 'who': 0.12730504924656474, 'we': 0.09315328087332823, 'which': 0.0576895582226831, 'They': 0.0505016941242496, 'you': 0.047846891315441356, 'and': 0.04637029884039926, 'that': 0.035759866077863765, 'We': 0.034356836842214224}, {'his': 0.3275493858677551, 'their': 0.24270987755393958, 'our': 0.09171619702322684, 'her': 0.0670111599224204, 'its': 0.0636612580749089, 'your': 0.061935710706543225, 'my': 0.05874126993895957, 'bis': 0.01972817480921927, 'to': 0.007785678737548933}, {'is': 0.07751008838861677, 'was': 0.03132319308382707, ';': 0.030124142430507882, 'nothing': 0.025706507351615292, 'are': 0.02023147930715935, 'and': 0.019223406673160578, 'had': 0.015565324386661689, 'have': 0.013673327073639751, 'to': 0.013559139155685853}, {'of': 0.37698488367163974, 'in': 0.09056142516031852, 'to': 0.07890947227959733, 'and': 0.0773746423961114, 'with': 0.0483387634675775, 'that': 0.04411644517398545, 'for': 0.041382072493258704, 'from': 0.03229716632876761, 'by': 0.026932203591096254}, {'of': 0.33421097067723676, 'in': 0.13609932359783747, 'and': 0.07990480624047565, 'to': 0.07911156706526296, 'at': 0.05547501578642669, 'for': 0.05343411451542129, 'on': 0.050703084246272845, 'from': 0.03989967159792983, 'In': 0.03922595942525509}, {'of': 0.27606136817322174, 'at': 0.12491160198534429, 'to': 0.10072771584415155, 'for': 0.09920961391292943, 'in': 0.09290664724294914, 'and': 0.08157961360296206, 'on': 0.05344764621264019, 'from': 0.04638865586663101, 'during': 0.0448423990725811}, {'the': 0.3454431117111459, 'and': 0.15183327328597848, 'The': 0.13801030904495587, 'of': 0.07573895614259381, 'these': 0.03914710629873322, 'These': 0.02188265496469749, 'tho': 0.021197168883424575, 'for': 0.01964277553292802, 'that': 0.018449855327031205}, {'United': 0.8347665880386754, 'the': 0.04157731113118272, 'Southern': 0.01603759399987004, 'ted': 0.007827884752382505, "I'nited": 0.007360689182493952, 'this': 0.006882550123897304, 'Confederate': 0.006717036799656807, 'Uuited': 0.006611662785375106, 'that': 0.006159210594065352}, {'the': 0.1751651360412821, 'and': 0.10978771116290796, 'a': 0.1009144399637486, 'of': 0.07468204780542342, 'to': 0.05728776988492592, 'in': 0.03147469662908618, 'or': 0.026517517342535046, 'is': 0.02395040938744547, 'for': 0.021026919484523572}, {'the': 0.39452879813085745, 'a': 0.13471214451829522, 'this': 0.06526003231844084, 'of': 0.06077742842045614, 'and': 0.038693005974107256, 'The': 0.03526738894409557, 'his': 0.03223482706465948, 'no': 0.030513013739323608, 'any': 0.023653841840962878}, {'the': 0.13967494006339717, 'of': 0.09917618722315391, 'and': 0.08279731654208415, 'a': 0.05640397050667781, 'to': 0.05268671124314194, 'in': 0.031126297229306658, 'at': 0.029908507353748403, '<s>': 0.015207421467663532, 'by': 0.013616489886338514}, {'up': 0.03923868607627142, 'in': 0.03319987386595067, 'due': 0.011305182342733621, 'out': 0.00981696655620353, 'hundred': 0.009794523014586418, ';': 0.007627635854066035, 'him': 0.006738716229332698, 'down': 0.006709750917282743, 'to': 0.006345250064751502}, {'of': 0.22682018969919943, 'in': 0.16427657974893495, 'and': 0.1336295043605771, 'to': 0.08295137219847339, 'with': 0.08271072627350477, 'all': 0.052002923312290936, 'for': 0.050804366792716396, 'at': 0.03646673653275649, 'on': 0.03521992165292064}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {';': 0.019764678555309913, 'up': 0.016119641386348176, 'them,': 0.008253150084225863, 'it,': 0.008047612568076372, 'in': 0.007982256235127407, 'years,': 0.007851660011729473, 'States,': 0.007692151207270224, 'him,': 0.0074138045797371615, 'and': 0.007125218347165323}, {'the': 0.27022649004921667, 'and': 0.15912065953565885, 'of': 0.15893892591103173, 'that': 0.1054251933406177, 'The': 0.06200137915881055, 'in': 0.025440247418833557, 'Mr.': 0.02462266802481555, 'tho': 0.012561189330093925, 'General': 0.012495526312844589}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'the': 0.4247952257721616, 'a': 0.30329516954959573, 'of': 0.059611364038729915, 'The': 0.05261747225145274, 'with': 0.03877117505254254, 'and': 0.034667388272286735, 'his': 0.024764252855531067, 'tho': 0.02117646084186704, 'in': 0.01906192293917377}, {'as': 0.17492469693965917, 'in': 0.11189792197792547, 'to': 0.10088426197099037, 'of': 0.09904728212349627, 'at': 0.08967113819685592, 'such': 0.07910503085046847, 'for': 0.07271380684049897, 'is': 0.06712326950427384, 'with': 0.06033559428857646}, {'is': 0.15791258630931268, 'be': 0.125268204118869, 'not': 0.10885887516590928, 'as': 0.10464081802180744, 'and': 0.08136024043219887, 'was': 0.07482937487311364, 'are': 0.04341507841439776, 'it': 0.042088587727331817, 'made': 0.03195516314657475}, {'.': 0.07051542356185588, '<s>': 0.06686410430510493, '8.': 0.01340870623934031, 'and': 0.013007689650070675, 'W.': 0.012440151716344737, 'A.': 0.012352614607506493, 'it.': 0.012013688542433093, 'of': 0.00967040795468479, 'Mrs.': 0.009640831452012924}, {'and': 0.0845968984427438, 'made': 0.0464412932698379, 'owned': 0.028909519539416926, 'executed': 0.02017185135990656, 'delivered': 0.019769159634369426, 'that': 0.01758191305320926, 'given': 0.013286126705125247, 'them': 0.013087525432411854, 'occupied': 0.012706234142287132}, {'of': 0.189821273212273, 'by': 0.08077869916212485, 'that': 0.06105890543636603, 'to': 0.05001727702052864, 'and': 0.046375680302141786, '<s>': 0.02965510723719904, 'which': 0.020868396034772495, 'with': 0.02075253725652052, 'from': 0.016140862893652325}, {'and': 0.1061214989657543, 'him': 0.0830244378665325, 'it': 0.0322030699832952, 'asked': 0.029156849648072483, 'time': 0.02799639330095559, 'reason': 0.025026352189235466, 'made': 0.024894085682863634, 'necessary': 0.023854240776989267, 'enough': 0.023844569899720124}, {'do': 0.2134261837910385, 'and': 0.2006173978378469, 'did': 0.08061430867088391, 'to': 0.044703846949413886, 'will': 0.03303559331958391, 'was': 0.031891139981029645, 'or': 0.031418460832733856, 'not': 0.026527901785634408, 'can': 0.024659619840655872}, {'of': 0.31672631180221694, 'in': 0.13380695728094927, 'on': 0.08381182203842218, 'from': 0.03399030574784098, 'to': 0.030118398335558242, 'In': 0.027239616779807737, 'dated': 0.027155416506836245, 'for': 0.022292426733672013, 'by': 0.017534302381845324}, {'to': 0.7022168197554979, 'will': 0.07167103568198463, 'not': 0.04086298708405956, 'would': 0.0329251347637657, 'and': 0.030254758232422928, 'should': 0.018037024805394278, 'may': 0.016255768496482543, 'at': 0.014949390087781643, 'must': 0.01430271403573898}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.20120512361034393, 'of': 0.14657160178452663, 'and': 0.11939916725540238, 'The': 0.037678349670811316, 'to': 0.035909900071321145, 'a': 0.03167137811348503, 'that': 0.02164738190983771, 'an': 0.018985719484002028, 'in': 0.018572495354356865}, {'a': 0.4753575308467878, 'the': 0.1306417124184603, 'very': 0.058478966495501, 'but': 0.04620439673771712, 'of': 0.039072878151261314, 'and': 0.03415372238843285, 'A': 0.02933208911443574, 'is': 0.027539992056391988, 'with': 0.02150405184637963}, {'the': 0.320142904631018, 'his': 0.164284997731105, 'a': 0.09400784929388432, 'their': 0.08569416575594181, 'her': 0.06729913775179099, 'this': 0.06195147854111583, 'of': 0.05697311834437883, 'any': 0.04313981562393183, 'my': 0.03946849968048864}, {'and': 0.15210910287775245, 'that': 0.12360046836398478, 'but': 0.09526783147904504, 'what': 0.04193548341300209, 'which': 0.03961777165937202, 'as': 0.03790307028418058, 'when': 0.032632808644783476, 'if': 0.02956168329580285, 'If': 0.02062028946805167}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'of': 0.21030354194379108, 'and': 0.1410775833298136, 'in': 0.10403343649825787, 'with': 0.08459492879502785, 'to': 0.08236173980853444, 'for': 0.062334351357193854, 'that': 0.05431989460073243, 'by': 0.04487330906084482, 'at': 0.04112867941551489}, {'be': 0.27529715725086473, 'been': 0.15137686652259366, 'was': 0.1279365431816988, 'are': 0.08012573622798222, 'were': 0.06709470903789078, 'and': 0.06256309352338998, 'is': 0.05946563346772421, 'not': 0.041403418359403206, 'have': 0.03259518332211836}, {'and': 0.11855345980160215, 'that': 0.04834655291398339, 'made': 0.0378194600336547, 'is': 0.03527537111848093, 'was': 0.03499608325061649, 'placed': 0.02838596072187782, 'as': 0.025722738445492364, 'be': 0.025414814918467716, 'or': 0.02501953233801765}, {'he': 0.22331627668677417, 'they': 0.09379884802331888, 'it': 0.08989003297229747, 'I': 0.08628273550830615, 'that': 0.06333485124527351, 'she': 0.05267950487843222, 'who': 0.05089062385037634, 'It': 0.04522491545219165, 'He': 0.0406903768744306}, {'of': 0.2001007006124108, 'in': 0.15970714415397447, 'to': 0.11798047356731975, 'with': 0.08099459958194666, 'and': 0.07700191687639124, 'on': 0.05637272187983127, 'from': 0.040700695936465914, 'that': 0.03955866537793548, 'at': 0.038603433970680036}, {'a': 0.1751522832985472, 'the': 0.1580088552444928, 'and': 0.05844150523275794, 'his': 0.05207249226727721, 'of': 0.04411324198481509, '.': 0.04227591421703852, 'A': 0.03642192718154611, 'her': 0.024504270529994154, 'The': 0.02031548111319842}, {'the': 0.11947769627656413, 'of': 0.09088854934009129, 'and': 0.08951078841576837, 'to': 0.059340870060609514, 'for': 0.05676712273754377, 'a': 0.05347794308501083, 'in': 0.03771675780949644, 'was': 0.024679544307839557, 'be': 0.022957597699915292}, {'of': 0.15648943696173498, 'in': 0.15346942465819452, 'to': 0.15166333228710063, 'and': 0.10874071000512844, 'the': 0.06472211873535948, 'his': 0.047545362164025474, 'their': 0.035642699776055824, 'In': 0.029603248979477453, 'its': 0.02868105838898129}, {'a': 0.23058315650914776, 'at': 0.2280325853126765, 'the': 0.15053174616139806, 'any': 0.08374368589971959, 'in': 0.06987517340785991, 'no': 0.05144637861796912, 'of': 0.04701620981081994, 'from': 0.03983864841803725, 'every': 0.02419415063786334}, {'of': 0.6347668185853157, 'among': 0.060123558905896816, 'for': 0.03726722794826322, 'to': 0.03459324726420474, 'with': 0.0315696427668584, 'by': 0.03092783036933126, 'upon': 0.020752385150241266, 'let': 0.017866599328406944, 'Among': 0.01596355570938657}, {'be': 0.24415929061053884, 'was': 0.2055011635229782, 'been': 0.10718701705627907, 'is': 0.10075254525422339, 'are': 0.07359602769904429, 'were': 0.07233406881812718, 'as': 0.04237356578537183, 'and': 0.035416606039050426, 'an': 0.0342726764374592}, {'that': 0.11581632443572948, 'and': 0.11367203655998354, 'he': 0.09352581629839851, 'which': 0.08839639517472218, 'it': 0.08534652720555223, 'It': 0.05796335261530039, 'who': 0.0536639213898491, 'as': 0.04012632788424018, 'I': 0.024573764658808034}, {'part': 0.07268713102532033, 'one': 0.07071065938650846, 'some': 0.043508101530019876, 'out': 0.03575042106872343, 'members': 0.025760665467621124, 'and': 0.022440178638608456, 'tion': 0.02191026583655202, 'portion': 0.021052670553751075, 'side': 0.02092702198887348}, {'away': 0.0730932270187372, 'and': 0.06992046350430067, 'taken': 0.04908373062946924, 'came': 0.047586293728791466, 'come': 0.04723032357359611, 'miles': 0.03408632760296559, 'them': 0.03205120927545248, 'him': 0.03135643225210184, 'free': 0.02904774103777588}, {'is': 0.0965392928523931, 'not': 0.09202141717257817, 'was': 0.08970651128890196, 'and': 0.08922579303753067, 'will': 0.0614366462900653, 'be': 0.05447834802772066, 'that': 0.03993042559926123, 'are': 0.03511166196488872, 'him': 0.028405872388157866}, {'and': 0.1483419737709513, 'that': 0.10122042146610387, 'as': 0.07355706627236072, 'when': 0.039244946060990674, 'but': 0.038981961899207676, 'so': 0.030384362828222603, '<s>': 0.022631938949007818, 'the': 0.020852448247961425, 'which': 0.019640642214088146}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'the': 0.13445429264262948, 'of': 0.06397082248529562, 'and': 0.050140430638423834, 'to': 0.04892427443558732, 'that': 0.01584339513930142, 'in': 0.015646281330148285, 'be': 0.0152516935810816, 'a': 0.014155412545689592, '<s>': 0.013808257242821188}, {'be': 0.2928883215154602, 'is': 0.14260323888527757, 'was': 0.13552428880595357, 'are': 0.12700142189657182, 'been': 0.05690353002253325, 'were': 0.04767989581464946, 'and': 0.043713328425919934, 'not': 0.028099973275744466, 'bo': 0.01821188235768534}, {'of': 0.46156388441416724, 'to': 0.10195077722497424, 'on': 0.07798860049474382, 'in': 0.07719962199399587, 'by': 0.05795409373196128, 'and': 0.04558874819949313, 'from': 0.0325744151598939, 'that': 0.03231440944034693, 'for': 0.024422151863236544}, {'foreclosed': 0.09634386882946343, 'accompanied': 0.06914744523154118, 'made': 0.062220870833543704, 'and': 0.059623448501614024, 'followed': 0.05567422914917625, 'surrounded': 0.03148136347170944, 'up': 0.026111816226809845, 'caused': 0.02316153437489157, 'secured': 0.022889564253045367}, {'have': 0.32887155133720375, 'has': 0.24895905763348003, 'had': 0.22590914112393295, 'not': 0.03306029363479426, 'having': 0.031227273372102876, 'bad': 0.015119581515317919, 'ever': 0.01396193234990098, 'never': 0.013874593128404347, 'havo': 0.010591857273078738}, {'the': 0.18382750996292554, 'and': 0.17852814265120648, 'of': 0.10429655861392073, 'was': 0.08561052560097855, 'an': 0.08201750822826366, 'be': 0.08196120816385352, 'is': 0.056710818947444806, 'to': 0.05345925660793555, 'a': 0.050918171474017525}, {'the': 0.23357393392740264, 'his': 0.16673460000047696, 'a': 0.1484516840178195, 'their': 0.06917058292121198, 'my': 0.05563780759386266, 'your': 0.044027749911038624, 'dis-': 0.04233954792162568, 'and': 0.04190800854465257, 'her': 0.02819578396966803}, {'of': 0.24375754423541662, 'in': 0.12892145170889385, 'and': 0.11052542509813282, 'to': 0.10133885155409138, 'with': 0.07766459537955671, 'for': 0.05143557974458686, 'from': 0.05123433454763207, 'that': 0.04566173981161162, 'at': 0.041216911568518276}, {'100': 0.03713274969033947, 'two': 0.03611843281857507, 'three': 0.03430852424820101, 'five': 0.03383752939953208, 'hundred': 0.03290134103832117, 'six': 0.031430465872443955, 'fifty': 0.018211960860356233, 'twenty': 0.0167390568513531, 'ten': 0.014494400952980107}, {'<s>': 0.03884612834888198, 'and': 0.036551269768272915, 'it.': 0.03542563608992385, 'that': 0.033961933956590036, 'them.': 0.022226110346136665, '?': 0.013195230076072704, 'but': 0.009061413971241676, 'us.': 0.00866478302885091, 'time.': 0.008588314202084026}, {'to': 0.12661148837075534, 'of': 0.12450103791011034, 'the': 0.11673877743783104, 'and': 0.08299474392364543, 'in': 0.06316436025502352, 'a': 0.05138953849035931, 'at': 0.03580836809115403, 'that': 0.030131952738099814, 'with': 0.023524813111605744}, {'the': 0.2579069797554439, 'a': 0.22241851423320838, 'and': 0.12539480723863347, 'most': 0.12022048722836777, 'of': 0.07055730983337828, 'his': 0.02962980708530392, 'are': 0.022682278610531476, 'more': 0.021379024866184208, 'very': 0.02028445478464673}, {'he': 0.23947472100603948, 'and': 0.1750175565147452, 'He': 0.08268309241911441, 'I': 0.07913665540331342, 'who': 0.041844197884005736, 'she': 0.030102801079295992, '1': 0.02347798064838433, 'which': 0.019667642997124316, 'ho': 0.01887126898794076}, {'thence': 0.6274804563408, 'bears': 0.027725333013833175, 'S.': 0.02322540160364692, 'of': 0.021547691393873074, '.': 0.02048205329181855, 'and': 0.0203447173810695, 'to': 0.012656645334057864, 'W.': 0.010199315008160046, 'E.': 0.009247294833686743}, {'at': 0.4701173879422429, 'and': 0.07529970608106445, 'of': 0.06584127956736015, 'No.': 0.037678961883302636, 'about': 0.032390430624104, 'to': 0.031722409021522666, 'At': 0.030332093882886466, 'from': 0.020198150197105184, 'for': 0.01849662533436999}, {'<s>': 0.02433810800135998, 'it.': 0.023308676798541813, 'them.': 0.01888857994032365, 'time.': 0.009877691999374745, 'him.': 0.009765792057925354, 'her.': 0.007109315855555969, 'country.': 0.00669571401168282, 'tion.': 0.006691539548644597, 'day.': 0.006308526608610614}, {'in': 0.597091352191553, 'In': 0.16001637601399152, 'of': 0.08669663693597061, 'from': 0.055034114630630855, 'for': 0.018294117495374917, 'on': 0.016712532413543403, 'the': 0.013274473352975127, 'at': 0.01264586141042172, 'iu': 0.0121615249728573}, {'and': 0.12384005997561694, 'the': 0.11932954171313578, 'to': 0.07419494819885426, 'of': 0.07030503305604285, 'in': 0.03613959185444827, 'that': 0.033997511216636675, 'which': 0.03293923989302032, 'a': 0.029605368210859292, 'or': 0.025576535792269737}, {'and': 0.09297881307959464, 'is': 0.05261541642609343, 'was': 0.052614361579152225, 'be': 0.0489066922217259, 'succeeded': 0.04359364777524614, 'are': 0.04142999592289893, 'made': 0.03235650251897351, 'that': 0.027642497415541666, 'it': 0.026961360393827773}, {'manner': 0.1103951809557842, 'and': 0.052453475314599624, 'that': 0.03036937771827381, 'way': 0.019689239401330938, 'time': 0.015058937839784212, 'it': 0.013360831017844856, 'all': 0.011946359345780016, 'one': 0.011858054142763546, 'part': 0.011827296831737295}, {'and': 0.15984445377521164, 'which': 0.08997544828798375, 'have': 0.06415679356412032, 'the': 0.06288666978135345, 'has': 0.053979793547178606, 'of': 0.053254349357935646, 'had': 0.050395596642443766, 'it': 0.03199395663318276, 'It': 0.03132801594585496}, {'it': 0.13419654056177188, 'he': 0.13181099532334292, 'It': 0.0951326457721227, 'I': 0.08264632767010278, 'which': 0.06017667996219529, 'He': 0.05857265411896746, 'and': 0.05798907921555247, 'that': 0.04881830236586866, 'who': 0.035320175172523234}, {'and': 0.06837120857978086, 'as': 0.05137575436628539, 'went': 0.04689614585261409, 'him': 0.041867805261672, 'enough': 0.03620279016886709, 'right': 0.034460790871465675, 'it': 0.033068992351566906, 'them': 0.031885780123422275, 'made': 0.03111551748906291}, {'a': 0.12313971322072831, 'to': 0.08650194356979468, 'the': 0.0843431562392635, 'of': 0.07640693479713478, 'and': 0.06854959940903264, 'at': 0.03214782118737429, 'with': 0.02606208343031046, 'by': 0.02109046603052148, 'in': 0.020219756042639078}, {'in': 0.7458853139246682, 'In': 0.14716321600767776, 'the': 0.027874720442743244, 'iu': 0.01763827855128918, 'and': 0.010430095266143568, 'a': 0.010263242168379736, 'of': 0.009090222323399203, 'to': 0.005921481299371799, 'under': 0.0044273571205084945}, {'one': 0.06994112583056121, 'part': 0.049001893622229294, 'that': 0.041251583664596754, 'out': 0.03474875385036625, 'and': 0.033299659145478576, 'day': 0.03301330089665913, 'all': 0.02937972153579541, 'sum': 0.021454092190673187, 'account': 0.019132888083682267}, {'that': 0.2521644396984333, 'and': 0.1277482145096685, 'which': 0.108778746336056, 'as': 0.0871309675495432, 'but': 0.0549722705646144, 'if': 0.04474366785457067, 'what': 0.043883633154424846, 'when': 0.029235771478598113, 'If': 0.026472142279880276}, {'is': 0.16644857584492545, 'be': 0.1604673333198782, 'of': 0.12292382680405899, 'was': 0.10814579753907734, 'and': 0.08325891053357766, 'to': 0.06351368016391759, 'with': 0.05522701757310073, 'in': 0.0541180291525286, 'on': 0.042667760690351664}, {'of': 0.3878413407076194, 'in': 0.34585138667111676, 'In': 0.08913199342302565, 'to': 0.059117379159429086, 'for': 0.026893007624002836, 'that': 0.02506839479079601, 'from': 0.019565383648590486, 'by': 0.016313866647227164, 'iu': 0.010069329542234783}, {'way': 0.0323974957088104, 'it': 0.027576678298779574, 'out': 0.02399504736335365, 'them': 0.020917739101649683, 'go': 0.020593634981625673, 'come': 0.01735568491633461, 'went': 0.01627742663181017, 'enter': 0.016238602870165698, 'came': 0.01510392907384685}, {'it': 0.1294612573259098, 'he': 0.10710706809610411, 'I': 0.08687847153063931, 'It': 0.07494677758780582, 'which': 0.0656786064043721, 'and': 0.044368682817971586, 'He': 0.03405926965840876, 'who': 0.030903247530969336, 'she': 0.024164495172562497}, {'the': 0.6416445582032927, 'tho': 0.048580652024408595, 'The': 0.04787403142082476, 'a': 0.035728373102762265, 'great': 0.026908860566681937, 'tbe': 0.022835402774832505, 'and': 0.02041853723674478, 'of': 0.01838284421546307, 'other': 0.01813320209547632}, {'disposed': 0.41433018764680946, 'complained': 0.07098455248940946, 'spoken': 0.050912594512844904, 'dreamed': 0.04603828380013925, 'there\xad': 0.03593144804757493, 'dispose': 0.031158151508952483, 'care': 0.029474364854142683, 'despaired': 0.027340237900575652, 'amount': 0.026495555096598462}, {'the': 0.22363218055216025, 'and': 0.1068684259173405, 'a': 0.09075966869808279, 'of': 0.08455047191331495, 'to': 0.06534743144207686, 'be': 0.03932794807808964, 'by': 0.03462313989820285, 'his': 0.034425562034755136, 'was': 0.03149876707789041}, {'to': 0.5200819613696503, 'will': 0.1376537081986112, 'would': 0.08256361989370027, 'and': 0.0687437458817464, 'not': 0.03954386543846962, 'could': 0.030678238429618223, 'can': 0.029127450256531743, 'shall': 0.025661574963172812, 'should': 0.021856404012888245}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'be': 0.15452707392434498, 'was': 0.14251370468757613, 'and': 0.09396546536178789, 'been': 0.07298946156215158, 'is': 0.061709673768347406, 'he': 0.05846033297323181, 'were': 0.044756265159139205, 'have': 0.04330356338751688, 'had': 0.034467683457408534}, {'of': 0.20119353723169006, 'and': 0.18495719054569873, 'but': 0.07244931250195387, 'know': 0.06910321274696105, 'that': 0.04467831515882281, 'But': 0.0412493090138845, 'to': 0.04072370536250456, 'for': 0.03640012015979224, 'knew': 0.03381146323855412}, {'and': 0.07544575300900914, 'was': 0.05470985637572548, 'be': 0.0493815803273086, 'is': 0.04706755873168884, 'are': 0.03728901888190523, 'that': 0.02586535239089825, 'were': 0.023114407641360996, 'been': 0.022080154308102656, 'now': 0.02134740508627967}, {'of': 0.15604752266964328, 'the': 0.13175900715800473, 'their': 0.11195388514662666, 'his': 0.07221732003329855, 'these': 0.06642618376083664, 'other': 0.06170619231955673, 'our': 0.05677241207862813, 'in': 0.056748634122757734, 'its': 0.047237849380548966}, {'the': 0.3457852736489116, 'and': 0.1179833722693377, 'of': 0.10523029952438533, 'The': 0.044182116577852315, 'an': 0.04149012999420505, 'their': 0.04108500205147273, 'to': 0.03873748035086974, 'a': 0.03405400454380188, 'tho': 0.03284449231949417}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.1204391280897824, 'of': 0.0787950087198768, 'and': 0.06829421033657919, 'a': 0.05594168897080454, 'to': 0.0543765805436684, 'be': 0.03365192968818033, 'was': 0.029523594719538162, 'in': 0.022076662542816268, 'for': 0.019272825864187503}, {'to': 0.34182017393011777, 'will': 0.17665785572531406, 'we': 0.09824293248709735, 'would': 0.07953009822475653, 'I': 0.07429615865505372, 'you': 0.053768425074246694, 'can': 0.0489214130989935, 'could': 0.04676471552072386, 'not': 0.037759153854158775}, {'I': 0.23800327301651153, 'he': 0.19430624124952148, 'they': 0.10740078169340778, 'and': 0.0758949092114727, 'it': 0.0709972415387823, 'she': 0.05000083851900982, 'He': 0.04776135196962143, 'we': 0.046284163939811995, 'who': 0.044716651513872226}, {'and': 0.08567250684614706, 'together': 0.07177169396087933, 'it': 0.02633661420155671, 'covered': 0.02418860181698179, 'them': 0.022980964469284607, 'connection': 0.020466132696296505, 'filled': 0.020168203027216502, 'him': 0.019602976636008417, 'up': 0.019040707896777993}, {'United': 0.5274249706884672, 'the': 0.17017420611822215, 'The': 0.026979212205229485, 'Southern': 0.018577964978488393, 'Uuited': 0.016410130073129137, 'of': 0.016255478840799736, 'that': 0.01524817369817462, 'a': 0.014020156595355285, 'this': 0.013740750798474363}, {'the': 0.19764905539545308, 'a': 0.16133392181807168, 'of': 0.12634804545179185, 'and': 0.06411821187181417, 'an': 0.048481358880494325, 'to': 0.04334947339270106, 'in': 0.032977869079454096, 'The': 0.029403172625074643, 'that': 0.027052706164377636}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.6334802835662293, 'and': 0.0650449229356148, 'The': 0.05632206350561076, 'par': 0.03967330635743704, 'tho': 0.03379972849826238, 'of': 0.032696835313226945, 'a': 0.029326420400037877, 'in': 0.02880943037030119, 'assessed': 0.023108838793937436}, {'of': 0.27319833721757497, 'and': 0.1528259013262375, 'in': 0.10357744639289411, 'with': 0.10292297656283969, 'for': 0.08899184395586443, 'to': 0.08454593126302352, 'that': 0.04908182658551871, 'by': 0.029310111400508078, 'or': 0.02497369546012165}, {'the': 0.5126501204185312, 'and': 0.10006151635293005, 'in': 0.08249106282438248, 'of': 0.06267184856076895, 'a': 0.03566996136697902, 'tho': 0.027968901605313092, 'heartfelt': 0.023614565105788857, 'The': 0.022903885274748195, 'In': 0.020318522308465148}, {'the': 0.33541238211696683, 'of': 0.24740277875859037, 'a': 0.08677132377386816, 'The': 0.050298514895081456, 'their': 0.04557019911915739, 'other': 0.03545007787378068, 'to': 0.03274332588741711, 'this': 0.03245631020350949, 'our': 0.03077175825593679}, {'the': 0.4866513673937581, 'The': 0.13768814675066685, 'a': 0.07680867364873285, 'and': 0.041449398787615395, 'his': 0.03698869069709093, 'of': 0.035771405128239814, 'tho': 0.021339170735175564, 'A': 0.01868994394812011, 'or': 0.0142601971520732}, {'of': 0.2897688407126367, 'and': 0.11466193704799812, 'in': 0.10005822550009952, 'to': 0.09131568416979434, 'with': 0.08048854636006285, 'on': 0.0700466718902221, 'that': 0.06328831889980079, 'for': 0.041388105309737674, 'by': 0.03730844801457682}, {'they': 0.17585868880948174, 'we': 0.08989742324414599, 'there': 0.07299056346446509, 'who': 0.06398227832984407, 'There': 0.054437942944570904, 'They': 0.05336254356064314, 'you': 0.050927286597202893, 'and': 0.04666698870910165, 'which': 0.04390952724435605}, {'and': 0.08136132378120155, 'made': 0.06432427221432319, 'owned': 0.03371115903535484, 'provided': 0.02554646384067024, 'or': 0.021367897770438328, 'that': 0.021340594466307598, 'occupied': 0.020878417780160398, 'ed': 0.020242162549214977, 'paid': 0.018309413129524603}, {';': 0.03604456735996787, 'nothing': 0.03147469616119983, 'is': 0.017881494470933852, 'it,': 0.0161304138647046, 'and': 0.014015415203260138, 'them,': 0.01131058491618426, 'anything': 0.010188131210646746, 'him,': 0.009682176214463932, 'time,': 0.009166165862343404}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'the': 0.169123373026678, 'of': 0.10497154947527229, 'and': 0.07266431541621465, 'a': 0.056309765160557294, 'to': 0.053721079697297745, 'was': 0.02861411457258916, 'be': 0.02791642277896183, 'in': 0.022676803489143832, 'is': 0.022627446812614763}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'and': 0.10247027652015542, 'him': 0.06073237612402084, 'was': 0.04123887990926764, 'man': 0.035423878825065744, 'it': 0.03409304083682875, 'up': 0.024105643627210266, 'that': 0.02394588451149575, 'found': 0.021001378013868546, 'made': 0.020634858937017025}, {'of': 0.42734193474349086, 'to': 0.11116847546962885, 'that': 0.07879789842770225, 'in': 0.0714979183705299, 'and': 0.0696980965213832, 'for': 0.056015565598516275, 'by': 0.04643999121069545, 'on': 0.026958107001356802, 'with': 0.026893160982761455}, {'a': 0.39035018206409244, 'the': 0.35147429733134494, 'A': 0.05317008138733549, 'and': 0.03442248570745642, 'The': 0.02935658758047886, 'very': 0.02200614118961965, 'was': 0.020638558136626458, 'is': 0.016384880764193362, 'his': 0.015492825399407262}, {'the': 0.5814990704012741, 'a': 0.11066218072670564, 'The': 0.07106829313882118, 'tho': 0.03343048530662144, 'this': 0.017669039494163246, 'tbe': 0.012866991882353582, 'and': 0.010795986844319639, 'no': 0.010608837720335707, 'any': 0.008674628790962976}, {'and': 0.23318732012804172, 'as': 0.10911241321918513, 'that': 0.10742865633411798, 'but': 0.029890623287772377, 'or,': 0.02393904204384738, 'which': 0.018438806956731946, 'or': 0.014638296715274486, 'which,': 0.01402690403315971, 'time': 0.013487394112089768}, {'<s>': 0.03972067947973259, 'of': 0.014449593600284694, 'as': 0.012393852241450206, 'it.': 0.011878732148515583, 'and': 0.009896876119926278, 'firm;': 0.009559195446275011, 'them.': 0.009146111834866062, '.': 0.00815938506576879, 'at': 0.007714077518833167}, {'of': 0.10408616689590952, 'the': 0.0986900331698948, 'and': 0.05701352615608303, 'to': 0.04502836773706315, 'a': 0.03780779334619606, 'at': 0.02937070463197546, 'his': 0.020239671670571915, 'in': 0.019761494400663476, 'is': 0.01758882123393634}, {'is': 0.2346872722712715, 'be': 0.2221428923425245, 'was': 0.12206457888085856, 'it': 0.11245072986237252, 'not': 0.05626007728099825, 'and': 0.04962307599694453, 'as': 0.042985897834675206, 'the': 0.04254840851961973, 'are': 0.041615881298646684}, {'the': 0.18989257512602126, 'of': 0.09307169343867645, 'and': 0.05267696401678144, 'a': 0.046484442825686305, 'The': 0.03416415527495314, 'this': 0.02323246862831781, 'that': 0.02252271798439548, '<s>': 0.016908360387470137, 'or': 0.01655636557606283}, {'that': 0.30246902938335324, 'which': 0.10704091316787251, 'if': 0.08469709230156716, 'as': 0.07844477058325534, 'and': 0.07460880669444017, 'when': 0.06247567718397861, 'where': 0.052738740885928975, 'but': 0.04462112473008598, 'whom': 0.04135188655360903}, {'and': 0.08296040376566996, 'able': 0.06504171041020183, 'order': 0.0621408185377654, 'him': 0.053813073784472795, 'is': 0.052874348919057894, 'was': 0.05026577439717304, 'time': 0.04985952724781956, 'had': 0.047685864843216075, 'as': 0.047027809783576416}, {'the': 0.2309842086322524, 'a': 0.1380605586086643, 'to': 0.1159605229757553, 'of': 0.11221300565364217, 'and': 0.060518901012201684, 'for': 0.03920332782193316, 'with': 0.03492610089806827, 'by': 0.024750496904926454, 'The': 0.02027072664607762}, {'matters': 0.10297308313945079, 'and': 0.07573848437038183, 'are': 0.07015815658018165, 'is': 0.046495077296455814, 'was': 0.03525401716985678, 'not': 0.02848448718869861, 'were': 0.0230765723002871, 'be': 0.022828458505700932, 'now': 0.021307209449441998}, {'and': 0.24857736465932326, 'so': 0.09842577967620286, 'as': 0.06304183184373369, 'to': 0.04498745665741659, 'but': 0.04117021693051691, 'fact': 0.04061263647062097, 'say': 0.03720080670417542, 'is': 0.03668448462729886, 'said': 0.035483550679231736}, {'the': 0.152286976712241, 'of': 0.07752863734461875, 'to': 0.0705019454985685, 'and': 0.06709651752293638, 'in': 0.0296228648381102, 'that': 0.025076930540120973, 'as': 0.021476519631899203, 'on': 0.02137563289764577, 'by': 0.01932572196010865}, {'the': 0.2996073488498976, 'a': 0.14050180438515728, 'and': 0.07129490680036334, 'of': 0.06668025864036357, 'to': 0.03971168695320706, 'in': 0.028030481045004885, 'tho': 0.019038706917935543, 'The': 0.018082622958568835, 'his': 0.017866414691373088}, {'the': 0.19670387957172328, 'of': 0.12034700726956073, 'a': 0.08438228089640598, 'to': 0.07002755359439007, 'and': 0.06281574081115311, 'be': 0.0453128674171294, 'in': 0.03379866218947241, 'is': 0.03220276533394172, 'not': 0.029189418599409524}, {'and': 0.10804239473381184, 'that': 0.06877271568896832, 'time': 0.044968333372193595, 'made': 0.03839260238470974, 'them': 0.025974954275041165, 'him': 0.0228533654232229, 'but': 0.021272463154043103, 'or': 0.020568535355851812, 'up': 0.019585160695241126}, {'and': 0.06651253050089757, 'is': 0.05092072767875055, 'was': 0.03956718262105778, 'be': 0.029769209208406443, 'with': 0.02548334835325816, 'are': 0.024351847838721588, 'of': 0.02154665347752833, 'as': 0.021529620573083188, 'by': 0.020864955692212465}, {'to': 0.17662894003854543, 'the': 0.13501350167895798, 'in': 0.09453745635443221, 'and': 0.08301325636287202, 'of': 0.06368020155270711, 'an': 0.052934043545994895, 'a': 0.05146049663287039, 'by': 0.04843552898200054, 'or': 0.03565351350233546}, {'and': 0.23886647779380607, 'that': 0.08316104919738272, 'but': 0.08181601609208637, 'time': 0.04402520637974863, 'But': 0.033212668718497027, 'And': 0.023637469379113405, 'me': 0.021739431298813228, 'ago,': 0.01809314200245958, 'even': 0.016002524667081804}, {'the': 0.1191610189336908, 'and': 0.10924652985824822, 'to': 0.09846143404117211, 'of': 0.06796485390662609, 'a': 0.04238182075755894, 'in': 0.033512421400044665, 'will': 0.02167910309907727, 'I': 0.02147082452855168, 'he': 0.0188867320525541}, {'the': 0.14651767028650897, 'and': 0.10280181339946678, 'of': 0.07164139889404732, 'to': 0.06710968865667367, 'in': 0.043620235518656805, 'was': 0.04085328919635116, 'a': 0.03773596883616436, 'be': 0.034467327867332885, 'is': 0.024743356400790086}, {'his': 0.1256420421227933, 'the': 0.12090140879783341, 'of': 0.11809710445969872, 'this': 0.07336788926519303, 'other': 0.07311140528424967, 'their': 0.05793492295165836, 'her': 0.054454882292827626, 'public': 0.047266266778805265, 'or': 0.04375267746485081}, {'and': 0.16858297107862735, 'annum,': 0.15609016769596568, 'on': 0.04340659494320944, 'of': 0.030432966485033467, 'day': 0.015821892466454136, 'or': 0.01176481996217955, 'that': 0.010569990384970406, 'sale,': 0.009978157803635595, '2': 0.009755587607988309}, {'J': 0.18507524730351668, 'W': 0.13426069515930464, 'A': 0.09306394391175586, 'C': 0.09259749154897204, 'M': 0.08300903683332136, 'S': 0.08213475212915194, 'E': 0.07280478253048128, 'F': 0.05829862404932435, 'H': 0.05595523383562103}, {'of': 0.12702700335088576, 'is': 0.11202874085940011, 'as': 0.10361077850925991, 'in': 0.10265598107062275, 'with': 0.08785726203196974, 'and': 0.07583255107485724, 'for': 0.07339696110572176, 'to': 0.06925855758839941, 'was': 0.061972163027553005}, {'came': 0.09657454656528655, 'went': 0.0905999688167478, 'sat': 0.08059857927015388, 'go': 0.074438218344668, 'come': 0.06864339298139073, 'laid': 0.06748577091965297, 'sit': 0.05991730131930092, 'it': 0.04544754164417503, 'broken': 0.043878634086571}, {'of': 0.30645489252959973, 'for': 0.1412014871354123, 'to': 0.14025531134895905, 'at': 0.13083238880503412, 'and': 0.06343889818519817, 'in': 0.05483455836792066, 'that': 0.0329132288323891, 'from': 0.02969306012651422, 'during': 0.02868666724283003}, {'the': 0.11779962059490376, 'of': 0.08596740294820827, 'and': 0.07568776954042707, 'a': 0.05077869504587158, 'to': 0.04502980800732101, 'be': 0.03528964289240952, 'in': 0.03435426147766118, 'was': 0.032825852443482004, 'is': 0.018753788213466776}, {'they': 0.16111188785265268, 'there': 0.06626249220905589, 'and': 0.06077457897578308, 'who': 0.05732257284091478, 'we': 0.045083092791755895, 'which': 0.044647664622390684, 'They': 0.03565243903755429, 'There': 0.03090159854777091, 'that': 0.02999419587928608}, {'it': 0.20009487951772253, 'It': 0.13662155496952133, 'which': 0.08462308071345959, 'he': 0.06064788539794049, 'and': 0.060267531284352416, 'that': 0.054917481084689725, 'there': 0.04408361668581946, 'who': 0.0320962710870034, 'what': 0.026203611617225644}, {'the': 0.2262333139863608, 'of': 0.2022855747128473, 'in': 0.19254456087455615, 'to': 0.06838045740105994, 'In': 0.048869037803194494, 'from': 0.04623730807689922, 'and': 0.03511495145655637, 'The': 0.034367140360129854, 'for': 0.03150869224562173}, {'of': 0.27489800113590557, 'and': 0.1528524312948182, 'in': 0.13077807509304412, 'to': 0.08824812852502847, 'with': 0.0831384920814521, 'on': 0.051748998112509895, 'that': 0.05032829572725688, 'from': 0.032024381131143545, 'by': 0.029669212116732867}, {'of': 0.15514547842150966, 'and': 0.15312254476184797, 'the': 0.13257551478379226, 'as': 0.09943335516658709, 'a': 0.09088620056605186, 'such': 0.03780182865105758, 'his': 0.035012164413387184, 'to': 0.03394126419129008, 'their': 0.03270517743051608}, {'to': 0.37932314178282656, 'and': 0.0936240165650646, 'not': 0.05464416458981337, 'that': 0.037750213985148176, 'shall': 0.029895276538603226, 'which': 0.02713873669512426, 'may': 0.022102392640755135, 'of': 0.02181385667775467, 'the': 0.01695491709306895}, {'the': 0.5369233393168885, 'of': 0.1492018613597985, 'in': 0.11847241541232555, 'and': 0.04249815849087522, 'for': 0.024488592543832437, 'to': 0.02376882748194207, 'In': 0.018676607427201654, 'tho': 0.015066279776698657, 'our': 0.014117796356417406}, {'of': 0.16372825034277763, 'the': 0.13028121582142124, 'and': 0.0715600256626397, 'to': 0.05093924923303585, 'in': 0.0190402385700616, 'by': 0.018168910032364198, 'said': 0.017197370765019836, 'Mrs.': 0.016780588758322224, 'with': 0.016258806223548403}, {'the': 0.31770861471339773, 'a': 0.22534081708442183, 'and': 0.0864700192627491, 'of': 0.06127515255423523, 'The': 0.056641975079616706, 'other': 0.043869930079744775, 'his': 0.03898879712063861, 'all': 0.025661233658466506, 'this': 0.019555015744843734}, {'be': 0.5011263614331222, 'is': 0.10557864331479128, 'was': 0.07749254682980522, 'been': 0.06731477573773842, 'are': 0.05062698057456445, 'not': 0.04561211487675433, 'and': 0.04239019836938674, 'being': 0.03475301410059826, 'as': 0.029712875671972675}, {'and': 0.11516457218399846, 'was': 0.03918344234541323, 'look': 0.02925250216962155, 'is': 0.028762525333730613, 'that': 0.026959109991984923, 'one': 0.025415527363092893, 'be': 0.025229118619044328, 'it': 0.025182162385704865, 'sold': 0.022796177325622353}, {'to': 0.7093472373737639, 'and': 0.0515827350707672, 'will': 0.04893369912760658, 'can': 0.030870846373696675, 'not': 0.029386872000313653, 'would': 0.027027608989038943, 'who': 0.026604591560215277, 'could': 0.02338659806843321, 'we': 0.021106003132129764}, {'the': 0.13562130323904178, 'of': 0.11634746052443862, 'and': 0.10104959493820968, 'to': 0.08570952003660538, 'be': 0.024759526431152017, 'as': 0.020990254498623403, 'a': 0.019672519706896555, 'is': 0.018015511620110357, 'in': 0.0174744724249894}, {'in': 0.3478616294273497, 'of': 0.1961068326916687, 'In': 0.09443612464699574, 'for': 0.08003659832311981, 'by': 0.05398129371226562, 'and': 0.04694820179192301, 'that': 0.042220088559515624, 'to': 0.035031036124614987, 'with': 0.0251454322018121}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'was': 0.22870401603149423, 'be': 0.19683757385439327, 'is': 0.12405107168876114, 'been': 0.0683158767435101, 'have': 0.06222378703417897, 'were': 0.06145547487695398, 'and': 0.05835258233895884, 'had': 0.05171272675175186, 'well': 0.05056910977657401}, {'the': 0.38231625035688027, 'of': 0.08368269005144421, 'and': 0.07169492189319066, 'a': 0.06758547764215986, 'The': 0.043988040401829576, 'tho': 0.027168446066753685, 'to': 0.0215632458487469, 'his': 0.01854866696387075, 'their': 0.0153499330954182}, {'it': 0.13796128875087904, 'which': 0.12123151758558284, 'It': 0.1190182297647619, 'that': 0.07907127608922525, 'who': 0.07084173501939091, 'he': 0.07065862855136053, 'there': 0.05551808419416357, 'and': 0.034746175819115654, 'There': 0.029925963619018833}, {'of': 0.2800439972339822, 'the': 0.1985890272627241, 'a': 0.09662456314146843, 'for': 0.04815411615747217, 'to': 0.044696765686139284, 'with': 0.0411477679268453, 'in': 0.03958726284609352, 'and': 0.03333580966051067, 'his': 0.025539057512194548}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.18197143129241838, 'fact': 0.08854581418456811, 'of': 0.05610606610969851, 'said': 0.04935313764440058, 'say': 0.04461819925615844, 'so': 0.042469769742858036, 'in': 0.038242106691455766, 'one': 0.0348954770286454, 'believe': 0.033200836379296834}, {'of': 0.21900960177820047, 'On': 0.09849290181983679, 'and': 0.09828358503259038, 'in': 0.0906388480610357, 'before': 0.06368849309329043, 'after': 0.05790820788657952, 'by': 0.05674262628345461, 'for': 0.052997879810585666, 'on': 0.0393458578847635}, {'of': 0.26666507481243157, 'the': 0.14542322101957114, 'for': 0.14477809523023294, 'in': 0.1274560193610294, 'and': 0.041419789829690384, 'In': 0.028648912206369125, 'their': 0.024485038933976938, 'from': 0.02417821644773015, 'a': 0.02228716071169917}, {'of': 0.18715233780746704, 'in': 0.1229440731519667, 'and': 0.11348457542408384, 'with': 0.0912918349565344, 'is': 0.0902667693585262, 'was': 0.0721366047186828, 'by': 0.06976855915478507, 'for': 0.06844874165568778, 'to': 0.05278650092688583}, {'he': 0.23416022767375097, 'I': 0.12168995912702303, 'who': 0.09430753432976677, 'they': 0.07185034054773307, 'have': 0.07016517257619859, 'and': 0.06689966058492322, 'she': 0.05557617226654391, 'He': 0.04690238716936863, 'we': 0.03739581895166398}, {'more': 0.4331373593419225, 'less': 0.1337255587258845, 'better': 0.04922380158354721, 'greater': 0.0481720488292496, 'rather': 0.04428656253812779, 'other': 0.02893350942572333, 'worse': 0.021846382649905068, 'larger': 0.018922177580755983, 'More': 0.017166677440552766}, {'that': 0.16636167561508586, 'and': 0.1574373569770154, 'as': 0.08406814686767315, 'but': 0.0805232865984024, 'which': 0.06480862220158295, 'when': 0.04534680566696233, 'if': 0.039818015290173966, 'what': 0.0356364750729428, 'the': 0.024373157368015073}, {'and': 0.22798934750922234, 'of': 0.15423949167828457, 'the': 0.1050052962048314, 'to': 0.09202800029838148, 'all': 0.06921211156144275, 'their': 0.05463643143633009, 'for': 0.04812974582135867, 'in': 0.03444205924260304, 'his': 0.027318199059045447}, {'of': 0.26123285619447284, 'to': 0.11310721016847632, 'in': 0.1039909538957225, 'with': 0.07455011065855971, 'on': 0.054074785230624686, 'and': 0.04825484186870484, 'for': 0.04614046881623299, 'by': 0.04250258410398604, 'from': 0.037844811989733496}, {'of': 0.3210890700072419, 'with': 0.10420933760185679, 'by': 0.10051793024942851, 'in': 0.09478803513262288, 'and': 0.06864276926788124, 'for': 0.05600522767977487, 'is': 0.04556065613859813, 'as': 0.043583787945736745, 'to': 0.04328198621830031}, {'time': 0.3709786119752285, 'and': 0.07269297126329154, 'as': 0.06550900693585349, 'him': 0.034066374008314776, 'is': 0.02830631181744077, 'them': 0.026933779533324487, 'required': 0.025825362394706453, 'subject': 0.021297871749816552, 'order': 0.02060853624895907}, {'the': 0.22254734123927494, 'Wall': 0.0812281363820778, 'Main': 0.03725612901108674, 'said': 0.023856136281940204, 'a': 0.02350231703312553, 'Sixth': 0.021868140339969963, 'Third': 0.020558757388020626, 'Seventh': 0.019711749807169675, 'Fifth': 0.01882067315761812}, {'that': 0.3670068151325419, 'which': 0.10774572590954137, 'if': 0.09266655174357903, 'as': 0.07009329607632919, 'when': 0.057352312768798284, 'and': 0.05456727214383992, 'where': 0.04712221200636754, 'what': 0.03609598234113222, 'whom': 0.034116320657092615}, {'he': 0.1605469449555572, 'and': 0.10860506363470422, 'it': 0.08402299152193697, 'who': 0.07051887107735402, 'He': 0.06930673698171463, 'It': 0.06655580372654273, 'which': 0.05317865514501089, 'that': 0.038377916401948965, 'she': 0.02635491076137967}, {'the': 0.6974158373159705, 'and': 0.06598134698603277, 'of': 0.03620294514616777, 'a': 0.035076909084359446, 'The': 0.03467214600479473, 'tho': 0.029941835303918474, 'in': 0.021778071373299575, 'tbe': 0.009412587344943397, 'by': 0.008202268257954858}, {'of': 0.28816181604556595, 'in': 0.23094396764369854, 'with': 0.07917371804642571, 'and': 0.06051618394182306, 'In': 0.05431073832051126, 'to': 0.05111989936486756, 'that': 0.04263157937590769, 'for': 0.04254629723751704, 'by': 0.03192445629094268}, {'be': 0.2481588877541427, 'and': 0.1598465820367531, 'was': 0.1476987742688981, 'been': 0.12156217091435131, 'is': 0.07835407871541478, 'are': 0.06684296064848033, 'were': 0.06108430775396325, 'being': 0.024360310113266954, 'so': 0.023140322981128288}, {'and': 0.09377129454296322, 'was': 0.04271315341537484, 'out': 0.028524574363226172, 'that': 0.02811573968936019, 'placed': 0.027131868575018914, 'work': 0.02578173844450971, 'made': 0.024681420068921236, 'is': 0.024021050156212566, 'up': 0.023509378606325886}, {'in': 0.3822771063298983, 'the': 0.18631626582241487, 'In': 0.10274714395675255, 'a': 0.09240657434283632, 'take': 0.07837367901174151, 'took': 0.036691486630496185, 'and': 0.022647816674350053, 'or': 0.021413470599818244, 'have': 0.020355840208249112}, {'the': 0.22376675678896588, 'and': 0.11894565519471034, 'to': 0.10285864248691212, 'a': 0.08975179393917965, 'of': 0.08399001975735913, 'be': 0.0509749888196219, 'his': 0.037793003813015216, 'was': 0.03609926906814657, 'The': 0.033179033099978154}, {'the': 0.1871099340232, 'of': 0.12245543700285207, 'and': 0.07762176437313606, 'to': 0.04253638977060842, 'a': 0.03637502332286802, 'in': 0.03477705925366759, 'be': 0.028736976957407137, 'for': 0.02632785249720901, 'his': 0.024485127582388622}, {'a': 0.5845661889768107, 'the': 0.12541943097190672, 'most': 0.07051817998921853, 'very': 0.0517783736574209, 'this': 0.029498929961096494, 'an': 0.027507214189842692, 'any': 0.022982721687754358, 'and': 0.019611704883693615, 'of': 0.018282421887329616}, {'to': 0.2004174707115007, 'I': 0.16643054652287076, 'we': 0.08633278931668625, 'would': 0.07997943067296187, 'they': 0.07222982177002195, 'and': 0.06758171645575306, 'who': 0.057365082903058494, 'will': 0.050970669739757155, 'you': 0.04861078555911063}, {'the': 0.10549386359572963, 'a': 0.09037218680650554, 'Yours': 0.08173116757693513, 'and': 0.07086794504590652, 'was': 0.0602222252978091, 'are': 0.05394416753123262, 'be': 0.04694786941080695, 'or': 0.0461539443962748, 'were': 0.03572396853172463}, {'of': 0.22891221099099177, 'in': 0.19156041782121064, 'and': 0.11493558816671044, 'to': 0.09992363840123986, 'at': 0.0671455538857801, 'on': 0.05883988683124826, 'with': 0.044363327213865246, 'from': 0.036126691537400515, 'all': 0.034356429551480154}, {'the': 0.19520039032071484, 'of': 0.09308633256598493, 'and': 0.07903579688248967, 'a': 0.07155814144624263, 'to': 0.04930243656660306, 'an': 0.048796400895182265, 'as': 0.02892310951606189, 'in': 0.027005017083452945, 'that': 0.021871136842408576}, {'the': 0.17972045842565038, 'his': 0.12889217366390887, 'a': 0.11591983770508331, 'and': 0.10037775403229124, 'is': 0.07230697831118921, 'was': 0.048076929019509496, 'their': 0.04436330214334429, 'are': 0.040154331339912364, 'her': 0.039835344296654654}, {'has': 0.3603755123393422, 'have': 0.2876957588299479, 'had': 0.17247319997020472, 'having': 0.04772731596789519, 'not': 0.032830373459192916, 'bad': 0.01528785156945385, 'ever': 0.013425382071959958, 'lias': 0.013153230579464353, 'already': 0.010115673559653567}, {'the': 0.10208152635957632, 'and': 0.09111834455869397, 'of': 0.08354703707664382, 'a': 0.07426003185839787, 'to': 0.04257418208304751, 'be': 0.027870982215019345, 'was': 0.026521415916543712, 'for': 0.022890538262711948, 'is': 0.02175345100615176}, {'those': 0.15487589327537146, 'men': 0.09951861693857385, 'man': 0.09200934741034335, 'and': 0.08400085749712183, 'one': 0.0497765969317141, 'person': 0.030358520119822978, 'people': 0.029203813143980576, 'all': 0.025435540883345962, 'persons': 0.022680640538550154}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'of': 0.15385570262103496, 'the': 0.12737601722222658, 'a': 0.10232913905819735, 'in': 0.09030679674753199, 'to': 0.06372187710374885, 'at': 0.06144981532323761, 'and': 0.042070773008767146, 'by': 0.033454510792538646, 'with': 0.027737529259258653}, {'the': 0.4306028872594057, 'an': 0.14696414220102938, 'his': 0.07937732250643519, 'of': 0.058339741504820256, 'their': 0.050935489155891536, 'The': 0.04904481803186906, 'her': 0.04788518754182342, 'my': 0.04257078852815676, 'years': 0.04076082843471882}, {'of': 0.09924636802463128, 'the': 0.09190321226143573, 'and': 0.07873357061964639, 'to': 0.05403607539554666, 'be': 0.04740400120181518, 'in': 0.03165088556212201, 'or': 0.028533597054211397, 'for': 0.024261752734536787, 're-': 0.023287272260284375}, {'the': 0.6747585203437553, 'The': 0.05315496668463487, 'of': 0.03792938620512999, 'and': 0.03528678463485609, 'tho': 0.034328935140311156, 'a': 0.028551325262661412, 'all': 0.01939403642615256, 'tbe': 0.014795523422862177, 'other': 0.009222930898480489}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.1349478912068825, 'of': 0.10831180615860528, 'to': 0.08553975988455542, 'and': 0.07770457341896858, 'be': 0.0399659975530991, 'in': 0.03882986640054204, 'or': 0.02237585939629213, 'was': 0.021893552276970416, 'is': 0.020816498827982397}, {'the': 0.161571823160705, 'of': 0.09066395789307255, 'and': 0.08811651892316719, 'to': 0.04899478563575888, 'a': 0.04339234346550187, 'in': 0.02742755197900953, 'be': 0.01966761960337111, 'his': 0.018152941337592668, 'or': 0.01745461527325544}, {'the': 0.2391188707080629, 'of': 0.10930519684049655, 'and': 0.07694871704202312, 'in': 0.07027069153336611, 'a': 0.051672116023204415, 'to': 0.03523589990361771, 'or': 0.029489746268560248, 'on': 0.02658884526374911, 'at': 0.025087335999174825}, {'to': 0.11272467325873015, 'the': 0.09570920935957357, 'of': 0.08084508540075111, 'and': 0.07746796351453314, 'a': 0.03161606912023797, 'in': 0.024763881588432984, 'at': 0.024446783401682257, 'for': 0.018599489625864805, 'is': 0.01726400145434898}, {'her.': 0.05424983333637127, 'it.': 0.027295680091526022, '<s>': 0.025898778736920716, 'him.': 0.01967515905443421, 'them.': 0.01643810625232391, 'life.': 0.009032452275134396, 'home.': 0.007974714873746593, 'time.': 0.007403573235353137, 'day.': 0.005780350374959893}, {'of': 0.2885260568389951, 'to': 0.13271304165314468, 'and': 0.0981065180412524, 'that': 0.09799076634252112, 'in': 0.07983521649835043, 'by': 0.06101093954476158, 'on': 0.05227564772277724, 'with': 0.04260734523757095, 'from': 0.0347393249652733}, {'the': 0.19670387957172328, 'of': 0.12034700726956073, 'a': 0.08438228089640598, 'to': 0.07002755359439007, 'and': 0.06281574081115311, 'be': 0.0453128674171294, 'in': 0.03379866218947241, 'is': 0.03220276533394172, 'not': 0.029189418599409524}, {'with-': 0.18106662119221573, 'get': 0.08665136290640667, 'find': 0.07021225384949778, 'carry': 0.06502941270226409, 'make': 0.0613897039933163, 'and': 0.058691293578461146, 'put': 0.046850432992309954, 'made': 0.04467084934428502, 'sent': 0.044028220484854906}, {'the': 0.5162717436436955, 'of': 0.14347807801463988, 'a': 0.060285497992745345, 'The': 0.056817208870909734, 'said': 0.04069801577718368, 'and': 0.0315497080748249, 'tho': 0.031009614263872148, 'for': 0.029374859924981022, 'our': 0.022721379403793436}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'it': 0.20009487951772253, 'It': 0.13662155496952133, 'which': 0.08462308071345959, 'he': 0.06064788539794049, 'and': 0.060267531284352416, 'that': 0.054917481084689725, 'there': 0.04408361668581946, 'who': 0.0320962710870034, 'what': 0.026203611617225644}, {'number': 0.14784840904441196, 'out': 0.06475578950299436, 'sort': 0.03944203347067664, 'means': 0.03610311862360626, 'kind': 0.033852134091305414, 'line': 0.032335773829763985, 'point': 0.031367287594338475, 'one': 0.02918233026153435, 'amount': 0.02706109704589576}, {'for': 0.3166437532086942, 'of': 0.13889570877664983, 'in': 0.10017185611637469, 'within': 0.05777134041709586, 'and': 0.05628501014384267, 'as': 0.04715426013866488, 'about': 0.043950961090060324, 'cents': 0.04259849760126404, 'twice': 0.04077079464240267}, {'and': 0.1082798509610735, 'be': 0.09484653891020561, 'was': 0.07302725610406567, 'is': 0.06753124639415749, 'of': 0.05025084178270251, 'been': 0.04112157593505163, 'to': 0.03881676068613716, 'in': 0.03731550123451758, 'are': 0.036834223910146985}, {'is': 0.15898009032382587, 'was': 0.13404422751649142, 'for': 0.10485778089468267, 'of': 0.09944360081935835, 'with': 0.09001742016360631, 'to': 0.07699466686647383, 'and': 0.06812676905806331, 'in': 0.05908028952114294, 'be': 0.044053002365703815}, {'the': 0.05403779343649114, 'of': 0.04636753326284827, 'and': 0.042072674862674325, 'in': 0.040706044642922316, 'is': 0.030068938295294317, 'was': 0.028227622796700255, 'a': 0.02772064579894248, 'with': 0.025967531286702684, 'on': 0.024254415243765304}, {'and': 0.14201773215992794, 'of': 0.11343507460959126, 'as': 0.08953830886314076, 'that': 0.06499562043269999, 'to': 0.062263432405448745, 'with': 0.061333186303998345, 'for': 0.05812105324930065, 'but': 0.052046423658039534, 'make': 0.044065254776798284}, {'and': 0.2784610552991511, 'or': 0.07804924205820526, 'in': 0.04227935649200544, 'to': 0.03424081665011616, 'but': 0.032809500220043544, 'of': 0.030847408921447394, 'that': 0.029733897192250405, 'it': 0.02666192768827416, 'for': 0.026615319145693744}, {'to': 0.7235493015989802, 'will': 0.0627022874483547, 'not': 0.029213211822851786, 'I': 0.027072854116368533, 'can': 0.026493467712588967, 'they': 0.02584559313763056, 'and': 0.024072864427815432, 'we': 0.023041187244044865, 'could': 0.02283141781384314}, {'is': 0.06959264159537312, 'him': 0.06498737495189942, 'order': 0.060917276384196486, 'and': 0.05540226120815385, 'able': 0.053437484207989994, 'proceed': 0.050547341022632544, 'enough': 0.04767149931520528, 'was': 0.04690998257322711, 'had': 0.04402658716755329}, {'the': 0.14385239390920435, 'and': 0.07773560088017208, 'of': 0.04159153971679536, 'that': 0.029451923091426795, 'to': 0.029009014840492366, 'a': 0.026320075029341947, 'in': 0.01839654003847523, 'The': 0.017045976469123314, 'at': 0.01579408516530727}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'well': 0.12027319865909401, 'is': 0.06149715034291938, 'and': 0.05969540246895553, 'just': 0.05409654419834486, 'such': 0.04378749418074816, 'far': 0.03847692467512818, 'soon': 0.03736726950021608, 'was': 0.036287680852715075, 'it': 0.03262126196987446}, {'he': 0.05296124556808537, 'I': 0.0489795260915468, 'and': 0.038167068090556186, 'it': 0.026531500409867285, 'who': 0.024556490561916625, 'they': 0.018703857509960977, 'which': 0.01863517296772592, 'as': 0.017701368368137935, 'that': 0.01642295202086792}, {'of': 0.40099951282693924, 'to': 0.11371949741367572, 'in': 0.10582714155989019, 'that': 0.06380679842181673, 'and': 0.05877718090238096, 'all': 0.049273051626691364, 'by': 0.04593951240954148, 'on': 0.044585477631196774, 'from': 0.038120207563132405}, {'the': 0.667768467360047, 'The': 0.08014056602644129, 'and': 0.039080632815462424, 'very': 0.03567276453027443, 'his': 0.03405435223912427, 'tho': 0.029184469043493182, 'their': 0.02505156364172197, 'our': 0.019729157550022032, 'its': 0.017100831749442623}, {'and': 0.1888866132624824, 'that': 0.15580917141532885, 'is': 0.05989125444923053, 'was': 0.05215354126149581, 'not': 0.0504697055096631, 'to': 0.04929724429702711, 'but': 0.04660043089846125, 'or': 0.044700398350614186, 'have': 0.042246216368072534}, {'and': 0.08448376243610374, 'that': 0.03989906555625288, 'was': 0.03307127630944282, 'it': 0.02977133658748878, 'are': 0.026632242716846867, 'is': 0.02635546735274214, 'them': 0.02019726759797147, 'be': 0.019637337823081594, 'made': 0.017574896740117574}, {'he': 0.2220398824048451, 'I': 0.15889894429644227, 'they': 0.0861115161387244, 'and': 0.08012154545464832, 'He': 0.07316288371293662, 'it': 0.058843953030868985, 'she': 0.04877253808881746, 'who': 0.03649333987550594, 'we': 0.034875342824543014}, {'will': 0.1439166058183249, 'and': 0.12540295372812552, 'I': 0.10621764973035848, 'not': 0.09154023577416252, 'a': 0.08897063497301712, 'shall': 0.08228277538454237, 'was': 0.057354091319464055, 'the': 0.04771831380482252, 'have': 0.045783240889348244}, {'has': 0.08244656746319699, 'and': 0.07244938166999627, 'the': 0.06090744620994753, 'had': 0.05812601198416831, 'have': 0.052115630905670556, 'of': 0.04037476529245228, 'which': 0.027355518936260117, 'to': 0.026197114690669238, 'it': 0.02588436778653798}, {'the': 0.20264852356283447, 'our': 0.12415312256138271, 'and': 0.10990063473329056, 'of': 0.10524091526169066, 'many': 0.08516410768240472, 'their': 0.050416747819204015, 'his': 0.044692998277523446, 'in': 0.03893873435183673, 'fellow': 0.03642048972221783}, {'of': 0.5608638650338464, 'in': 0.1436037351035127, 'to': 0.07397395683134225, 'by': 0.059420488173657963, 'In': 0.03107519355952082, 'from': 0.026187310187564802, 'that': 0.025855536357740544, 'for': 0.02253438075468413, 'and': 0.02175344189815464}, {'the': 0.09186014767703429, 'and': 0.08245473620279689, 'of': 0.07160356130092341, 'it': 0.04251426207131506, 'that': 0.039569903809529225, 'will': 0.03323173444735818, 'to': 0.03227385516707948, 'a': 0.03196097571911456, 'as': 0.029999315682658123}, {'the': 0.19043720073253537, 'of': 0.12238528592586227, 'and': 0.07416611798403386, 'to': 0.04958516974313754, 'a': 0.04873435461451257, 'Mr.': 0.028623693294297908, 'his': 0.022843250392474895, 'be': 0.022678225128980826, 'was': 0.022585034329331805}, {'and': 0.0786910305397628, 'him': 0.054767931439843355, 'asked': 0.03890154439494936, 'but': 0.026333450091075534, 'was': 0.020211633674889203, 'it': 0.020170432597392523, 'them': 0.019684255104988006, 'her': 0.01856465475339824, 'time': 0.015755254245538003}, {'<s>': 0.07782298528973378, 'it.': 0.02535426572782183, 'them.': 0.017598930362222587, 'time.': 0.013436494595624605, 'country.': 0.011153516651180789, 'him.': 0.010243850049296422, 'year.': 0.009076219278982736, 'life.': 0.008337087020415726, 'people.': 0.008129157312854162}, {'and': 0.10008904567341712, 'as': 0.07991176142185644, 'went': 0.053367895350936785, 'go': 0.04707634836089092, 'them': 0.04329636026843722, 'according': 0.03732455787228451, 'way': 0.03314758488498652, 'up': 0.03147002362350446, 'is': 0.028732274579921023}, {'thence': 0.12271795845310045, 'of': 0.06896649108784113, 'U.': 0.045087748524731214, '.': 0.0414585843040708, 'and': 0.03658033398375447, 'S.': 0.031544318406217, 'to': 0.025621141735039106, 'by': 0.020064327456231948, 'W.': 0.018129984976321754}, {'the': 0.458123366675429, 'a': 0.09785636658613019, 'of': 0.08141113715144861, 'in': 0.07753882611976565, 'his': 0.056896084346103236, 'their': 0.0527314338555131, 'no': 0.047302883643109604, 'for': 0.038324630672305876, 'to': 0.03811739901200379}, {'and': 0.17585063722392302, 'fact': 0.10400902578517979, 'said': 0.06844377842999533, 'so': 0.06232472237382234, 'believe': 0.04519952307692614, 'is': 0.039634011181226815, 'say': 0.03675663629906361, 'know': 0.036060715732595706, 'found': 0.03095250753294034}, {'the': 0.26780848296748383, 'and': 0.12645843617912633, 'his': 0.10741503569590831, 'a': 0.103547804189585, 'their': 0.04468067514171377, 'that': 0.039769785655464907, 'her': 0.03792611484229875, 'to': 0.03574671907815317, 'little': 0.028048814363771928}, {'in': 0.41478730615800935, 'a': 0.0973158792626458, 'of': 0.0903053276982761, 'In': 0.07876363480579714, 'their': 0.06444817887810196, 'the': 0.05908283958793828, 'his': 0.0585689593610318, 'and': 0.04038680764125709, 'its': 0.032043002018565504}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'be': 0.3791480108447081, 'not': 0.14217785744490083, 'have': 0.11916584833772097, 'been': 0.0834828421439511, 'was': 0.06307445863884428, 'had': 0.04974939306875576, 'ever': 0.042122191819947426, 'has': 0.04138010425500542, 'is': 0.03512813813894515, 'never': 0.03457115530722092}, {'of': 0.2995711854938208, 'to': 0.12307506020154296, 'or': 0.09932551795311642, 'in': 0.08953304800352414, 'for': 0.0738327976898992, 'than': 0.0708662328047344, 'by': 0.06406015958741546, 'without': 0.05021657506930302, 'that': 0.048582882109802286}, {'in': 0.011386102152780334, 'due': 0.011134855640692288, 'it': 0.011071133800615602, 'time': 0.010811994586304033, 'men': 0.009791283767666789, 'long': 0.008395293195191294, 'up': 0.008251278664984894, 'good': 0.00801189032931399, 'him': 0.0078015695444805825}, {'out': 0.10328501627836228, 'right': 0.05788372597200447, 'number': 0.05773528073437993, 'one': 0.04712208480043212, 'matter': 0.04605587401913919, 'amount': 0.04454932912458139, 'state': 0.030927330123461383, 'means': 0.02468864107497737, 'line': 0.024007212561040662}, {'the': 0.3009927999865318, 'a': 0.1491296972450429, 'of': 0.10434720997172596, 'and': 0.09664736926121842, 'with': 0.0728007256203491, 'very': 0.05679942477143872, 'The': 0.046312142191954196, 'to': 0.04033035845762905, 'as': 0.03749034175310802}, {'and': 0.06836615806839769, 'closing': 0.050893343497395126, 'was': 0.030410464365082754, 'valued': 0.024267484682224193, 'held': 0.022214654137899494, 'sold': 0.021055232583252027, '2': 0.020543621014705526, 'is': 0.020278384145430397, 'arrived': 0.019208907943256866}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'to': 0.3831723462381598, 'will': 0.15637981367134207, 'may': 0.09459113062797986, 'not': 0.0668177054403725, 'should': 0.0656223642710488, 'would': 0.06334092511382979, 'shall': 0.04466240979900151, 'can': 0.04316634468226047, 'must': 0.04106046233638025}, {'and': 0.18177935899265557, 'the': 0.1381114298999728, 'of': 0.10679293366374674, 'a': 0.05020360759702363, 'to': 0.03479688715197758, 'with': 0.023718691322940064, 'for': 0.020148123065699186, 'or': 0.01820148908263994, 'at': 0.016280021939526802}, {'the': 0.15810719041826277, 'of': 0.11538162605991592, 'and': 0.08590614475192779, 'to': 0.03653028467702717, 'that': 0.03458867073426142, 'The': 0.03264049351240182, 'in': 0.031434889789269324, 'which': 0.021104406239568142, 'or': 0.01768398068680682}, {'one': 0.202466440743522, 'many': 0.1422368671586148, 'some': 0.1403225183757371, 'most': 0.0633570554855526, 'all': 0.06331864740332947, 'Many': 0.053014286621472756, 'Some': 0.050016315216999306, 'none': 0.04756720741815084, 'any': 0.03897113692309168}, {'the': 0.44450789224752485, 'this': 0.0921386206224764, 'said': 0.08797078963638415, 'a': 0.06397106326031923, 'of': 0.05416895140810505, 'district': 0.053802257408938896, 'supreme': 0.052053402601472856, 'circuit': 0.026905926846440456, 'in': 0.02511454099450518}, {'the': 0.16205728164950323, 'of': 0.09864236023250202, 'and': 0.06778270560732302, 'to': 0.04393382817649655, 'be': 0.027578572993959022, 'or': 0.020537122496157266, 'for': 0.019655893774412018, 'as': 0.017125167122086664, 'in': 0.016922080703677036}, {'a': 0.41856289262247387, 'the': 0.27113811584359176, 'large': 0.12635085054069922, 'A': 0.04594086297011524, 'The': 0.04175548918575393, 'great': 0.017008438314189897, 'total': 0.013415267234016297, 'and': 0.01067435991872196, 'tho': 0.009477507450615605}, {'of': 0.36735608387172186, 'to': 0.13158919014980697, 'for': 0.098752005116398, 'with': 0.09148825693273915, 'make': 0.049714620320677305, 'by': 0.03943720637944411, 'give': 0.039044230582809106, 'in': 0.038317165320423986, 'keep': 0.03622539704341249}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'the': 0.204565316980878, 'of': 0.1507244463491107, 'and': 0.04932423012390796, 'in': 0.046680586399438166, 'to': 0.03643198943964169, 'on': 0.03529966281221472, 'at': 0.03127588483460642, 'a': 0.02895671898940344, 'said': 0.01817406624657656}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'of': 0.40823414407247466, 'and': 0.09401004286161588, 'to': 0.08151046612998764, 'about': 0.05487209598715683, 'in': 0.05355221975031368, 'from': 0.04110602155676201, 'with': 0.03367743169537463, 'for': 0.03199748486244407, 'at': 0.03165560321750773}, {'the': 0.25734031892258186, 'of': 0.09020025439623483, 'and': 0.06235618858661057, 'that': 0.05274466151546219, 'The': 0.04433422530714993, 'a': 0.03668438834521419, 'Mr.': 0.03520820651417283, 'or': 0.02339822625282543, 'no': 0.02014344672284482}, {'of': 0.21030354194379108, 'and': 0.1410775833298136, 'in': 0.10403343649825787, 'with': 0.08459492879502785, 'to': 0.08236173980853444, 'for': 0.062334351357193854, 'that': 0.05431989460073243, 'by': 0.04487330906084482, 'at': 0.04112867941551489}, {'and': 0.1878737688920891, 'he': 0.12417767390798218, 'has': 0.10907246095407395, 'I': 0.07694281718520278, 'have': 0.07377243177364115, 'had': 0.06848758742300488, 'He': 0.05582065423511679, 'be': 0.05413666084728329, 'who': 0.05024453420100329}, {'matter': 0.16945728251645703, 'and': 0.14226778810606125, 'know': 0.1325535874574668, 'see': 0.1249723165718787, 'of': 0.03380447617340876, 'to': 0.03240742622643467, 'or': 0.028457373621508714, 'show': 0.026283189739068742, 'but': 0.025510205830450473}, {'the': 0.15853939983726417, 'and': 0.15441886085613293, 'of': 0.12559721240271782, 'a': 0.11259820114299936, 'with': 0.06234090614279632, 'is': 0.051512011795608895, 'are': 0.045244703968278205, 'was': 0.03927554779019088, 'The': 0.035979049501798546}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'a': 0.40512622501031115, 'the': 0.287818236663904, 'this': 0.12182327238312589, 'very': 0.043451702582202406, 'The': 0.039103685393800644, 'A': 0.023304394664835252, 'of': 0.021701306024435364, 'and': 0.020879736708778195, 'tho': 0.016801096643920956}, {'this': 0.2266450186770802, 'a': 0.16486589637090063, 'the': 0.14458887833395406, 'every': 0.0704981588531776, 'other': 0.04555135970451746, 'that': 0.03538475367276931, 'one': 0.028083094506090676, 'of': 0.0277729771846677, 'each': 0.024216334659587398}, {'not': 0.30164367536532516, 'can': 0.17392568150782703, 'could': 0.1289991557557847, 'will': 0.06770137364856836, 'would': 0.06650940414838852, 'the': 0.04419643203422514, 'and': 0.036862715402152024, 'Not': 0.025335369608658544, 'that': 0.019665830209920535}, {'south': 0.19083095002183875, 'east': 0.1558035567890143, 'north': 0.1406357210388998, 'the': 0.13582360405403532, 'west': 0.11344289351979506, 'one': 0.08677411772759154, 'each': 0.0441551271318576, 'either': 0.03848482466398629, 'other': 0.022640965879275127}, {'be': 0.3439906521436779, 'been': 0.10803403712619547, 'was': 0.07464228392964124, 'are': 0.05689810838707575, 'and': 0.05089028747410619, 'were': 0.046156949825267475, 'have': 0.045880092079299405, 'is': 0.045823976399771274, 'just': 0.029611782740413727}, {'the': 0.2332657627310363, 'and': 0.0855900426374399, 'The': 0.07097877508277312, 'that': 0.05290900125622122, 'of': 0.046388528895216, 'These': 0.03922795527486447, 'in': 0.027807773648905073, 'New': 0.025451990859458092, 'these': 0.02139952417313613}, {'the': 0.18861996250258234, 'of': 0.08565195484198723, 'and': 0.08324688658395407, 'a': 0.06038100286752601, 'be': 0.053750523937410755, 'to': 0.05144544879315743, 'was': 0.03567267067106865, 'is': 0.03318058657602842, 'in': 0.028042289187465}, {'at': 0.3539026120745871, 'about': 0.18969754930913793, 'for': 0.11678464593464191, 'of': 0.0860230653444823, 'and': 0.060202050217769865, 'or': 0.05296724214926084, 'At': 0.03969499679121536, 'About': 0.035175129169028804, 'in': 0.02751500057873508}, {'is': 0.5113283595157574, 'was': 0.15325935373129915, 'so': 0.09021183245425254, 'Is': 0.05646477570731353, 'are': 0.04701572698685346, 'very': 0.03363209843944883, 'be': 0.032953262867493435, 'and': 0.030614933127000067, 'not': 0.02200439251955262}, {'and': 0.1218261078144827, 'to': 0.09858966911722286, 'was': 0.0672331957419776, 'be': 0.0555788500216723, 'is': 0.03897856121186365, 'the': 0.0360559928394059, 'were': 0.026002957032251944, 'are': 0.02534064769247782, 'of': 0.02459790768535159}, {'the': 0.3239648062841387, 'a': 0.13573420033802905, 'to': 0.12282089906358314, 'and': 0.08243036705611366, 'The': 0.06849973546344322, 'annual': 0.01900855380456377, 'tho': 0.01601935203838824, 'this': 0.01318561363457779, 'of': 0.0125769958033227}, {'one': 0.016368888842335127, 'more': 0.015000372690832826, 'on': 0.011189338260333165, 'day': 0.01075934247865153, 'two': 0.010752403191876184, 'person': 0.00789861567222125, 'in': 0.007751399993273645, 'man': 0.007556023970783172, 'law': 0.006531081514130428}, {'of': 0.3215891716375983, 'the': 0.2760804749020168, 'in': 0.09012724681279394, 'on': 0.0877822377966031, 'to': 0.04939028201715677, 'and': 0.03318952822792062, 'by': 0.027000422982735736, 'which': 0.025034976977652397, 'upon': 0.022995980267996343}, {'for': 0.2390883540530029, 'of': 0.20453488339132284, 'in': 0.1602971152107276, 'to': 0.07959110772261958, 'that': 0.05776610331766083, 'and': 0.04696450176033501, 'In': 0.0394490077951543, 'at': 0.03537669228759715, 'with': 0.030318635551785243}, {'the': 0.4970928876421976, 'a': 0.12278449407688191, 'and': 0.08726240078906282, 'The': 0.05523029725916555, 'tho': 0.038907909159247675, 'A': 0.022237325567565993, 'of': 0.017874333956770995, 'that': 0.01786798943796276, 'tbe': 0.017249757488504682}, {'far': 0.08485211908659555, 'such': 0.07856290685521441, 'well': 0.07532232749112104, 'and': 0.06585450536476624, 'soon': 0.0335153565714388, 'thereof': 0.033509213078934647, 'but': 0.03247342099561338, 'long': 0.030359656783928542, 'it': 0.024845576756449963}, {'to': 0.33834015821507896, 'will': 0.2251279153567367, 'may': 0.09021879758080995, 'would': 0.07021170550713139, 'should': 0.05118029171933615, 'can': 0.047973883822625095, 'not': 0.04497264868130507, 'shall': 0.04155527135512755, 'must': 0.03701516916076302}, {'the': 0.5365220664644792, 'and': 0.09539366915250361, 'a': 0.05714041961755169, 'or': 0.04059659324909834, 'The': 0.03440632634739916, 'of': 0.029493209103420244, 'tho': 0.02435784989872171, 'other': 0.019028547535307482, 'large': 0.014796399148669334}, {'of': 0.23141747611071034, 'in': 0.1861345645595412, 'to': 0.13587672512752946, 'for': 0.08922378039125642, 'and': 0.08071442112676441, 'with': 0.06569911690982322, 'by': 0.038082300251587965, 'that': 0.03734150761363317, 'from': 0.034512900105848836}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.11855345980160215, 'that': 0.04834655291398339, 'made': 0.0378194600336547, 'is': 0.03527537111848093, 'was': 0.03499608325061649, 'placed': 0.02838596072187782, 'as': 0.025722738445492364, 'be': 0.025414814918467716, 'or': 0.02501953233801765}, {'due': 0.0857567789439037, 'and': 0.058163995707539544, 'called': 0.05603426269661596, 'made': 0.03907819914509631, 'based': 0.036783788836586444, 'looked': 0.0322722537668605, 'look': 0.031219247859958072, 'depend': 0.026785991635012482, 'depends': 0.024957730861243543}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'and': 0.258672711565519, 'days': 0.06940012001581426, 'that': 0.06315685874149747, 'soon': 0.04654010833326495, 'time': 0.036247547421420674, 'but': 0.03154530361409642, 'it': 0.028246108204759056, 'immediately': 0.02651931304442071, 'and,': 0.025853632225975247}, {'it': 0.13742864274856198, 'that': 0.10692023855536077, 'he': 0.08534925163141065, 'they': 0.08396288639216648, 'which': 0.08139388734208688, 'I': 0.06385723535383275, 'there': 0.0635970909656142, 'and': 0.04761229441525896, 'It': 0.042251980801749946}, {'and': 0.13378196387171162, 'of': 0.06748480091374189, 'to': 0.043490859828006094, 'be': 0.03988468685721384, 'is': 0.03951063692085339, 'that': 0.03927372695705265, 'all': 0.03660974048411939, 'for': 0.03320315787324424, 'have': 0.031546284336459986}, {'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}, {'the': 0.505442386427504, 'a': 0.0867290078881832, 'of': 0.06795738895271748, 'and': 0.05048953633213696, 'all': 0.03500145935271596, 'such': 0.03163565442577994, 'The': 0.024225269978597596, 'tho': 0.023127705539088363, 'other': 0.021008019962825145}, {'went': 0.08683324565499717, 'go': 0.07476330580440535, 'came': 0.05394514230576035, 'back': 0.047297493639340674, 'it': 0.04706181582391388, 'out': 0.046435294313249977, 'put': 0.044640592301587366, 'down': 0.04048017963153846, 'come': 0.03746281779864652}, {'of': 0.41684947558806573, 'in': 0.16755499212307776, 'to': 0.08236593964697513, 'In': 0.05979750361785146, 'for': 0.055075605498790536, 'with': 0.052116286139373774, 'by': 0.04522053870960929, 'from': 0.04368486649094398, 'that': 0.03447015168980077}, {'the': 0.4529338234102682, 'an': 0.13168474464455937, 'of': 0.10850062626281737, 'and': 0.05924992500108161, 'in': 0.056724866526718425, 'by': 0.03483661294975411, 'on': 0.03336541713385915, 'The': 0.027801351873575617, 'this': 0.024896135329164043}, {'10': 0.09882197069001702, '6': 0.09035614946643357, 'ten': 0.08141231850183007, 'six': 0.08123528484347792, '50': 0.07505639517066516, 'five': 0.06524789578944354, '5': 0.06397416361169639, '20': 0.06298970744985175, '25': 0.04598691671276584}, {'it': 0.1545211229382104, 'they': 0.1303117342235119, 'and': 0.08287850195915071, 'which': 0.07303350725557821, 'It': 0.0718438710592975, 'he': 0.06329132046973455, 'I': 0.05356323009757427, 'you': 0.048363326720404595, 'that': 0.04494879653282635}, {'to': 0.20201402961830314, 'his': 0.19803129453690776, 'a': 0.18228092465229753, 'the': 0.08407856740445094, 'their': 0.047320096741698306, 'as': 0.04605789945685616, 'and': 0.04309011863332972, 'of': 0.033313592020858165, 'her': 0.032682666278406686}, {'of': 0.1297393219114919, 'and': 0.056140437439795646, 'in': 0.05220452633804173, 'that': 0.048601245437568254, 'for': 0.028350575127897785, 'to': 0.015427435176291792, 'on': 0.013689484315848975, 'but': 0.012389125100590771, 'from': 0.01147313242086057}, {'part': 0.03925816273460281, 'day': 0.03330239067244227, 'side': 0.031003459908190357, 'out': 0.0278899974849726, 'one': 0.027810344428025872, 'line': 0.024315953028260857, 'number': 0.024244762006061914, 'name': 0.01912509357075509, 'people': 0.01679746765114713}, {'called': 0.0953013634471425, 'and': 0.05838615377512612, 'based': 0.04098592823902297, 'looked': 0.034240445566887635, 'depend': 0.033066147932984166, 'insist': 0.026538777701175215, 'made': 0.026533115585462282, 'depends': 0.02586889617876877, 'call': 0.024473981223262838}, {'the': 0.5825365386067948, 'The': 0.06624317332887485, 'any': 0.04738199611450268, 'an': 0.04315453964822564, 'that': 0.041147627868106884, 'this': 0.03590563652464819, 'a': 0.035041377457854905, 'same': 0.033110118457020665, 'large': 0.031653058493380466}, {'and': 0.2598076956190424, 'was': 0.1309237700813833, 'is': 0.11410946782408489, 'are': 0.07180540799406811, 'but': 0.06293089841184034, 'were': 0.059636985070825314, 'He': 0.03179594897239422, 'be': 0.02052145526187128, 'has': 0.0196216549090466}, {'and': 0.05777456535105163, 'was': 0.05193732478652259, 'is': 0.046211034645038326, 'him': 0.044069021462366104, 'as': 0.03864747153881093, 'time': 0.03785847522281966, 'made': 0.03217810795149889, 'going': 0.029724250351894257, 'it': 0.027521566479854914}, {'the': 0.30208903521421276, 'and': 0.102710358111716, 'of': 0.07905779053606914, 'The': 0.07337149159204952, 'that': 0.06814726516663476, 'or': 0.04150277225813944, 'which': 0.02001227017101702, 'this': 0.01997671738998795, 'our': 0.019490198492266263}, {'the': 0.31662986525213943, 'of': 0.17554167455145664, 'and': 0.08593335301065572, 'an': 0.059016179266800466, 'a': 0.04486056508495752, 'in': 0.03405632621277634, 'The': 0.029438037218402123, 'great': 0.02860660615974689, 'by': 0.02657432610698793}, {'the': 0.2147229068480045, 'a': 0.09452364548667935, 'of': 0.06828549956963781, 'and': 0.058519027557541715, 'per': 0.050647068803694344, 'two-story': 0.04352527386628424, 'by': 0.02019402820792583, 'to': 0.017726980981256055, 'with': 0.017584865070629653}, {'well': 0.12991015635064773, 'known': 0.11168587180543645, 'soon': 0.10369035459473254, 'far': 0.08195907566424299, 'and': 0.06388557808584468, 'long': 0.03755135115796446, 'such': 0.02954466624033588, 'just': 0.024368945136159968, 'much': 0.020609769850901107}, {'one': 0.08837264426949418, 'part': 0.038998327146227474, 'out': 0.02722316887260893, 'portion': 0.023814181613109088, 'side': 0.019826910280117432, 'some': 0.016247713638384235, 'that': 0.01581493783524018, 'tion': 0.01520297430519722, 'member': 0.014040980918801042}, {'the': 0.12891706475453968, 'of': 0.09984493764515283, 'to': 0.07466820214319594, 'and': 0.0561362865983664, 'in': 0.04298605118618454, 'a': 0.034375793234757104, 'by': 0.025266688695063946, 'at': 0.023789404756312815, '<s>': 0.017908565820504766}, {'and': 0.08106126635408989, 'is': 0.05846584941998096, 'him': 0.04596399513675094, 'as': 0.04504881180917578, 'able': 0.04360222367939714, 'them': 0.038556555681381124, 'began': 0.037199052535814243, 'was': 0.03706536633969579, 'right': 0.035070638264481514}, {'as': 0.17997341648167134, 'how': 0.1377627775417004, 'and': 0.1239611198493608, 'so': 0.09223440904291214, 'was': 0.06985222504867084, 'the': 0.06690540680822316, 'very': 0.060996409220159066, 'is': 0.047992566280481534, 'How': 0.03964428319341044}, {'of': 0.2845809017293658, 'to': 0.11549479688413307, 'in': 0.09795213375842222, 'and': 0.08034229495427145, 'with': 0.06619471914905868, 'for': 0.06493639321718865, 'by': 0.0549998489548363, 'on': 0.05433807007796475, 'that': 0.05422193507650882}, {'the': 0.16866521496506504, 'of': 0.10134741350355506, 'and': 0.07055437288341877, 'a': 0.04534265260080411, 'to': 0.0413013158134652, 'his': 0.025910871644329928, 'be': 0.025020793975801862, 'my': 0.023697134385706232, 'I': 0.02200907055966385}, {'<s>': 0.07618765050154346, 'it.': 0.027055608278729836, 'him.': 0.023066606748623448, 'them.': 0.02117484384673431, 'day.': 0.009196648325908134, 'her.': 0.008263779716890442, '.': 0.007968657886647489, 'time.': 0.00789042811019624, '?': 0.007844782671610062}, {'the': 0.7509721638729056, 'The': 0.08727918475759762, 'a': 0.07168409877917707, 'tho': 0.04098862020858318, 'tbe': 0.01600781682902269, 'his': 0.010455264856924737, 'our': 0.004360637512708512, 'this': 0.004097721365474004, 'Tho': 0.003484516577219648}, {'of': 0.11266319465431597, 'the': 0.08480880956564164, 'and': 0.08136693861099435, 'to': 0.035645817608519474, 'in': 0.02012399389824468, 'at': 0.019353946424251162, '<s>': 0.018378301332052812, '.': 0.01820837589324415, 'by': 0.017688055254102907}, {'the': 0.11440357080473872, 'of': 0.0933197210940891, 'and': 0.07031386973441071, 'to': 0.053905756308343704, 'at': 0.03507978732160108, 'in': 0.03257290244874722, 'a': 0.032417684049147126, 'for': 0.02544128475359599, '.': 0.019113838356847556}, {'as': 0.19911436307571767, 'if': 0.15592592790734314, 'that': 0.14891452242475128, 'which': 0.1295866290164367, 'and': 0.09345988264628287, 'when': 0.07488828542313208, 'what': 0.03458512471724478, 'If': 0.02963567940866265, 'but': 0.02955109909468367}, {'in': 0.36855403929222763, 'of': 0.1763407075629152, 'with': 0.06517959687782501, 'In': 0.06372670232156047, 'to': 0.06084205930651752, 'and': 0.060345765842348166, 'for': 0.0503685159961125, 'on': 0.042385531909385106, 'from': 0.037192443453728685}, {'the': 0.259406120065444, 'his': 0.16428400379350944, 'of': 0.11969779869988474, 'my': 0.09740334094783114, 'a': 0.07131751603662001, 'their': 0.07028306242889056, 'on': 0.05367296867679802, 'her': 0.04125703985478118, 'and': 0.03989225940794279}, {'and': 0.0919045848924195, 'of': 0.042104937901894325, 'the': 0.04184070886153766, 'said': 0.03389267454339031, 'a': 0.033217482055634, 'to': 0.03296350919828918, '<s>': 0.03295920309594996, 'for': 0.030570511918288697, 'as': 0.03033900053764319}, {'he': 0.22638013601386625, 'who': 0.08228511710216671, 'I': 0.07622444587092164, 'and': 0.06076627246218431, 'they': 0.05672341173961587, 'she': 0.05504495969855448, 'He': 0.048245947109223926, 'which': 0.045470000055676675, 'it': 0.03761197103106874}, {'the': 0.10254899323962945, 'and': 0.08672066584549279, 'be': 0.06718293253430607, 'was': 0.066714350510063, 'of': 0.062142448154758216, 'to': 0.0470377945272685, 'is': 0.04045405956202174, 'been': 0.03329532229695042, 'a': 0.029155698848644288}, {'of': 0.29101867198091264, 'to': 0.11813174100818619, 'in': 0.1172972311449329, 'and': 0.06830399127118737, 'with': 0.060605934900068804, 'for': 0.05419409192275341, 'on': 0.05219893444697187, 'by': 0.041348689452230795, 'from': 0.039219237042174226}, {'he': 0.16584880021587586, 'who': 0.10022507263827916, 'it': 0.098659234774779, 'they': 0.0859338378411296, 'which': 0.08272390400981322, 'that': 0.07901433781681716, 'I': 0.056793331648292, 'and': 0.05152424261301752, 'she': 0.03733122076584041}, {'to': 0.34378129718365846, 'will': 0.15287135864951518, 'would': 0.08615903395787451, 'may': 0.07844929048361882, 'should': 0.05682249178971402, 'shall': 0.05432412913287461, 'not': 0.05091775331157668, 'must': 0.03610577244404393, 'can': 0.03580596083245932}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'they': 0.17971908120119426, 'we': 0.14622205098870575, 'he': 0.11915891825144244, 'it': 0.08130063439116449, 'you': 0.07419003998279546, 'who': 0.05794543244418771, 'I': 0.055569980955492176, 'and': 0.05400984862316294, 'that': 0.049159113049942235}, {'to': 0.42493826464502416, 'a': 0.1547032590948439, 'the': 0.08320305373703588, 'of': 0.05664992031946919, 'his': 0.04209174376003635, 'and': 0.021187119332177703, 'will': 0.017691152133959644, 'can': 0.016658777296384975, 'their': 0.015961369321064553}, {'street': 0.02980656159389725, 'State': 0.02838242683781703, 'day': 0.02531790014146247, 'city': 0.023115603204040356, 'north': 0.017325498613736248, 'Hundred': 0.01379690139083628, 'state': 0.013237120651045656, 'east': 0.012899408218324082, 'White': 0.010402884027473613}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'and': 0.07692392168684899, 'away': 0.06960810582329069, 'taken': 0.04595455679648684, 'them': 0.04068097936320313, 'him': 0.03927770880060258, 'returned': 0.037277075937208436, 'it': 0.034365119597835024, 'come': 0.0335036210608868, 'arising': 0.03328908131703008}, {'of': 0.2414082910090112, 'to': 0.15224096773823814, 'in': 0.12986724176607534, 'for': 0.09031386383026568, 'with': 0.06003090738076196, 'by': 0.059274794182060074, 'on': 0.0577117160410423, 'that': 0.04458554254532206, 'and': 0.04239281720800836}, {'the': 0.18865064154752814, 'of': 0.09521314359217854, 'Mr.': 0.05936560020366942, 'The': 0.05918413378541302, 'and': 0.04789785501490848, 'that': 0.04093932846997176, 'a': 0.03062771603476304, 'this': 0.01791027151166763, 'in': 0.016031536642742206}, {'the': 0.12870927378837682, 'and': 0.1160606789655443, 'of': 0.09707472107931524, 'to': 0.07679901325722276, 'a': 0.04075494313200344, 'at': 0.025341194413632636, 'in': 0.022506851512655926, '.': 0.02107615778884405, 'by': 0.019136287779566448}, {'and': 0.07692974253458817, 'is': 0.05387546119518155, 'able': 0.05023153535456285, 'not': 0.04230571134786677, 'necessary': 0.039003757491437, 'him': 0.03845382962913442, 'enough': 0.03837802876162785, 'them': 0.03615723782138545, 'seemed': 0.03454344402971215}, {'the': 0.5352933239006299, 'of': 0.1564825191288911, 'surface': 0.06376322922119364, 'on': 0.035551651126560745, 'tho': 0.03468354905275593, 'and': 0.03392557850031561, 'to': 0.023095721637366614, 'their': 0.020043141232333278, 'said': 0.017229448585756143}, {'or': 0.20617839360698378, 'not': 0.12882638768163432, 'much': 0.09896566066301242, 'no': 0.09828067069402828, 'and': 0.0675290014353851, 'the': 0.06502332468448994, 'is': 0.06390058956493386, 'be': 0.05403613731838699, 'with': 0.05090657818803687}, {'the': 0.4502144397800058, 'The': 0.1606326090727874, 'and': 0.06005849820908505, 'a': 0.05774813372264096, 'his': 0.043883220062913314, 'an': 0.037641666884901254, 'tho': 0.03630568884383663, 'of': 0.02846213061985979, 'in': 0.022933186024036146}, {'I': 0.1874245448890453, 'we': 0.14542081277211655, 'they': 0.10715222142522093, 'We': 0.0832336763993008, 'will': 0.07357707216266383, 'would': 0.07231771458181784, 'who': 0.06899096329637142, 'to': 0.06750989898812214, 'you': 0.05248565438755063}, {'of': 0.2617531843857913, 'for': 0.14793044076934755, 'in': 0.13781595308520836, 'to': 0.06908504618997978, 'and': 0.06317077476796984, 'at': 0.04331413234694719, 'In': 0.040097257290247476, 'that': 0.03851622787927214, 'nearly': 0.03752151606116518}, {'was': 0.15137656124958915, 'and': 0.11613793477869862, 'a': 0.10123322230773656, 'be': 0.08299030479236888, 'is': 0.0827699352190482, 'were': 0.04945600987269855, 'are': 0.04665774569788614, 'been': 0.04361131120808061, 'to': 0.031892541598431266}, {'all': 0.6116673551809404, 'different': 0.08356024052365313, 'various': 0.06743772764825494, 'other': 0.056853341884398716, 'the': 0.03900179124968519, 'many': 0.030663199287407884, 'All': 0.01828784862281613, 'and': 0.017547591865464656, 'certain': 0.016487011194321406}, {'the': 0.42807793655065396, 'a': 0.16575361921613668, 'an': 0.09935002684598346, 'in': 0.0626633372095364, 'this': 0.05872505808827726, 'of': 0.03965818723785597, 'The': 0.039541627837022385, 'and': 0.03692623440483706, 'any': 0.033598147386301014}, {'the': 0.21731236999864587, 'of': 0.09388756317411734, 'this': 0.09127675468556902, 'a': 0.07969333221970962, 'and': 0.05679887611593073, 'his': 0.034617014064087376, 'in': 0.030986546160754944, 'to': 0.029270749250709913, 'other': 0.028109433415351756}, {'of': 0.2921563959885483, 'in': 0.1227365998405199, 'for': 0.10589671249500585, 'with': 0.06869951454876547, 'to': 0.062277959222619354, 'on': 0.043704087896161134, 'upon': 0.03711901494576504, 'about': 0.03402508386141509, 'and': 0.03339193562754446}, {'was': 0.1525534508285985, 'is': 0.13497117661607994, 'a': 0.11229768775258324, 'be': 0.10098938267848812, 'the': 0.09370707164143185, 'are': 0.09110176909155124, 'and': 0.07642680737313133, 'were': 0.0602626560336803, 'been': 0.050250630805733734}, {'it': 0.15447354182696516, 'and': 0.11301713738901425, 'they': 0.09910955336865725, 'which': 0.07316709493576468, 'he': 0.07300917432929252, 'It': 0.06769574246675912, 'that': 0.0533055672655559, 'you': 0.05169085118899602, 'I': 0.048154493224542655}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'has': 0.13991441412504774, 'have': 0.11886178014498791, 'and': 0.10094215009314644, 'be': 0.08016743178439885, 'had': 0.07723220930927846, 'he': 0.06753804950568686, 'I': 0.05335135170088922, 'was': 0.0530828160118177, 'is': 0.04543711437848388}, {'a': 0.30452797405812876, 'per': 0.2746582276793297, 'the': 0.12841297067451748, 'one': 0.07455851050086748, 'last': 0.052140407588477565, 'every': 0.03998260349364768, 'this': 0.032692337594528574, 'each': 0.0299670496253749, 'next': 0.019765435998129816}, {'three': 0.17027754603230527, 'two': 0.14544400106282174, 'many': 0.12175133380193053, 'four': 0.09720265500660032, 'five': 0.08989002949451665, 'several': 0.06685777148154765, 'few': 0.06684857580673145, 'ten': 0.06277198446154375, 'six': 0.05332028075231184}, {'and': 0.1156789470292127, 'well': 0.07556980993677288, 'regarded': 0.04497062169191372, 'him': 0.038248776737851944, 'known': 0.03783818211632863, 'soon': 0.03287802268774235, 'it': 0.03193764873859754, 'is': 0.029686094618060876, 'but': 0.029025893971380265}, {'in': 0.3437043214809969, 'of': 0.16678114462471166, 'to': 0.06967872403986738, 'In': 0.062001610265766935, 'and': 0.05117673699929013, 'the': 0.045247833671262574, 'on': 0.03498494367722352, 'with': 0.02833973313041704, 'from': 0.027812941328841774}, {'as': 0.09299379146322684, 'and': 0.08878794806471045, 'able': 0.062246377668042085, 'is': 0.05444416062387574, 'right': 0.045653385504657744, 'necessary': 0.04498544922910254, 'enough': 0.04260158395208624, 'time': 0.038330019082858456, 'order': 0.03727144910575339}, {'quarter': 0.5540010219491557, 'line': 0.04918105526327154, 'corner': 0.021487068421009902, 'side': 0.019975197514744473, 'county': 0.013888718433264695, 'city': 0.013285510895735344, 'feet': 0.013139338380572189, 'out': 0.012460769470184797, 'south': 0.011771505673047522}, {'of': 0.19624175367309762, 'to': 0.1508646623225619, 'with': 0.1092041923139531, 'for': 0.06856516820379221, 'let': 0.05400043105095938, 'by': 0.04987133539656202, 'Let': 0.039853223165831286, 'among': 0.03101582241754112, 'upon': 0.022722898674394434}, {'two': 0.1577524632484575, 'many': 0.11866985813437132, 'three': 0.10080352798599318, 'few': 0.08228456290491533, 'four': 0.08147033631181783, 'five': 0.07836360661659462, 'ten': 0.07276208801498399, 'twenty': 0.06783093284617828, 'of': 0.06602011128288057}, {'he': 0.2333777639186579, 'who': 0.11645649966248077, 'I': 0.11558326013116015, 'they': 0.09757263647505642, 'have': 0.0925637985782971, 'and': 0.0590926493203626, 'she': 0.05261896810687326, 'we': 0.045482033774435195, 'it': 0.04139549306070643}, {'of': 0.1267685497939895, 'his': 0.08044946027164772, 'their': 0.07223232529215558, 'the': 0.07214239667484412, 'high': 0.06539121034519997, 'and': 0.052974613552276416, 'low': 0.03723028502230815, 'her': 0.026250844168402145, 'a': 0.022667203429429225}, {'an': 0.14966856310565946, 'of': 0.13693577051926314, 'and': 0.1137625710094447, 'the': 0.10237749557397435, 'in': 0.0406477466634757, 'his': 0.02757023282434552, 'her': 0.023614876593897452, 'man-': 0.02124820737991872, 'An': 0.01887399814038275}, {'line': 0.0735057349517999, 'side': 0.03329184023728898, 'number': 0.030525358606579813, 'out': 0.02647625001113501, 'corner': 0.025674745149620294, 'part': 0.024538640975238776, 'city': 0.024429866712294357, 'state': 0.01972343140400483, 'name': 0.01664600058202114}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'number': 0.13828986008360983, 'amount': 0.11619539895705104, 'out': 0.0637008229834191, 'plenty': 0.039584966981524645, 'day': 0.03429745602799505, 'thousands': 0.03392172591360875, 'piece': 0.03300107682163704, 'deal': 0.029034208999522384, 'hundreds': 0.027977981211786077}, {'of': 0.25262399493930027, 'in': 0.12547357517008026, 'for': 0.12389514516524215, 'to': 0.11615718732502135, 'and': 0.07357077320813647, 'that': 0.0690638762734899, 'with': 0.06081278447370864, 'by': 0.04531809232461739, 'In': 0.03321307883164248}, {'hundred': 0.017704558818240592, 'feet': 0.014704242183100695, 'and': 0.014493133488584848, ';': 0.012637333208378398, 'up': 0.011130774510459995, 'street': 0.007735168121847418, 'him': 0.007503247727995573, 'day': 0.0073231333674752055, 'time': 0.007166487584933911}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.042180880378236876, 'miles': 0.03996483095937216, 'free': 0.03885286490958883, 'far': 0.032517411487131054, 'away': 0.03220746175199813, 'suffering': 0.026194301531255845, 'him': 0.023072069906964216, 'them': 0.022689122908621063, 'or': 0.021478077363521378}, {'as': 0.174327520662467, 'and': 0.1583597116113521, 'that': 0.15453029082386424, 'but': 0.06326670362784563, 'which': 0.05978344814117588, 'of': 0.047085773597717186, 'if': 0.03881163137865487, 'when': 0.0330448668423328, 'than': 0.031209493120118385}, {'in': 0.14557440865169408, 'of': 0.11289327825509128, 'the': 0.08527392821259443, 'and': 0.06437529982342059, 'for': 0.05488254176673715, 'a': 0.03808718814306912, 'to': 0.03699595218284497, 'In': 0.034301016692017613, 'was': 0.019868772630116955}, {'in': 0.30683726075699125, 'of': 0.22202831688080182, 'on': 0.08010102889998615, 'In': 0.07332117671474109, 'for': 0.07046768032077923, 'to': 0.0660509589271248, 'with': 0.03883288934701255, 'from': 0.036781425069654934, 'at': 0.03168601720938705}, {'of': 0.08988778333009806, '.': 0.06785377491437497, 'the': 0.06537265201461728, 'and': 0.05960467024185658, 'John': 0.03208009266355875, 'A.': 0.028101569160573547, 'Miss': 0.02795124243841854, 'H.': 0.025564361497099213, 'J.': 0.024984001444413005}, {'Board': 0.06974189081323809, 'line': 0.04023003343121858, 'State': 0.03766296908305137, 'years': 0.035613356586945207, 'state': 0.02792512711085426, 'city': 0.027187421639798304, 'corner': 0.02689271177495317, 'county': 0.022420800706651856, 'case': 0.01882477661902388}, {'and': 0.0939678753571571, 'order': 0.06780025577462259, 'necessary': 0.05719120936782568, 'able': 0.05686645678080224, 'is': 0.053619427077736787, 'have': 0.047770957147994994, 'as': 0.044583695473904526, 'had': 0.04427855713496592, 'not': 0.042550143156967674}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'be': 0.3790384663160804, 'was': 0.15206023016736592, 'been': 0.1495432294549833, 'were': 0.06617611631563357, 'is': 0.06344348602734506, 'well': 0.04592737096753495, 'have': 0.03671645843131654, 'are': 0.028562065668252513, 'and': 0.02521127984635543}, {'in': 0.21810267994563326, 'of': 0.16165119344146095, 'to': 0.08900827084665593, 'with': 0.07588717977228589, 'from': 0.0632499882582556, 'for': 0.05692518660417316, 'by': 0.054953796678597205, 'upon': 0.044414967008923174, 'on': 0.041597890767642996}, {'a': 0.5320459163921976, 'the': 0.2502267950504016, 'this': 0.039329245406587145, 'of': 0.034743150312737586, 'with': 0.029996531613415988, 'very': 0.025905193447067404, 'no': 0.02504094259715664, 'any': 0.019994312094472794, 'The': 0.019491853589260446}, {'of': 0.17907539239999243, 'the': 0.10097848843022689, 'in': 0.06562772822025895, 'and': 0.05922873449049727, 'for': 0.051097378388237615, 'a': 0.050105467610271244, 'to': 0.03179157390701208, 'that': 0.03091220379856799, 'with': 0.01818121629115829}, {'is': 0.16688891866606584, 'was': 0.12398214291699491, 'are': 0.10504473077917895, 'did': 0.10125319919436176, 'do': 0.09241446939744932, 'could': 0.07426940987205648, 'and': 0.06504621694397594, 'does': 0.062297211422845195, 'will': 0.06217440315044117}, {'the': 0.20051323864213347, 'of': 0.1121580187173921, 'to': 0.0794610807632604, 'and': 0.07830144778943067, 'a': 0.05649848262681797, 'in': 0.03454089741191692, 'be': 0.030242460953634313, 'is': 0.024885437758660686, 'for': 0.024600508670062263}, {'the': 0.4240613868961527, 'his': 0.16485631428227038, 'a': 0.11636982242964053, 'my': 0.053236740067331575, 'their': 0.047525750780462755, 'her': 0.04558823926096783, 'tho': 0.025932835867866186, 'your': 0.02207747478097845, 'of': 0.020575643749999956}, {'have': 0.2260234517841387, 'has': 0.1495549905173634, 'had': 0.14006046947723408, 'and': 0.10402672538879805, 'he': 0.08067064962629153, 'I': 0.07859367841730198, 'who': 0.04777594666114335, 'was': 0.03468007401593413, 'they': 0.03191079916053418}, {'it': 0.18540121431872492, 'It': 0.12654360312103538, 'he': 0.12128206272366172, 'which': 0.07784401001526091, 'who': 0.052834409189384146, 'and': 0.04891274817625882, 'He': 0.04816656898302923, 'that': 0.035239564617017285, 'she': 0.03477336944845688}, {'Mr.': 0.10641007523971671, 'of': 0.0677785935717903, '.': 0.048496146350039744, 'at': 0.047649061644875146, 'and': 0.047371220169713874, 'to': 0.04401226796579275, 'a': 0.03491266813229087, 'Mrs.': 0.027018652898013893, 'the': 0.026913497617484107}, {'the': 0.1349478912068825, 'of': 0.10831180615860528, 'to': 0.08553975988455542, 'and': 0.07770457341896858, 'be': 0.0399659975530991, 'in': 0.03882986640054204, 'or': 0.02237585939629213, 'was': 0.021893552276970416, 'is': 0.020816498827982397}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'or': 0.11347942530702741, 'not': 0.09156800527454094, 'and': 0.07802763379645374, 'redemption': 0.06983732507128713, 'than': 0.04977260499939602, 'is': 0.03825624713661012, 'was': 0.0381526671905051, 'look': 0.035688282700447674, 'there': 0.03439431997515054}, {'and': 0.1694104484576571, 'so': 0.08075910206397889, 'fact': 0.06822494254521948, 'said': 0.053635380755513086, 'know': 0.05328572089839013, 'say': 0.04839641616649573, 'is': 0.035001958690005365, 'but': 0.02915110413798316, 'believe': 0.02807139541470667}, {'the': 0.47662230003854145, 'a': 0.15697097377835925, 'his': 0.058339813100046205, 'The': 0.03210027552786028, 'tho': 0.03026304747047515, 'this': 0.022682746404755254, 'her': 0.01704737682389956, 'of': 0.01625226037615088, 'my': 0.015761494705892675}, {'and': 0.17729982775030032, 'was': 0.10643850065183783, 'it': 0.10527712096160305, 'he': 0.06588478971765627, 'be': 0.06067770952384331, 'years': 0.06033547929949978, 'He': 0.05440086874390276, 'It': 0.047645249589475046, 'is': 0.04577939278590524}, {'the': 0.6619911277571355, 'a': 0.09723222443068225, 'The': 0.048776495805976566, 'and': 0.04824111831753184, 'tho': 0.027949958114639954, 'is': 0.023835496969934766, 'of': 0.014097036111774661, 'was': 0.013091499558238585, 'al-': 0.013022206788896517}, {'in': 0.28349283799641206, 'of': 0.2766382873496074, 'In': 0.12563719715103489, 'to': 0.061121909922768204, 'throughout': 0.039536418455875105, 'and': 0.032787545627008266, 'that': 0.028075737148141128, 'for': 0.02741691646909611, 'on': 0.024444732175573535}, {'the': 0.43641066633166514, 'a': 0.09296415674672137, 'gold': 0.0716562311631453, 'of': 0.06924847847942564, 'and': 0.06600178706115753, 'The': 0.03531481935372842, 'tho': 0.031971632627241585, 'some': 0.030113891183518243, 'any': 0.02667495843477499}, {'of': 0.32578858718050796, 'to': 0.10209889202194875, 'in': 0.0784034813840208, 'and': 0.06383026709671313, 'for': 0.049484355762382505, 'by': 0.04779993377113924, 'on': 0.045707024917298625, 'that': 0.04429545740858654, 'In': 0.03373904427851746}, {'the': 0.14049171217036022, 'of': 0.11129721382894606, 'and': 0.08908987543691149, 'to': 0.08312287486148097, 'a': 0.04211477594316105, 'be': 0.02951180015049161, 'or': 0.029425595758187317, 'his': 0.024543990657609, 'on': 0.02261090105281294}, {'and': 0.15376018732087277, 'from': 0.11178498441200511, 'is': 0.09286269131395981, 'or': 0.07287259428418731, 'by': 0.06931621862018367, 'was': 0.06906093741507226, 'are': 0.06458193477634301, 'of': 0.052039643792303254, 'be': 0.04761927461078601}, {'the': 0.8523927351428789, 'The': 0.03830738148419281, 'tho': 0.037487294297021675, 'tbe': 0.013838332700730463, 'of': 0.009551190868816452, 'and': 0.007362779914394699, 'this': 0.005709779309036838, 'to': 0.0048243506177918765, 'that': 0.003917476103092955}, {'the': 0.15539156127717735, 'of': 0.11917567702263197, 'and': 0.08416148317186078, 'a': 0.06334046627180517, 'to': 0.04547558587853477, 'be': 0.03126076054551573, 'was': 0.02878552919787186, 'is': 0.024581598781821767, 'in': 0.02303036781163895}, {'of': 0.23189820104421802, 'for': 0.1944326401821301, 'to': 0.10509533807842952, 'and': 0.0955533713445639, 'that': 0.0793974182107397, 'in': 0.0704727130621526, 'by': 0.041094651266592806, 'all': 0.036650776728277296, 'with': 0.03607066985901466}, {'time': 0.01824420088562914, 'man': 0.01430535818826823, 'it,': 0.012673186453760579, 'them,': 0.011492539863209522, 'up': 0.011275292103503845, 'him': 0.010929663320437762, 'men': 0.010607060828108918, 'it': 0.01052681382678963, 'house': 0.008961856931434014}, {'the': 0.4216960851603817, 'a': 0.3086178543123356, 'his': 0.05405814920570821, 'The': 0.040470390740882003, 'of': 0.038552975643245196, 'and': 0.02863966330099399, 'their': 0.024133436281104877, 'tho': 0.01946882022881927, 'an': 0.016975215063302455}, {'the': 0.12742448267130854, 'and': 0.10439047010070458, 'of': 0.09008308528693847, 'as': 0.08946547023415485, 'a': 0.04988938362235117, 'to': 0.042785061773461454, 'be': 0.034245776444171545, 'such': 0.029258330792545036, 'in': 0.02838714816744532}, {'<s>': 0.0499536982162695, 'it.': 0.027877965630434105, 'him.': 0.014501577541705508, 'them.': 0.014404988316546059, 'time.': 0.007421345908258973, 'again.': 0.006472308978587083, '.': 0.00623405389658568, 'her.': 0.006225014593317433, 'country.': 0.006198460141408723}, {'the': 0.14160143429105918, 'of': 0.10772794069262466, 'and': 0.04622791745346806, 'The': 0.04468459444150224, 'Mr.': 0.04437398717949427, 'that': 0.04282841592100794, 'in': 0.040608763603819556, 'Mrs.': 0.02570127574675181, 'which': 0.024259625863839614}, {'the': 0.3810258488903985, 'and': 0.1574437225081837, 'of': 0.13023049676034162, 'many': 0.049273211815782335, 'for': 0.04102616708874502, 'these': 0.03657959542511782, 'The': 0.03654290834289645, 'great': 0.03278054459425876, 'their': 0.031330309657618925}, {'the': 0.18372712784115083, 'a': 0.1715477837710903, 'his': 0.14207690202388698, 'of': 0.13542639842999282, 'their': 0.09170153881098751, 'and': 0.0382190883887597, 'my': 0.03451311031201362, 'its': 0.03361624866162839, 'her': 0.030757589678682376}, {'the': 0.11303136363125169, 'and': 0.09547662470576497, 'of': 0.09159435167849313, 'a': 0.0437281032370325, 'to': 0.04257852726469042, 'I': 0.02395026904753811, 'in': 0.021244174768092296, 'that': 0.02036875835619971, 'at': 0.017749435734224713}, {'the': 0.4326071073640542, 'and': 0.09468677945918912, 'of': 0.037686822650576934, 'his': 0.03746070065225855, 'The': 0.03651245312544922, 'her': 0.03524866133302132, 'to': 0.02642651211390903, 'tho': 0.026157133646070876, 'their': 0.024133706394584786}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'was': 0.1340163897447145, 'is': 0.09846924468603635, 'and': 0.0944808789539149, 'are': 0.05793346163230244, 'be': 0.05008536684070299, 'men': 0.03957735433017495, 'will': 0.03915794493907894, 'were': 0.03790599022898904, 'him': 0.034817993008762115}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.3987922999481603, 'a': 0.17961205553390197, 'The': 0.04662934061627811, 'in': 0.04179052021016414, 'thorough': 0.039862676354745503, 'of': 0.03674300131628803, 'his': 0.03521281743845233, 'full': 0.028126935114231873, 'tho': 0.027049954270132646}, {'of': 0.3025640736966306, 'to': 0.146076676489943, 'in': 0.12910133918379388, 'and': 0.06700614823132711, 'that': 0.05948515803069937, 'at': 0.03803286228535011, 'on': 0.03800270687275885, 'for': 0.034246529904310014, 'with': 0.03209246236986448}, {'opin-': 0.12788844619289214, 'Un-': 0.01850558123087001, '<s>': 0.01453830061867738, 'provis-': 0.014325906497507628, '.': 0.00931705481866312, '-': 0.007827298241932441, 'the': 0.007442566184164952, 'and': 0.00714772569251963, 'that': 0.006160132117594403}, {'hundred': 0.01444191217773428, ';': 0.011834673680375107, 'him': 0.010388473796696067, 'one': 0.00968896846901267, 'feet': 0.009556811899111724, 'up': 0.008880191153313928, 'mile': 0.007973380143655012, 'feet,': 0.007606228831470488, 'time': 0.007287466987906896}, {'and': 0.0698795499083269, 'able': 0.05892097855346181, 'inclined': 0.05659661953518943, 'began': 0.05655966304458402, 'reason': 0.05620476895710678, 'enough': 0.052108158616863166, 'him': 0.05165050715725336, 'me': 0.05002272024879736, 'as': 0.04547131453267248}, {'the': 0.11692054721898772, 'and': 0.08443672622974073, 'to': 0.06548253581633293, 'of': 0.053062593910445106, 'a': 0.03366410046957188, 'or': 0.019995639197721904, 'in': 0.019832805581901727, 'at': 0.0160866483352966, 'be': 0.01553084057788044}, {'a': 0.20025463231911153, 'some-': 0.15702256978830295, 'good': 0.0929576930210233, 'any': 0.08432440549344164, 'one': 0.07922496366137806, 'only': 0.07006637312901608, 'the': 0.06873444654587746, 'any-': 0.06225130656334931, 'every': 0.0590774539663061}, {'the': 0.4078750359172389, 'a': 0.2993522952405594, 'The': 0.06211405635811932, 'and': 0.03299726823101602, 'of': 0.025651969754164516, 'tho': 0.02406908134102977, 'to': 0.021337043269002254, 'A': 0.017600485280299175, 'this': 0.009847693284224877}, {'of': 0.27100529103572274, 'on': 0.13640413608675592, 'the': 0.10438733318638009, 'and': 0.05368050773543949, 'to': 0.04291123985736237, 'in': 0.04085981079937628, 'at': 0.038924447124368024, 'from': 0.01644890919569269, 'for': 0.013494132283034631}, {'feet': 0.09124682453705052, 'poles': 0.0730701371555321, 'up': 0.05088279168420823, 'chains': 0.04885658892872941, 'entitled': 0.03694920633644442, 'went': 0.034748145318504654, 'came': 0.03280590556373315, 'down': 0.032521221296211, 'him': 0.032446562119539564}, {'of': 0.4575294602383904, 'in': 0.08882629728531782, 'to': 0.08122988953515874, 'by': 0.05649365118181423, 'and': 0.055235176669739636, 'that': 0.053721432224867756, 'for': 0.05089416443204588, 'on': 0.03489413910526431, 'from': 0.03412645232207249}, {'well': 0.13266808134953634, 'soon': 0.12619935727513548, 'far': 0.0854993857860702, 'known': 0.0821329300885245, 'and': 0.05741589128125126, 'long': 0.03212913142156987, 'such': 0.029646640558947657, 'much': 0.028944636268305016, 'just': 0.02668682680068728}, {'he': 0.2929435057015973, 'is': 0.15269643681894, 'be': 0.10212163981110518, 'He': 0.08582315600502541, 'was': 0.08252507068160729, 'and': 0.05968070083218275, 'she': 0.03859904182545241, 'I': 0.03184709755255359, 'been': 0.031038408115458983}, {'a': 0.1297450789934154, 'more': 0.12698167397756968, 'and': 0.12178484628356145, 'of': 0.07527405607075084, 'to': 0.06612083618647517, 'the': 0.06507471471457653, 'for': 0.05016982931341253, 'will': 0.036205209933931524, 'be': 0.0336522418376922}, {'of': 0.39589767461235487, 'in': 0.2059186512700225, 'to': 0.07801116374936262, 'In': 0.06182776653724408, 'for': 0.046839349676117636, 'by': 0.043638895344431224, 'at': 0.040291332067689214, 'that': 0.03583141757987138, 'from': 0.03262217673442828}, {'it': 0.18143874199255758, 'there': 0.10331969695424356, 'It': 0.09198639939220059, 'which': 0.08073126991269376, 'they': 0.06240522313208139, 'that': 0.054082648531678275, 'and': 0.05144105994683339, 'he': 0.03253148924096088, 'There': 0.03214778196988864}, {'and': 0.05278908881303818, '<s>': 0.0500333083306027, 'that': 0.02920610878791692, 'was': 0.01933086454908801, 'be': 0.017369980930432283, 'are': 0.014981296866447731, 'not': 0.014876557382930557, 'in': 0.013744044958410277, 'is': 0.0134465000668202}, {'of': 0.3885354896116288, 'in': 0.1095679359666055, 'and': 0.0800888445120375, 'by': 0.06410223985582626, 'to': 0.06267667208786189, 'for': 0.05219003155467674, 'on': 0.05009824905205802, 'with': 0.04237147289507927, 'that': 0.031364372418887204}, {'of': 0.23862428238063818, 'at': 0.18246346423467544, 'for': 0.1777517865488702, 'in': 0.11078875403647263, 'to': 0.09039420333085967, 'and': 0.04078660524750349, 'from': 0.03633085020084914, 'during': 0.031198981742534885, 'by': 0.0296782751119315}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'be': 0.14633613035422596, 'was': 0.11915243811825305, 'have': 0.11480471212277689, 'he': 0.10735131276595208, 'so': 0.10698559618259991, 'has': 0.08030446782619527, 'had': 0.07210428350155568, 'is': 0.07169685460468593, 'I': 0.06476994164770185}, {'of': 0.42542309363590686, 'in': 0.2361070891632477, 'the': 0.09019839746455038, 'and': 0.04813538584543873, 'In': 0.045913911999085615, 'for': 0.03337511778642528, 'to': 0.019887618803235328, 'or': 0.014863338357608388, 'by': 0.009680689138163636}, {'the': 0.1315262874735605, 'and': 0.08859440688097929, 'to': 0.07505829291090442, 'of': 0.06191941609066371, 'in': 0.03692410454780459, 'be': 0.0314139486298304, 'that': 0.026941172559532295, 'is': 0.026349257321896257, 'a': 0.025113527710135468}, {'the': 0.2433484347271647, 'to': 0.22405611121187477, 'of': 0.11648394153942145, 'a': 0.08385982738459051, 'and': 0.05109903168718417, 'in': 0.02659900235063504, 'for': 0.026495104460428517, 'this': 0.022716397214338466, 'his': 0.01576084375391516}, {'most': 0.22987917377732037, 'the': 0.1660179529918148, 'and': 0.11227536592526345, 'a': 0.09319113810253028, 'of': 0.0679591614978239, 'more': 0.05855723394443214, 'is': 0.0531406476499068, 'very': 0.049881738487142994, 'in': 0.04619871573218144}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'the': 0.5504117432513962, 'of': 0.05738467570462006, 'and': 0.05180735771720631, 'in': 0.04902305276607992, 'The': 0.04552222205291923, 'a': 0.04223993946151228, 'tho': 0.02664471021003151, 'their': 0.02154669598338538, 'his': 0.019373504220230032}, {'the': 0.5308176695406331, 'a': 0.08545577816307486, 'of': 0.06555535357557273, 'The': 0.05262941549417454, 'and': 0.037593583119192, 'tho': 0.027603867344023463, 'this': 0.027546335196215944, 'to': 0.026054226659836862, 'by': 0.01767048211971277}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.1462253058621874, 'and': 0.13730203546105077, 'of': 0.058379631303369484, 'a': 0.041574719779429656, 'I': 0.03797464396985286, 'to': 0.032175300795973014, 'will': 0.03191096401787902, 'his': 0.02999799301281688, 'in': 0.020181185558326296}, {'the': 0.16508878836418442, 'of': 0.08698390912193477, 'and': 0.058233247000833446, 'to': 0.036677842502058806, 'a': 0.03584870799264598, 'was': 0.03135274274461042, 'be': 0.030352655787987744, 'is': 0.027724471354959306, 'for': 0.026237269177817144}, {'his': 0.30826584261314827, 'her': 0.12581658781466273, 'their': 0.09808909979057787, 'my': 0.09462677510059832, 'the': 0.08931098101772071, 'a': 0.07085941532575214, 'and': 0.04292338898235087, 'your': 0.03361829599240773, 'bis': 0.02020979487481841}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'in': 0.1055140916397536, 'of': 0.10467729843435332, 'on': 0.10202185990640225, 'is': 0.10067975838383854, 'was': 0.08042027581801987, 'and': 0.0745659737208069, 'as': 0.07231670812205226, 'with': 0.06948144898767669, 'for': 0.05810718619246544}, {'of': 0.0790618542396407, 'be': 0.062354172529782315, 'and': 0.06125741174786397, 'the': 0.058614119127607625, 'to': 0.042682342250611155, 'was': 0.04139715596823286, 'a': 0.026102094068226365, 'is': 0.025623941848178743, 'in': 0.02436965364954428}, {'of': 0.27238995854395076, 'in': 0.18094730641642384, 'to': 0.10680782144941095, 'for': 0.06693616849433347, 'with': 0.06620987664531884, 'by': 0.06524777301311484, 'and': 0.06451540908983817, 'In': 0.04371608158578291, 'that': 0.03582023554490744}, {'New': 0.32976523298717525, 'of': 0.32742980364596147, 'in': 0.14345442616748433, 'In': 0.03611625758220508, 'to': 0.0295434018914066, 'and': 0.02726347039100825, 'from': 0.022649184594720102, 'for': 0.021268001977459036, 'by': 0.016263846267744814}, {'be': 0.14582386824036223, 'was': 0.1331706064391408, 'have': 0.10532281656232546, 'and': 0.08923921473192989, 'had': 0.07863679700503744, 'is': 0.0768536273410545, 'has': 0.07084103351877692, 'been': 0.053890067118485936, 'he': 0.05096771479576782}, {'of': 0.19904195025961502, 'to': 0.11361634065190615, 'and': 0.09040148420534905, 'in': 0.08541020588621015, 'for': 0.05867465778100337, 'at': 0.04702995880159977, 'on': 0.04052963024921396, 'oi': 0.03196417216328702, 'by': 0.03182115230575971}, {'and': 0.1199369426975011, 'to': 0.10435135820518575, 'the': 0.06365787355445887, 'of': 0.0534810066811802, 'a': 0.050474030984038146, 'was': 0.049729814135460064, 'is': 0.0459130510972803, 'be': 0.03390260293668134, 'be-': 0.033231498277113115}, {'the': 0.22188018087686973, 'of': 0.10616180548758936, 'a': 0.10127615230307682, 'and': 0.05461358798685807, 'to': 0.03251276766062592, 'an': 0.03112494704188044, 'in': 0.0288060610591369, 'at': 0.0210097685083903, 'his': 0.0184975323478636}, {'to': 0.19211415229676315, 'with': 0.12230958446816996, 'for': 0.11536339160719297, 'make': 0.0824632467999968, 'of': 0.08133597065359259, 'let': 0.06457780866646767, 'give': 0.05815217998839956, 'made': 0.052031670605889285, 'upon': 0.05005126646313342}, {'the': 0.19532797766743892, 'of': 0.16819285746292742, 'and': 0.12221829237778443, 'to': 0.034773041227122846, 'The': 0.02733504180451237, 'that': 0.021371958403444195, 'a': 0.01989088085546532, '<s>': 0.019559390985492288, 'or': 0.019549039772467698}, {'the': 0.5719818200935881, 'his': 0.07443540807306985, 'their': 0.04296081509130133, 'tho': 0.04089194879761054, 'our': 0.03539985014923225, 'good': 0.034392334222478775, 'a': 0.03205121768691426, 'its': 0.031897486042297585, 'other': 0.02645129269706829}, {'and': 0.07712702909636353, '<s>': 0.06839481656744759, 'as': 0.017048347038285835, 'that': 0.016037292435526644, 'or': 0.014365712489083651, 'it.': 0.013281098782776573, 'was': 0.011257064417141617, 'be': 0.01000893178948962, 'them.': 0.009447603245405577}, {'so': 0.1721208829659723, 'and': 0.15445616131961992, 'of': 0.15174780885734784, 'in': 0.07836183971490146, 'for': 0.06944271067318836, 'as': 0.06149300279069902, 'with': 0.05283520334261519, 'to': 0.04774812884521732, 'by': 0.045323784117786176}, {'the': 0.06253538568654221, 'of': 0.04357310304383868, 'and': 0.03203613700156021, 'a': 0.026474390189690927, 'an': 0.024953134292400852, '-': 0.024724733960791643, 'i': 0.023513727449654298, '.': 0.02103992717325982, 'to': 0.02037535474440092}, {'a': 0.16244954775973514, 'the': 0.15936010331317224, 'this': 0.14941741619378046, 'some': 0.0863343670824361, 'same': 0.07691764453375882, 'that': 0.07366890866564291, 'any': 0.06381502990935947, 'to': 0.05970320342377412, 'of': 0.05717781955385546}, {'of': 0.3811702573754516, 'in': 0.2709055202950658, 'to': 0.07016558942167535, 'for': 0.06541409519453696, 'In': 0.061084092334272984, 'from': 0.043841350950909685, 'at': 0.023725296075644064, 'into': 0.019119124749866084, 'with': 0.01821863341572585}, {'the': 0.14517560055032913, 'and': 0.10036271317786162, 'of': 0.09500378148282847, 'to': 0.07376273095903182, 'be': 0.044598635029191196, 'a': 0.03631923823144349, 'was': 0.035673333465864404, 'at': 0.02739104829636097, 'in': 0.026270180268733814}, {'the': 0.15419149516698707, 'of': 0.11791317004447482, 'and': 0.10306058448442144, 'a': 0.06334337651175981, 'to': 0.04779561361155242, 'is': 0.02264234866280185, 'in': 0.022350660809763865, 'be': 0.02189248813231505, 'or': 0.02178327426752028}, {'is': 0.2492069300419979, 'was': 0.12185806785672655, 'for': 0.10809888487491735, 'and': 0.06971327990749014, 'are': 0.062044057921869955, 'do': 0.05527564826422897, 'that': 0.05413523846389553, 'have': 0.05126353934248933, 'be': 0.04694193548624256}, {'day': 0.021804481375026608, 'and': 0.019443373596073298, 'made': 0.018186033264452076, 'out': 0.011357878517566476, 'up': 0.01115085593062071, 'feet': 0.01024406777987943, 'them': 0.010042908390218484, 'him': 0.009541789856413695, 'it': 0.009297387753628136}, {';': 0.01754902374719975, 'in': 0.014920190434743588, 'him': 0.010357844521566925, 'it': 0.009562992995959006, 'it,': 0.009226657801422358, 'one': 0.0085463019681589, 'feet,': 0.008102206174842289, 'and': 0.007949538365117604, 'man': 0.0071661826687226}, {'men': 0.17939019369815037, 'number': 0.11260539736995051, 'matter': 0.03050447446739445, 'city': 0.030449177524389436, 'out': 0.028934546133980606, 'kind': 0.024376979507352646, 'place': 0.023778021649977617, 'thousands': 0.02346253855299831, 'man': 0.022666765384334524}, {'and': 0.15630619357973632, 'would': 0.10998748674269496, 'will': 0.10271067777030078, 'not': 0.08752783234111007, 'to': 0.06255048135355323, 'had': 0.05753587545959456, 'have': 0.057371230337344155, 'was': 0.05657269484402085, 'is': 0.05106882407044879}, {'the': 0.1315262874735605, 'and': 0.08859440688097929, 'to': 0.07505829291090442, 'of': 0.06191941609066371, 'in': 0.03692410454780459, 'be': 0.0314139486298304, 'that': 0.026941172559532295, 'is': 0.026349257321896257, 'a': 0.025113527710135468}, {'as': 0.07249223316664083, 'and': 0.05104675193768578, 'came': 0.04215466481970071, 'up': 0.041807459059147116, 'back': 0.035141589077018136, 'them': 0.02726174100869575, 'come': 0.026280367439964654, 'it': 0.025612710189862564, 'brought': 0.021565950418792078}, {';': 0.008311345930232632, 'Mr.': 0.007905830574775286, '1': 0.004774853694907506, ',': 0.004624395406407818, 'up': 0.004220858161989073, '.': 0.004181480011837927, 'to': 0.004065460645162112, 'in': 0.003826080691507763, 'city': 0.0034790049495943983}, {'<s>': 0.10753668298925245, 'it.': 0.01996678489657962, 'them.': 0.01837832585386616, 'day.': 0.011512722657612242, 'him.': 0.010417067387528242, '.': 0.009612137267665785, 'time.': 0.008068905385139094, 'country.': 0.007778208388082003, 'men.': 0.007507069454270016}, {'the': 0.6586588611088171, 'said': 0.08572230750130526, 'The': 0.056931191136194347, 'State': 0.037247938138905416, 'tho': 0.034921722894418625, 'and': 0.019891097785869446, 'a': 0.019021092033824172, 'tbe': 0.013534787306527555, 'County': 0.011405708219827906}, {'those': 0.1359470837165178, 'man': 0.10564013349447124, 'one': 0.07516351031071782, 'men': 0.07360990518335947, 'and': 0.05953687515980089, 'people': 0.03392388909376232, 'person': 0.022955463565804593, 'all': 0.02239734227951116, 'woman': 0.022299597677951193}, {'the': 0.6536663113985209, 'a': 0.1781154237823263, 'tho': 0.03446649309851418, 'The': 0.0334947231237591, 'no': 0.02036811099353826, 'and': 0.01855841645138492, 'tbe': 0.012501419862548685, 'very': 0.009846684533810983, 'great': 0.009024281059783147}, {'well': 0.19743512529084412, 'such': 0.09394738761529345, 'far': 0.06701456911140456, 'and': 0.06394388400362613, 'just': 0.04047986527486038, 'known': 0.04016235857028972, 'soon': 0.036807731913639744, 'is': 0.021964472827678445, 'much': 0.020508304758291938}, {'and': 0.23600250992925983, 'that': 0.12958860955271037, 'but': 0.08241472103090514, 'But': 0.03580361416783118, 'time': 0.03330079080126571, 'And': 0.025022679536671734, 'or': 0.018542244793373294, 'come': 0.014839948622469665, 'even': 0.013486120496658694}, {'from': 0.1814002695340618, 'of': 0.12336408070814145, 'S.': 0.0877241092617953, '.': 0.05598239230931714, 'N.': 0.04922243173193226, 'Mr.': 0.04897576321543166, 'the': 0.047936071446603175, 'by': 0.03513002485732174, 'D.': 0.034313665178781254}, {'more': 0.045978103949806046, 'man': 0.033514047197299, 'person': 0.02952812629329685, 'one': 0.028435120999760248, 'two': 0.019854842575763178, 'law': 0.01797137479173399, 'in': 0.014666943573424336, 'three': 0.01396060319871353, 'State': 0.013290427562185729}, {'an': 0.5875645255916134, 'the': 0.14121861154569512, 'most': 0.06912383582393677, 'and': 0.043529855867112235, 'An': 0.03258459996613447, 'very': 0.030363257494930115, 'this': 0.01983150036333355, 'a': 0.01725865225956536, 'The': 0.014264426734784862}, {'and': 0.07082962187899391, 'Committee': 0.05758226185458163, 'was': 0.03128970642900962, 'committee': 0.0312465027564318, 'that': 0.0236067080707099, 'is': 0.01756800757048314, 'be': 0.017133558937198652, 'going': 0.01594155532857084, 'out': 0.01511784160536021}, {'the': 0.5927850564623148, 'an': 0.09564437763116436, 'of': 0.08157706783992007, 'The': 0.04685719083339312, 'a': 0.04307484336315088, 'and': 0.035131533992599745, 'in': 0.023714409425379692, 'tho': 0.02254588058737104, 'tbe': 0.008541901758750772}, {'is': 0.17259142955892112, 'ought': 0.08272961521902446, 'are': 0.08056057458647582, 'seems': 0.07558392967483372, 'was': 0.06572888558670693, 'not': 0.06439114674223405, 'said': 0.05149586598076354, 'seemed': 0.04272828164381891, 'as': 0.041024869025136954}, {'the': 0.2663993872275792, 'of': 0.17731374153102192, 'or': 0.13931631234902378, 'and': 0.10085718746760033, 'in': 0.07238517728760649, 'for': 0.0438152063338235, 'by': 0.027997457576672463, 'to': 0.02698736095061891, 'at': 0.02694148607135063}, {'the': 0.1186865659972697, 'and': 0.08946817239060759, 'of': 0.06685843644816554, 'to': 0.0585780819209954, 'a': 0.04433856145274342, 'was': 0.031188298402550614, 'Mr.': 0.030953045477676962, 'be': 0.027010605342786643, 'his': 0.026256072578884588}, {'<s>': 0.10252407458595444, '.': 0.020409889143172384, 'it.': 0.0133960524407723, 'them.': 0.009153056453304347, 'of': 0.007674682697868727, 'day.': 0.007552380461069777, 'time.': 0.006881765576058752, 'year.': 0.00616055888316086, 'him.': 0.0058593771361758595}, {'of': 0.23125290469483473, 'the': 0.21035178717837705, 'to': 0.1137863213571565, 'and': 0.08820740663459808, 'in': 0.06757504294211404, 'from': 0.03432964414632425, 'for': 0.025261155098772397, 'or': 0.02475833425810519, 'The': 0.02232975454163796}, {'to': 0.25430335887216193, 'I': 0.1583221148083283, 'and': 0.10189460029866253, 'we': 0.06443529213276354, 'you': 0.057017339088240734, 'who': 0.05024552806898224, 'We': 0.0437787455535116, 'the': 0.03099546987641642, 'a': 0.029380072231474805}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.3648456601296562, 'the': 0.17115139120999323, 'by': 0.08388936624881307, 'on': 0.06383938228264184, 'and': 0.053825164234056234, 'to': 0.05204555349306472, 'in': 0.049170720908308506, 'upon': 0.028960027797678152, 'with': 0.0244479498407931}, {';': 0.01587434954858999, 'heirs': 0.013345449802716122, 'men': 0.010012171829328021, 'mortgage,': 0.00923676910671407, 'in': 0.008433453215672291, 'State': 0.00787415342128896, 'city': 0.007374012072794398, 'States': 0.0072343929287555985, 'to': 0.006240821829299076}, {'will': 0.6444600463745599, 'would': 0.15977985017402127, 'and': 0.04487169022509774, 'is': 0.033998084740013416, 'should': 0.019619330095968782, 'must': 0.01845373561501802, 'shall': 0.016776605937862527, 'may': 0.01354085574166358, 'can': 0.013404338248739909}, {'to': 0.30443512803854084, 'the': 0.17984829556347023, 'and': 0.0832963597872198, 'will': 0.0732350501007518, 'would': 0.06146683830427232, 'not': 0.049915023969724, 'a': 0.03615990762185151, 'can': 0.03311372670347082, 'may': 0.03295111491996902}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'and': 0.1093806471080376, 'made': 0.07328672273832892, 'or': 0.036053578603099164, 'that': 0.03363750950598587, 'side': 0.027504815677868038, 'occupied': 0.02524892180572728, 'up': 0.022879737552997933, 'secured': 0.021610377696638816, 'owned': 0.021101627577101663}, {'of': 0.2699190541350931, 'in': 0.13887137241491385, 'to': 0.08657104622603637, 'by': 0.08492751258304651, 'or': 0.07937019278009684, 'for': 0.07763869050504063, 'at': 0.05372578983153107, 'as': 0.04708496492341888, 'that': 0.04672209989319284}, {'man': 0.13530898802362365, 'those': 0.12698759014236866, 'one': 0.09932747944119324, 'men': 0.06978655003647302, 'and': 0.052995972365156095, 'all': 0.04180355122845812, 'people': 0.02889215924886502, 'woman': 0.02655198866946141, 'person': 0.022875871864997382}, {'and': 0.16383957325719684, 'is': 0.109888252182376, 'was': 0.10944711729390671, 'not': 0.06585210887999077, 'or': 0.05496163169605271, 'be': 0.04656756708099069, 'been': 0.046180722866047706, 'are': 0.04476475983009079, 'were': 0.028879249451162752}, {'and': 0.2385931117582287, 'know': 0.08524335675805056, 'matter': 0.082488130274311, 'see': 0.06754535749947452, 'to': 0.04804500984225251, 'or': 0.032446620121420786, 'of': 0.03082540576065281, 'is': 0.024350057180616586, 'was': 0.020815783450731998}, {'was': 0.07739576880398077, 'and': 0.06852921727510475, 'is': 0.04834769682942842, 'are': 0.0438047541467961, 'be': 0.04087020143128687, 'went': 0.03162097901659959, 'were': 0.030729701186537228, 'it': 0.027402831658304393, 'come': 0.027298896068743837}, {'is': 0.026158569650349624, 'and': 0.025884380795010174, 'was': 0.024878305945435168, 'it': 0.021189230698071757, 'that': 0.0135771724928879, 'on': 0.0128358716430406, 'up': 0.012599758429702897, '-': 0.010740724539350486, 'It': 0.010595312631980044}, {'the': 0.43383711935888103, 'a': 0.0801206697396776, 'all': 0.057844116388544586, 'to': 0.04421927568443638, 'and': 0.04358746809602182, 'his': 0.038335987857592124, 'no': 0.03582149354046366, 'was': 0.035794720631294255, 'at': 0.030580536701442302}, {'carried': 0.09580196917215288, 'taken': 0.06948945637411431, 'it': 0.05378547149479638, 'went': 0.04443651744328469, 'turned': 0.04422648815602634, 'go': 0.042991880181488515, 'get': 0.04225028914460361, 'thrown': 0.04129375737550333, 'pointed': 0.04075433805697806}, {'I': 0.0999627368853398, 'and': 0.09601678212673743, 'have': 0.07703262465858714, 'who': 0.06412905326162567, 'he': 0.06246232865861895, 'be': 0.06001605200058031, 'they': 0.055615084467977, 'had': 0.0552977848777943, 'we': 0.052298028466967246}, {'of': 0.2967980764143875, 'in': 0.19877435154470127, 'to': 0.1496209387985277, 'on': 0.05149119038113399, 'with': 0.04970469654972705, 'In': 0.04753364711683578, 'and': 0.04411186762172441, 'for': 0.044013445255651255, 'that': 0.04177193178827325}, {'of': 0.24384723579821743, 'in': 0.12312506561097275, 'with': 0.10680649970402971, 'is': 0.08694780694524153, 'to': 0.07787352722300522, 'and': 0.06995944922104544, 'for': 0.06682075941724755, 'was': 0.05187426229030688, 'by': 0.04242875069122941}, {'and': 0.08209805526088942, 'was': 0.04471405479273974, 'made': 0.039161748416610936, 'up': 0.032703502102058066, 'engaged': 0.02853732030128598, 'is': 0.02702368077854803, 'it': 0.026073203127649276, 'be': 0.025669434192709405, 'time': 0.024851693811743278}, {'of': 0.2962941948043569, 'in': 0.13484542912548583, 'to': 0.09990647251307126, 'on': 0.056765280768519964, 'with': 0.05477707703179569, 'and': 0.04777219151012938, 'for': 0.04578427546412828, 'from': 0.03790304180503328, 'at': 0.0367218297261948}, {'protest': 0.09213721161722925, 'and': 0.059085518278957645, 'up': 0.03899619508924092, 'made': 0.038194138081999875, 'voted': 0.03463083273212171, 'claims': 0.03305647796696318, 'vote': 0.030795176454426507, 'guard': 0.03054644504584456, 'fight': 0.030335045152437037}, {'the': 0.35768163138465836, 'of': 0.18323280986835355, 'and': 0.10316296862350335, 'in': 0.0722665286426502, 'The': 0.05479999956945115, 'a': 0.046199072246056364, 'that': 0.042141117521742724, 'to': 0.03950894404877538, 'is': 0.028895446526498284}, {'out': 0.059949312297411864, 'matter': 0.052054568449131235, 'number': 0.044551604441103586, 'purpose': 0.03868659864620486, 'means': 0.028923452449147402, 'is': 0.025603641703257133, 'kind': 0.024654587053034138, 'cost': 0.02447024925721102, 'be': 0.02174203820389873}, {'the': 0.23380195575619528, 'and': 0.12065731209206387, 'of': 0.09959476201494849, 'to': 0.09043885133537555, 'for': 0.02764177630132806, 'that': 0.02573215066308493, 'I': 0.02012517863632748, 'in': 0.01817212610104218, 'a': 0.017468573006307626}, {'a': 0.5355013086983411, 'the': 0.0952974793462488, 'of': 0.08528042805755885, 'A': 0.05690859983957414, 'and': 0.03783664437743111, 'very': 0.028499155942581855, 'this': 0.02202307772915104, 'in': 0.0219736914527061, 'that': 0.020247277213292204}, {'the': 0.2224350607184588, 'of': 0.11408291459844028, 'to': 0.07197209951677344, 'and': 0.07173347820151878, 'a': 0.06683689953430502, 'in': 0.03715274516796121, 'be': 0.029452467724584354, 'his': 0.02806603570368859, 'is': 0.02392704783804425}, {'<s>': 0.08034374366960306, 'it.': 0.028720031908181513, 'them.': 0.020314576142671473, 'us.': 0.01641818957102091, 'country.': 0.010612933471305746, 'people.': 0.009103033243770762, 'that': 0.008924997607537127, 'day.': 0.00852503608233502, 'year.': 0.0075845371279620166}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'guardian,': 0.055859754010131595, 'one': 0.03685343825324125, 'person': 0.026438799729814284, 'two': 0.02341111122166173, 'on': 0.019736692377055734, 'law': 0.016147928152415402, 'more': 0.01392199419314446, 'day': 0.013599607397900055, 'and': 0.013043258641649798}, {'to': 0.11144374236298595, 'the': 0.10917981760160007, 'and': 0.10692920077675938, 'of': 0.08551452114372984, 'in': 0.033918395178194706, 'a': 0.02924037307288965, 'not': 0.02004826767775804, 'I': 0.017020811204842605, 'be': 0.01652276935920046}, {'day': 0.27726341450892045, 'and': 0.10815292924956314, 'until': 0.10649661033056373, 'days': 0.05379282949620487, 'shortly': 0.050113352652225523, 'Shortly': 0.03767798378131373, 'month': 0.03212998103368498, 'that': 0.02707341289027821, 'week': 0.026553676601982195}, {'that': 0.021175084054007132, 'and': 0.02091741898515245, '<s>': 0.020611695202293934, 'lot': 0.016802390481483895, 'one': 0.012091739857963637, 'which': 0.01200752018633924, 'State': 0.01165314190798549, 'land': 0.011265255389101638, 'day': 0.0103097216702948}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'to': 0.5062393555772827, 'not': 0.14580409461384053, 'will': 0.05522160935901288, 'would': 0.04474721843457902, 'can': 0.04369772788375456, 'could': 0.037460087108806384, 'and': 0.030737570212723435, 'cannot': 0.02793051759637796, 'may': 0.02610889316349603}, {'that': 0.27879158522660025, 'as': 0.12968848289100193, 'which': 0.11320827163716993, 'and': 0.10421652758507319, 'if': 0.05732170793654235, 'but': 0.04777433303096358, 'what': 0.04365276094681267, 'because': 0.032698750685304756, 'when': 0.0304672596046976}, {'of': 0.32868990659047687, 'to': 0.10212105753477035, 'for': 0.09723240607162535, 'in': 0.08935860622847339, 'and': 0.06799443798841913, 'by': 0.06413129369795847, 'that': 0.05668005654008476, 'with': 0.04378333067396498, 'from': 0.03173005473826131}, {'to': 0.3518567446781759, 'will': 0.1538509637798069, 'would': 0.10248292884689618, 'not': 0.08217985410108768, 'and': 0.05886607076251572, 'may': 0.049002142484580985, 'shall': 0.038407980792230616, 'who': 0.03821019139194506, 'they': 0.031991384445266724}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.19562286545974122, 'and': 0.08210215890826428, 'a': 0.07285430231959578, 'of': 0.06740390745474954, 'to': 0.06543949730759961, 'so': 0.03317401232380278, 'is': 0.0309285392337911, 'in': 0.02758066527636791, 'be': 0.023650834831107286}, {'and': 0.10305709057946383, 'was': 0.06187075329856695, 'be': 0.05079707986056976, 'are': 0.04832728810682524, 'is': 0.047460730138826866, 'were': 0.028369325847831816, 'up': 0.026888023501149702, 'succeeded': 0.0252551846928449, 'them': 0.022918549963641243}, {'he': 0.17412581145268174, 'I': 0.12358343791917756, 'they': 0.11796232678165061, 'it': 0.09167415216645979, 'who': 0.0746887606608741, 'and': 0.06071960978322889, 'she': 0.05046283276650517, 'He': 0.03966671004424513, 'you': 0.031045357671074497}, {'of': 0.17812164892276777, 'the': 0.1012888456194023, 'and': 0.08094513092269891, 'a': 0.07630590518576001, 'to': 0.06780754766753506, 'in': 0.05360743862479921, 'was': 0.029660071061225066, 'with': 0.028416590242039894, 'is': 0.028389348603932645}, {'is': 0.15595592626061217, 'was': 0.1224141751783992, 'and': 0.09037004758787004, 'had': 0.08421289172138878, 'have': 0.07959550851441405, 'that': 0.07846365018895993, 'be': 0.06363869234374962, 'of': 0.04930487795238341, 'are': 0.044804968472961317}, {'of': 0.17410031968146805, 'and': 0.09059984687006103, 'to': 0.0793165021403947, '<s>': 0.0497055406559985, 'the': 0.03761343295607927, 'by': 0.036890269868498575, 'that': 0.023035968397776652, 'with': 0.015232380502194503, 'for': 0.014979279688222578}, {'and': 0.08610817649487001, 'called': 0.07565170131055826, 'based': 0.051357810871794515, 'down': 0.049225505125758545, 'placed': 0.043344942054355066, 'depend': 0.03465433983402664, 'put': 0.03383978458204052, 'insist': 0.031799510709015606, 'depends': 0.03094521355325884}, {'the': 0.29404169906763056, 'of': 0.11203293320330061, 'their': 0.04854930416212955, 'and': 0.042505780762227746, 'his': 0.03493611753313642, 'thence': 0.026442209219671116, 'to': 0.024304674480832903, 'tho': 0.023355782986135307, 'its': 0.022380417855343965}, {'the': 0.26313811869372605, 'and': 0.1997967362502524, 'to': 0.07286692042350923, 'of': 0.05332050235859475, 'The': 0.044621972635496325, 'a': 0.04245420366917311, 'his': 0.03908344033774818, 'an': 0.032672136919014674, 'all': 0.03135880111275905}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'of': 0.20572750365024162, 'his': 0.19892150487131635, 'a': 0.10650178810549386, 'the': 0.09765558029138531, 'my': 0.08779545475924092, 'her': 0.07791499580304564, 'for': 0.03085199791717003, 'and': 0.029671255250095983, 'their': 0.023010017673698084}, {'of': 0.07917819674774312, 'the': 0.07859379981228838, 'and': 0.0757170059285395, 'to': 0.061999143025013304, 'in': 0.0411445463363145, 'a': 0.03926353676700137, 'for': 0.034223540776841185, 'are': 0.019962101099935122, 'is': 0.019094966615813173}, {'and': 0.19712615033197636, 'fact': 0.07722519025994683, 'said': 0.06258946616103155, 'so': 0.05112232986118901, 'is': 0.043298823531513625, 'say': 0.03859534773042259, 'was': 0.0380557480618063, 'him': 0.03726814659203925, 'found': 0.03558464235197909}, {'Mrs.': 0.12549709479727053, 'and': 0.10598577272044102, 'of': 0.08095647745167314, 'Miss': 0.07025770689727977, 'Mr.': 0.0702220533493903, 'by': 0.05557158030717538, 'the': 0.03111540068121995, '<s>': 0.02601396904997009, 'as': 0.02112375882663442}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'160': 0.08157413644474017, 'hundred': 0.07088027049833782, 'two': 0.04309512742719372, 'of': 0.03986402418395963, 'ten': 0.03692262702543681, 'thousand': 0.028486129173876024, '100': 0.026097204929942545, '40': 0.024551550637854226, 'five': 0.024318815913273114}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'I': 0.378831461268282, 'to': 0.18999996462447777, 'not': 0.15199787192443193, 'you': 0.07183113053818023, 'we': 0.04265214303569024, 'and': 0.035944967293054075, "don't": 0.03553625071472519, '1': 0.028581464417944707, 'We': 0.02789977448414886}, {'of': 0.11543210733525609, 'by': 0.11331888083974649, 'in': 0.10021084569051346, 'and': 0.0918261970497366, 'for': 0.06225519822566578, 'is': 0.04649727813322328, 'with': 0.03663231576613145, 'without': 0.029984364816769127, 'so': 0.026265567400272305}, {'the': 0.41684043981293517, 'a': 0.21011093089517277, 'no': 0.08133155370232695, 'this': 0.07002288020283849, 'The': 0.0516650398199068, 'any': 0.04074197011895698, 'tho': 0.023183046314839376, 'great': 0.02272405841697835, 'in': 0.02157919764533344}, {'the': 0.16034095759089487, 'of': 0.08337930770201633, 'and': 0.08167606873219838, 'a': 0.06797230011329618, 'to': 0.06200499524654075, 'be': 0.030872590248614943, 'was': 0.024646243111901316, 'or': 0.02030169971211091, 'is': 0.017847106309518128}, {'that': 0.1568986827772754, 'and': 0.13671553806493378, 'but': 0.048015711742236886, 'which': 0.040253202317941564, 'as': 0.03654424792622118, 'when': 0.02750072061108017, 'if': 0.023485134902446768, '<s>': 0.01941782853093735, 'But': 0.014016792651461957}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'to': 0.49508460219295286, 'and': 0.08757249937608898, 'will': 0.06517526206840275, 'I': 0.049749878373100936, 'who': 0.03472403314201286, 'not': 0.03404117870136939, 'of': 0.030297086532577067, 'a': 0.027313229253237287, 'would': 0.02612615926496228}, {'and': 0.03996775771121029, 'was': 0.018343983256780796, 'not': 0.009924952294926195, 'be': 0.009770511873215919, 'is': 0.009710303628823478, 'been': 0.008623523094599928, 'as': 0.00849573593361806, 'called': 0.008354562842881517, 'him': 0.00823927877685132}, {'<s>': 0.12656255458928348, 'it.': 0.026071311109124865, 'them.': 0.01845616459451435, 'time.': 0.01228985692593601, 'and': 0.011825600804602024, 'country.': 0.011315631471902543, '.': 0.010458528372749581, 'people.': 0.010390027618905917, 'year.': 0.009456074300728175}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'and': 0.22020659897911804, 'the': 0.08220977548089287, 'that': 0.058088928582855213, 'all': 0.04871735624850547, 'as': 0.04146390895372036, 'I': 0.03865760639034495, 'he': 0.034264459231842584, 'other': 0.034036104563757906, 'it': 0.03346481712917947}, {'the': 0.13674022758104873, 'of': 0.1020053559430909, 'and': 0.09918208496770697, 'in': 0.09488041442584585, 'to': 0.03757649715746437, 'for': 0.03088465276382605, 'be': 0.02767107061931922, 'In': 0.02370359407825392, 'that': 0.023204494254790424}, {'a': 0.3255421855430288, 'the': 0.2916568532407058, 'any': 0.07797037150684442, 'some': 0.05246333806183627, 'large': 0.03669915637435178, 'highest': 0.028192094303697974, 'great': 0.0241620073617979, 'The': 0.02041505230742624, 'no': 0.0196322833831335}, {'daughter': 0.05177695953220034, 'name': 0.04256076354154875, 'son': 0.029357370757154267, 'city': 0.02858743083677401, 'number': 0.025673415466045305, 'people': 0.02531215585110271, 'line': 0.023226679866397083, 'and': 0.021951120952192767, 'residence': 0.0183436999562892}, {'of': 0.3401772009759197, 'in': 0.11511127058281025, 'to': 0.09375272668020339, 'and': 0.08613759930214965, 'that': 0.06259719707805131, 'with': 0.054828676727219465, 'for': 0.05464012006091031, 'by': 0.04647272826748986, 'from': 0.03514751625709624}, {'the': 0.4034605245392508, 'of': 0.158224272498982, 'to': 0.07094198218283562, 'his': 0.05704766992176168, 'and': 0.04928304098683334, 'a': 0.04199509534777363, 'this': 0.038020806504642804, 'as': 0.03402573734442731, 'The': 0.02996501725277814}, {'to': 0.27642784840752976, 'of': 0.25772356110602834, 'the': 0.07568221397342291, 'in': 0.07244971662618896, 'for': 0.05269765422808626, 'by': 0.04291930852003696, 'with': 0.040384026480008585, 'and': 0.03944800046443381, 'at': 0.0320898993674512}, {'the': 0.14423816747573276, 'of': 0.13070151373196048, 'and': 0.06489891911029852, 'a': 0.060829430147127383, 'to': 0.04624898303052748, 'in': 0.03739429434183793, 'for': 0.02182696987986165, '.': 0.014757974305199444, 'by': 0.01465675668427313}, {'.': 0.02643154135822162, '-': 0.019396611453896814, 'and': 0.01792758195032709, 'of': 0.017488409973221822, 'a': 0.017128780804523458, 're-': 0.01652600046671149, 'the': 0.014764003537519142, 'to': 0.013188360835872449, '<s>': 0.010949709978634908}, {'amount': 0.07919987458556406, 'payment': 0.05473586814113923, 'out': 0.05053607716873832, 'value': 0.0498733300394171, 'part': 0.049264397934526596, 'proof': 0.04494063651223855, 'all': 0.035516241206615985, 'tion': 0.032755849510533855, 'proceeds': 0.02811040568735143}, {'the': 0.37764684440905194, 'to': 0.14970742591005598, 'a': 0.14381270695921464, 'and': 0.09858861007843064, 'The': 0.03719482011899339, 'or': 0.02776620446560073, 'tho': 0.023101626462708257, 'in': 0.01987090056101457, 're-': 0.019654330269393012}, {'the': 0.44899791333415556, 'and': 0.17387248374256487, 'his': 0.09062870011068996, 'The': 0.08161837386875441, 'her': 0.04077773075089747, 'a': 0.025147448328151526, 'of': 0.024689097695462733, 'tho': 0.019278464466114077, 'my': 0.017666521832222937}, {'and': 0.07877178845259632, 'the': 0.07003868666492058, 'of': 0.05948746880220871, 'which': 0.051232355917809086, 'a': 0.04626299985243468, 'it': 0.04569812343670358, 'that': 0.045382556803172346, 'It': 0.04339040442591873, 'he': 0.04302143988305269}, {'Section': 0.03566491260193551, 'No.': 0.03491266543262301, 'of': 0.03402636460959592, '.': 0.026002860267671308, '<s>': 0.0244449073450945, 'and': 0.023869296465000002, 'to': 0.02051498438664961, 'the': 0.011150003507414867, '5': 0.007897550600538575}, {'that': 0.25173407893077043, 'and': 0.10767655118779117, 'as': 0.10448814109495189, 'if': 0.07770230287980631, 'which': 0.07343884792072085, 'what': 0.04486641639292786, 'but': 0.04210980089891394, 'when': 0.039790296992440875, 'If': 0.03040909855428848}, {'the': 0.22413775363825206, 'of': 0.130116121991819, 'and': 0.09664673583827024, 'to': 0.052081947984125576, 'in': 0.04079451465292098, 'a': 0.033463062564184125, 'for': 0.031169904004390826, 'The': 0.025729618554093215, 'as': 0.023496271120011788}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'a': 0.6760337054574349, 'A': 0.10151611199530783, 'very': 0.07378317786840168, 'the': 0.061959367337621654, 'but': 0.028834694787635805, 'Very': 0.011237625223839302, 'this': 0.011004453529204606, 'is': 0.010943581282638871, 'that': 0.01061827364302223}, {'as': 0.223943502433141, 'is': 0.12627643998467125, 'was': 0.11836857208966342, 'of': 0.0924662369434331, 'and': 0.08603715928232283, 'be': 0.06651884642940452, 'with': 0.045225293299107044, 'by': 0.043158457032782635, 'in': 0.03955173494994512}, {'be': 0.19491322329096797, 'was': 0.17302538165914716, 'been': 0.09670781507963556, 'were': 0.0798487042394871, 'and': 0.07890636397534313, 'is': 0.07067169786827585, 'are': 0.06245343701968043, 'had': 0.03522254619172952, 'have': 0.03415828067125239}, {'and': 0.18000726411130824, 'said': 0.10109705394995844, 'fact': 0.06528395459074089, 'stated': 0.05302264213713355, 'so': 0.04517641253901115, 'him': 0.03871021418260112, 'know': 0.03725473856966339, 'say': 0.029084524660267504, 'is': 0.028698334626685935}, {'the': 0.5706991988312171, 'a': 0.051551588765240824, 'of': 0.05093312744426058, 'The': 0.03594780491295485, 'tho': 0.03437232422453398, 'any': 0.032207542169803885, 'an': 0.023400527265977047, 'no': 0.02319800565523431, 'and': 0.017175802300625945}, {'of': 0.4245432127971325, 'in': 0.10693718675768063, 'on': 0.07325075681977498, 'and': 0.07130831881824777, 'to': 0.06273698887841393, 'for': 0.057994490055550914, 'that': 0.0442566412347716, 'from': 0.0421915588807962, 'by': 0.03437395490865604}, {'it': 0.1425484532101972, 'I': 0.1213354070215672, 'he': 0.11001646519610883, 'It': 0.08910193822766081, 'we': 0.08810080705787648, 'they': 0.08502350221614376, 'We': 0.035535001300793526, 'and': 0.03455875249364024, 'you': 0.02830612684330736}, {'the': 0.20849665906433557, 'and': 0.1142767670160047, 'of': 0.0996603529965147, 'The': 0.06524073313159189, 'that': 0.024980514504802553, 'these': 0.01841332784867121, 'a': 0.016378062967323737, 'or': 0.01599964531259606, 'to': 0.01465781744434432}, {'the': 0.20623394140656592, 'of': 0.17237690559281588, 'their': 0.05422188095055799, 'and': 0.0492815705339548, 'his': 0.04088326252252266, 'two': 0.03878387408775696, 'few': 0.034010224940183506, 'at': 0.0331522760378264, 'our': 0.031357649557993396}, {'of': 0.1703348371665488, 'the': 0.1417130299833135, 'in': 0.11832580583655473, 'and': 0.05743368325533119, 'to': 0.043702873368921785, 'at': 0.04144418393007384, 'a': 0.03664548514647057, 'In': 0.0339643837980635, 'for': 0.032580902561403495}, {'the': 0.02080793056272712, 'dollars': 0.019662141101980946, 'it': 0.017641223351697342, ';': 0.016156652248068035, 'more': 0.01602659617794449, 'law': 0.01457222323903449, 'I': 0.014230865144748832, 'and': 0.013335668157722332, 'time': 0.012541805801448785}, {'and': 0.12309418223768133, 'the': 0.1041884536747471, 'to': 0.07976636450256934, 'of': 0.05059684691556177, 'a': 0.03442326617110507, 'be': 0.03150147297098801, 'in': 0.03078554621277007, 'is': 0.029807797641683245, 'for': 0.025135614686750712}, {'to': 0.08386464238357563, 'of': 0.05431304542440027, 'was': 0.053811119076565245, '.': 0.04930477942481344, 'the': 0.046615240472070094, 'and': 0.039704468847510735, 'is': 0.03832223304104889, 'be': 0.030869606578684712, 'Mrs.': 0.029394866438657}, {'to': 0.11611623202716108, 'and': 0.0927670277041291, 'of': 0.05480015358824163, 'the': 0.03853384443427393, 'is': 0.03353964289198347, 'in': 0.029809014802675858, 'was': 0.0288691907044105, 'con-': 0.025306563829559637, 'will': 0.02411726427444757}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'out': 0.07104996634326687, 'one': 0.06555551405888944, 'some': 0.0627501778995496, 'all': 0.046947188129824735, 'part': 0.04244529558942418, 'because': 0.030012730108729443, 'account': 0.029608778673136077, 'many': 0.028457732299761007, 'and': 0.025591822907501054}, {'the': 0.18381955435890504, 'of': 0.12278628617278592, 'to': 0.06712513641920152, 'and': 0.047137828846930165, 'in': 0.021526543939127712, 'be': 0.021486803358868087, 'for': 0.019537956181941256, '<s>': 0.016423001571341925, 'a': 0.015756752068020165}, {'to': 0.19522068988855304, 'and': 0.16674421824896768, 'a': 0.05182221911888573, 'be': 0.04920604926546338, 'been': 0.04420980653752317, 'was': 0.03989511961817482, 'not': 0.03080652414947878, 'which': 0.030006259592425942, 'the': 0.027899362372096455}, {'<s>': 0.05853076640687723, 'that': 0.05360000315563107, 'and': 0.028468892423494714, 'it.': 0.024960893987115183, 'but': 0.01735835078593881, 'as': 0.014815840893292666, 'them.': 0.014318802615316317, 'country.': 0.011732596730942993, 'of': 0.011348659858762027}, {'and': 0.11584685290754082, 'the': 0.09114491044264654, 'of': 0.05855685599685913, 'to': 0.05433091993312083, 'is': 0.04703380926913037, 'was': 0.0430532758732154, 'be': 0.04055544360405495, 'it': 0.02837573198193939, 'he': 0.028364111396779787}, {'he': 0.18276390528851247, 'who': 0.09674259266188684, 'they': 0.08751241585179752, 'I': 0.07896370408769166, 'and': 0.06610268454230225, 'that': 0.05348773342754297, 'which': 0.05121005491159064, 'she': 0.04708032511582316, 'it': 0.035645375447815666}, {'and': 0.1664366917266988, 'that': 0.06717962705361745, 'but': 0.02872075379668435, 'and,': 0.015634500554481255, ';': 0.014334998447542364, 'that,': 0.01190830389828911, 'was': 0.009991076258281294, 'him': 0.009745629785641767, 'worth': 0.00970476604932067}, {'is': 0.04243759685257465, 'nothing': 0.02729614735469178, ';': 0.02641336323297456, 'are': 0.02568960924424947, 'was': 0.0198913773467094, 'it,': 0.014437443216817454, 'had': 0.011970248432488957, 'have': 0.011240054949575418, 'them,': 0.011150700121346852}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'and': 0.12856473712271582, 'time': 0.08664747261455281, 'days': 0.08267759769151271, 'or': 0.06892470178113663, 'years': 0.0615771574690067, 'day': 0.05748834893941939, 'that': 0.04734522564070686, 'but': 0.046245785308932, 'long': 0.045191102163790055}, {'manner': 0.1103951809557842, 'and': 0.052453475314599624, 'that': 0.03036937771827381, 'way': 0.019689239401330938, 'time': 0.015058937839784212, 'it': 0.013360831017844856, 'all': 0.011946359345780016, 'one': 0.011858054142763546, 'part': 0.011827296831737295}, {'and': 0.10427391794391729, 'the': 0.09529157805701977, 'of': 0.06774776021385372, 'to': 0.046933141365124345, 'Mr.': 0.03480178184452097, 'a': 0.0283054534578454, 'he': 0.026021535937289828, 'The': 0.024713644315632933, 'that': 0.020423948156616047}, {'the': 0.32512339546370067, 'a': 0.23158179697995498, 'and': 0.05187717019991178, 'The': 0.03825067176259964, 'his': 0.03810539085976427, 'every': 0.028163288176109327, 'this': 0.027257369171595543, 'United': 0.025947674389295523, 'young': 0.024275688330599343}, {'and': 0.10506198287938252, 'him': 0.03209556935612786, 'application': 0.031061195895331416, 'was': 0.029615672989565755, 'it': 0.02744669467120214, 'up': 0.02677489106573396, 'made': 0.024182720209844934, 'out': 0.023178023165199367, 'time': 0.02248390682722411}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'the': 0.26689561431688286, 'this': 0.23572963487839568, 'his': 0.07521509372736579, 'that': 0.05677233284337012, 'first': 0.04921960653619893, 'same': 0.03970217316719064, 'taken': 0.03364625187077379, 'on': 0.0319595775055698, 'took': 0.030204639843958044}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'and': 0.15487704792533127, 'that': 0.12152398476416784, 'as': 0.0996735176135662, 'which': 0.07461313954782843, 'when': 0.06576423955339664, 'but': 0.033527738299276466, 'where': 0.027415021834893884, 'if': 0.025876190572274926, 'what': 0.020367014927378687}, {'of': 0.1359676651392709, 'the': 0.12287535886750492, 'and': 0.06565655279515946, 'to': 0.05754022169199214, 'in': 0.04062346151669864, 'on': 0.03909854737716166, 'by': 0.03819142581566716, 'a': 0.03133579093198706, '<s>': 0.027958315454995192}, {'it': 0.23039806328331283, 'It': 0.14901707463849947, 'which': 0.06744228311799723, 'that': 0.05925610380357884, 'he': 0.05494595928704875, 'and': 0.05368176556500528, 'This': 0.03786670037583392, 'there': 0.02891119524541185, 'who': 0.024840630663397582}, {'going': 0.08836270235782519, 'looked': 0.08540924603362282, 'went': 0.07392283487057875, 'was': 0.058504950104648575, 'go': 0.048469560788404774, 'relied': 0.04630222826751411, 'and': 0.040562037642651226, 'is': 0.03968113543470972, 'put': 0.03712582072110329}, {'of': 0.14544728634397536, 'the': 0.08081629315738684, 'and': 0.07039020097004627, 'a': 0.05645329256865379, 'to': 0.054558306002731545, 'be': 0.04870731398002104, 'was': 0.04375255925614917, 'in': 0.03967821497772084, 'is': 0.03415706896781288}, {'and': 0.10801907500523789, 'there': 0.044558854200432506, 'that': 0.03877289024566334, 'or': 0.03452544313144573, 'There': 0.02761607374087299, '<s>': 0.025743629777582502, 'which': 0.021377487205648853, 'have': 0.0166712936692379, 'one': 0.014380207675788076}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.10538241056907567, 'to': 0.09408713137492118, 'at': 0.05904269432769738, 'the': 0.05580230547068866, 'and': 0.04188087678941465, '.': 0.032136670284416136, 'in': 0.03055116362734137, '<s>': 0.019519309228215733, 'by': 0.013253333562596047}, {'for': 0.19735377336327933, 'of': 0.1285811849150697, 'and': 0.10464473302199112, 'to': 0.09892472980054479, 'with': 0.09374054077748824, 'in': 0.07192689090769908, 'upon': 0.04375225997766198, 'see': 0.040866738752849054, 'by': 0.03913696089702755}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'this': 0.26400387740288594, 'the': 0.17587983581231798, 'last': 0.13567040482363546, 'a': 0.11110833021576358, 'each': 0.06414431626377527, 'past': 0.06306181880572986, 'next': 0.04978150346849058, 'every': 0.047347773738389, 'one': 0.03706254303536125}, {'a': 0.2884058886268196, 'his': 0.11895470394534845, 'the': 0.10915343336255882, 'good': 0.06919112579160853, 'their': 0.06584098430675359, 'and': 0.06492638758535622, 'in': 0.06228442856819583, 'great': 0.060346642884435954, 'of': 0.04861487909492134}, {'the': 0.21522612667412178, 'of': 0.1511997353611204, 'to': 0.05038804922042927, 'by': 0.046734156266127425, 'in': 0.04564777914546181, 'and': 0.04142631540327612, 'for': 0.028157481559553933, 'that': 0.024628003074011116, 'on': 0.024354074095008643}, {'to': 0.7274661050046918, 'of': 0.06670198116050245, 'and': 0.06536923813307219, 'the': 0.029986671155277905, 'will': 0.025464984575309838, 'by': 0.01226242935557966, 'a': 0.011452535557368405, 'as': 0.010282628456124704, 'for': 0.008954042116182672}, {'and': 0.1339321645008505, 'that': 0.07209690056228373, 'for': 0.060993032193038595, 'of': 0.05977106557292727, 'make': 0.055666412193478024, 'as': 0.0556467139112165, 'in': 0.05235736430633153, 'with': 0.04875676025107626, 'but': 0.04473639608813197}, {'made': 0.08329991235877175, 'and': 0.08101134671409826, 'owned': 0.054099228506223805, 'occupied': 0.037600553934019024, 'accompanied': 0.03392102474539285, 'assisted': 0.03128640535785278, 'given': 0.027620904807990978, 'followed': 0.02743538083911405, 'signed': 0.023920362965688828}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'of': 0.3280349374098746, 'to': 0.12136429387383753, 'in': 0.10255781248061188, 'and': 0.08827341390118258, 'by': 0.04981622134390295, 'for': 0.042098470045252905, 'with': 0.03746649816113907, 'at': 0.0346282744456123, 'or': 0.03399074918607834}, {'the': 0.24833624058907752, 'of': 0.1358263742565774, 'any': 0.07238867309960202, 'in': 0.06092245047138767, 'and': 0.06009443521510928, 'to': 0.0491944275979737, 'great': 0.047490840736288016, 'this': 0.03871545303176346, 'their': 0.034221571699026704}, {'the': 0.140323282198182, 'per': 0.09340845484744015, 'of': 0.08933386241062566, 'a': 0.08686585183761117, 'for': 0.03705691751384962, 'all': 0.03668256340255595, 'his': 0.031092655025712575, 'said': 0.029594305905116636, 'and': 0.028712476435145448}, {'of': 0.15985453877695838, 'the': 0.09502846416525065, 'in': 0.05845807207715751, 'and': 0.04749673608087739, 'that': 0.03780945476695417, 'to': 0.031324348349176294, 'The': 0.026721992530225346, 'for': 0.023155839315457248, 'Mr.': 0.019973943650508502}, {'of': 0.20384205280896042, 'and': 0.13179351137767845, 'are': 0.11614038614256743, 'in': 0.11064908913029127, 'for': 0.10448725317717285, 'is': 0.09615431067367025, 'was': 0.04400407483623493, 'by': 0.034871504814507744, 'with': 0.03318223576296187}, {'It': 0.39319754430299325, 'it': 0.37206494706482535, 'which': 0.03534842653362143, 'he': 0.027095457801645757, 'This': 0.024853206520422836, 'that': 0.01817532482199683, 'what': 0.01629320531972866, 'He': 0.015437639519106794, 'who': 0.014435441460554543}, {'be': 0.23031906249017853, 'was': 0.14409079653531837, 'he': 0.11562200340251105, 'and': 0.10056518651438655, 'is': 0.075904633239423, 'been': 0.05398913029927212, 'were': 0.042878507332479256, 'have': 0.03702010115262694, 'are': 0.03685200241485865}, {'they': 0.13997263342655353, 'it': 0.11089641668718192, 'we': 0.10047163087641467, 'which': 0.09166723101373202, 'he': 0.08747870210965, 'that': 0.07044730663055981, 'you': 0.06859184705896383, 'It': 0.0628288120260017, 'as': 0.04775125973622915}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'in': 0.04345180412702432, 'and': 0.040506683585328766, 'was': 0.0317247979028611, '<s>': 0.02558521056017962, 'I': 0.025075051441913333, 'have': 0.025041422456488487, 'is': 0.023144774268609714, 'it': 0.022376080374290966, 'be': 0.021966930705938387}, {'a': 0.2631100248867132, 'the': 0.25113214129199196, 'good': 0.0514361018245621, 'large': 0.049276564221942584, 'an': 0.04497623798798674, 'and': 0.03668220768910074, 'his': 0.032398127539784376, 'The': 0.030374475652721757, 'to': 0.023653530226257963}, {'and': 0.09468249737622518, 'depend': 0.03875088893599322, 'based': 0.03863406357657407, 'placed': 0.0380392715961322, 'depends': 0.03779424552216468, 'called': 0.03705486424756454, 'down': 0.03295251281941486, 'made': 0.032658028953724605, 'effect': 0.028685464570585545}, {'forenoon': 0.0582490741968471, 'one': 0.049862196816315006, 'result': 0.03987800092652688, 'out': 0.0376061003153729, 'all': 0.036286459703992496, 'part': 0.030758784493381777, 'some': 0.024394642915857804, 'much': 0.023956915270718103, 'is': 0.02381300320797522}, {'the': 0.7045656855619107, 'a': 0.09439250802600929, 'The': 0.03179735674199868, 'first': 0.030598342105265873, 'tho': 0.02698997962858196, 'some': 0.023680298506204962, 'in': 0.023020785628587375, 'any': 0.019579829524311844, 'this': 0.016262555861784694}, {'statute': 0.2178702553998322, 'and': 0.09230913868589358, 'that': 0.03930311449245735, 'or': 0.037115821972932075, 'as': 0.030182620629376905, 'is': 0.02632896711410034, 'it': 0.02557299373610032, 'was': 0.02345060337021054, 'be': 0.023044230983195888}, {'the': 0.5590590822031979, 'a': 0.06571623716673006, 'this': 0.04459996697586031, 'of': 0.04259249992720659, 'and': 0.03287038802061677, 'The': 0.03079790793589999, 'tho': 0.02789325242879251, 'his': 0.02520974030479456, 'tbe': 0.014764359900714539}, {'and': 0.2020753902196964, 'as': 0.16015518888294134, 'that': 0.1368610134162498, 'but': 0.04874472335438409, 'even': 0.0466233678630437, 'him': 0.030853346263064154, 'asked': 0.026513207079138654, 'or': 0.026070027265889577, 'But': 0.020593520388761027}, {'the': 0.18226616748733143, 'of': 0.09055536536617964, 'and': 0.07875087345412557, 'a': 0.04282959090962975, 'that': 0.0423577110756612, 'The': 0.028952021800772214, 'in': 0.02827161666549837, 'no': 0.02464103014114996, 'Mr.': 0.02431919560564389}, {'they': 0.1255715487634471, 'it': 0.12534058274304735, 'you': 0.09570600952902376, 'we': 0.09357023621856524, 'which': 0.08060228215110858, 'that': 0.07627989055146184, 'as': 0.05883056035521296, 'he': 0.050926705661324345, 'It': 0.050668368980268746}, {'any': 0.27243310767318185, 'the': 0.19204906609103, 'a': 0.08727527660571681, 'this': 0.0748452833382499, 'that': 0.05910834921767392, 'no': 0.03630277117583506, 'on': 0.03205270270565099, 'or': 0.02806124625757937, 'of': 0.027348045391993817}, {'to': 0.32040123442259544, 'will': 0.2405601441405995, 'shall': 0.10708703317379316, 'should': 0.06457839564828417, 'may': 0.05532332060354648, 'can': 0.04696380848358606, 'would': 0.0434992133451546, 'not': 0.036168740195381834, 'must': 0.03584517436925347}, {'the': 0.17259713434005025, 'of': 0.10293073232041454, 'a': 0.0849706858676569, 'and': 0.05313687900229971, 'or': 0.042232827593931904, 'to': 0.0405057052805797, 'in': 0.03422281356011614, 'any': 0.024320751750585658, 'be': 0.019453024573303165}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.16426992389034856, 'of': 0.09702422726033204, 'a': 0.05773100365794107, 'to': 0.0477127103678804, 'in': 0.043022325231464896, 'any': 0.04060122164564591, 'for': 0.03929311515808009, 'or': 0.037243611065177915, 'and': 0.0343918480098038}, {'have': 0.18064348149380088, 'has': 0.14211009806668096, 'is': 0.12253662977602177, 'are': 0.11044349710677052, 'had': 0.09980462248335509, 'be': 0.0770268924263782, 'was': 0.06491912586168319, 'been': 0.04621663217279537, 'were': 0.034882778059025905}, {'to': 0.14869474264937652, 'and': 0.13571206047606105, 'of': 0.053837228370257825, 'the': 0.05197162433529989, 'he': 0.04669578621396971, 'in': 0.04296777632239948, 'I': 0.01882202655646428, 'was': 0.01722030351610893, 'by': 0.016683074618702224}, {'day': 0.025945912829229645, 'sum': 0.015941118598954987, 'out': 0.015430444478105688, 'one': 0.014752360145688759, 'that': 0.012300175876796965, 'and': 0.01095695956874921, 'period': 0.009928299575177537, 'time': 0.008591736238676135, 'state': 0.007861124982813801}, {'the': 0.5993274415380323, 'a': 0.06838578787739256, 'The': 0.05538345387679857, 'tho': 0.03075294410024777, 'and': 0.02637083247706813, 'county': 0.017305462684264323, 'of': 0.017083477918261817, 'one': 0.015030350092565446, 'State': 0.014786781076062643}, {'the': 0.17436128366415746, 'and': 0.07952607699092822, 'of': 0.07012256870555748, 'Mr.': 0.037660024280623684, 'The': 0.035319216631114175, '.': 0.023354312054415464, 'that': 0.019745208315911065, 'Mrs.': 0.016769830556761144, 'to': 0.015402565024548018}, {'and': 0.11855345980160215, 'that': 0.04834655291398339, 'made': 0.0378194600336547, 'is': 0.03527537111848093, 'was': 0.03499608325061649, 'placed': 0.02838596072187782, 'as': 0.025722738445492364, 'be': 0.025414814918467716, 'or': 0.02501953233801765}, {'of': 0.358042780678881, 'to': 0.16254774452662574, 'in': 0.09421602736507972, 'on': 0.056003229369636504, 'by': 0.05485768224311226, 'for': 0.05314681422550714, 'that': 0.04709647446702241, 'at': 0.04634839794697348, 'and': 0.03794545500910519}, {'of': 0.2516785079070408, 'to': 0.17077690523959121, 'that': 0.08134724450562231, 'and': 0.07617025550985464, 'with': 0.06639888711215364, 'in': 0.06576998368417421, 'for': 0.04511902909829278, 'all': 0.04121516977661078, 'on': 0.03850248724145271}, {'the': 0.10629408008167358, 'and': 0.08815290217439943, 'of': 0.08536416028430537, 'to': 0.046878940751438676, 'for': 0.04074067769183736, 'in': 0.034670757533720314, 'are': 0.027879360579562255, 'be': 0.026231642262520862, 'was': 0.02349990257593656}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'of': 0.2314239407033136, 'to': 0.12484361284011394, 'the': 0.08701814136008335, 'in': 0.05592958878119203, 'and': 0.05463317292775728, 'with': 0.05209591980623091, 'on': 0.05018556922260711, 'by': 0.04740137773331585, 'a': 0.046935964595304074}, {'amount': 0.12995661218782453, 'and': 0.12570070355706003, 'is': 0.1254876012770348, 'he': 0.09468596218921782, 'have': 0.05339087549136287, 'be': 0.041802180842213106, 'was': 0.040129701519125566, 'which': 0.03375053058238574, 'that': 0.032768535539985905}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'and': 0.05594037419575145, 'made': 0.0331267869608536, 'it': 0.03291709902117791, 'free': 0.03201123840769053, 'miles': 0.03017819186987653, 'years': 0.027798056187715987, 'away': 0.025554937443132576, 'him': 0.025459478408209224, 'them': 0.025437421736377214}, {'who': 0.16095279595084908, 'they': 0.14633071820455987, 'I': 0.11374326680264467, 'we': 0.11177859235105113, 'would': 0.09118539641247342, 'to': 0.07165496552062725, 'We': 0.06883963736022505, 'which': 0.04482116025433485, 'They': 0.04162279118877234}, {'of': 0.09386619043717975, 'and': 0.08833352355872878, 'the': 0.06322674683119847, 'to': 0.043783234343440926, '.': 0.04185279964740952, '<s>': 0.030404953498654273, 'in': 0.02222899742024808, 'by': 0.0186959773114364, 'at': 0.018357353136352207}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'the': 0.2954063172428901, 'and': 0.16185852019901872, 'of': 0.08732147731511222, 'most': 0.07540411781015814, 'be': 0.07257853067370414, 'are': 0.06835882577067015, 'was': 0.05714657063993498, 'is': 0.05211010863587832, 'The': 0.037167380315625415}, {'line': 0.19585411913258477, 'corner': 0.08585858437312462, 'sheriff': 0.05329200048610731, 'part': 0.046004173335383244, 'prayer': 0.03961721928792119, 'sale': 0.03906989027927032, 'portion': 0.03851445241404559, 'payment': 0.0378346559479188, 'side': 0.03532680651661504}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.2915294387152406, 'in': 0.11770740154229757, 'and': 0.09178940088736243, 'to': 0.08542332120852555, 'on': 0.0854139297162986, 'for': 0.07699346920893012, 'that': 0.057074377319271, 'with': 0.055958230852553796, 'all': 0.037054484762394944}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'the': 0.27557346665583726, 'of': 0.11270557798721306, 'a': 0.07221850142849166, 'and': 0.07144682616747912, 'The': 0.05126004377318243, 'to': 0.033380274004935644, 'in': 0.021050068820957574, 'that': 0.020887491106621362, 'an': 0.019609980429979062}, {'the': 0.33898744535978875, 'of': 0.23990034854834383, 'in': 0.20975031938977848, 'and': 0.04572937331633918, 'for': 0.028283186932384703, 'In': 0.027931029620507152, 'to': 0.024504434174331888, 'his': 0.024380343399523486, 'their': 0.01770250125009075}, {'they': 0.1541782586066408, 'who': 0.07423270332128717, 'there': 0.06865609592278805, 'we': 0.06743402016614146, 'which': 0.05203541969553862, 'and': 0.049343777402751934, 'you': 0.04504882927149229, 'There': 0.03909780193172581, 'They': 0.036944440497495006}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'and': 0.16858594684786504, 'the': 0.14687909435666827, 'to': 0.11971633281279918, 'an': 0.06372612558343897, 'of': 0.0520177542806268, 'be': 0.051006302289126455, 'I': 0.04772330372572592, 'not': 0.04689774449852952, 'is': 0.03797026603919504}, {'they': 0.22505832290213085, 'we': 0.12055987532813957, 'who': 0.10520530424539415, 'They': 0.05225129102066561, 'We': 0.05224234873393968, 'you': 0.04917519156447545, 'which': 0.047741037483762835, 'there': 0.04627478552590062, 'that': 0.04377994328462938}, {'to': 0.5701833451221585, 'could': 0.09391508344562625, 'can': 0.07488263417588459, 'not': 0.06234425716417179, 'will': 0.03566195517188049, 'and': 0.03391381581198657, 'cannot': 0.026226337072786564, 'would': 0.025288252857364284, 'they': 0.024277616605142247}, {'the': 0.24429945187852786, 'his': 0.14860459476755233, 'my': 0.14401335103552157, 'her': 0.05699504403330869, 'a': 0.04018494464570646, 'and': 0.03741980075324769, 'of': 0.029335487300955525, 'good': 0.021861773666416392, 'their': 0.02135086622473046}, {'and': 0.11855345980160215, 'that': 0.04834655291398339, 'made': 0.0378194600336547, 'is': 0.03527537111848093, 'was': 0.03499608325061649, 'placed': 0.02838596072187782, 'as': 0.025722738445492364, 'be': 0.025414814918467716, 'or': 0.02501953233801765}, {'and': 0.10219554052758101, 'was': 0.08425971925204889, 'be': 0.0713564955627902, 'is': 0.06997841425675287, 'are': 0.06978892375034097, 'were': 0.04680295930477843, 'been': 0.04590030352960818, 'so': 0.04103562297896779, 'that': 0.03428037543449426}, {'the': 0.5709555434560207, 'a': 0.09190426883872384, 'of': 0.054232549031026395, 'by': 0.04967039461642965, 'The': 0.04821263885265429, 'at': 0.042170503164953035, 'tho': 0.027492733595220586, 'any': 0.026774633600056188, 'this': 0.013075007885734935}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.3826631407562779, 'of': 0.14916471251019806, 'the': 0.13083605885123772, 'for': 0.05426746789794244, 'with': 0.05425493852434848, 'while': 0.04874274560643341, 'many': 0.04829267160788296, 'to': 0.04135613390008566, 'are': 0.02957411644204848}, {'of': 0.3051783532181893, 'in': 0.1436400151259232, 'to': 0.10602333439436944, 'for': 0.07734599089817625, 'that': 0.07106658733598945, 'and': 0.0621332732117111, 'with': 0.04884972344909618, 'by': 0.04150729094252396, 'In': 0.036419307799328025}, {'that': 0.1533829181764659, 'and': 0.12320559878259389, 'which': 0.0953591844435863, 'when': 0.07140654048984195, 'as': 0.0639067016017661, 'to': 0.061519589588405615, 'if': 0.03221913038749884, 'will': 0.032027518221750144, 'but': 0.030234421324445447}, {'of': 0.25054144947759865, 'to': 0.12326977269994392, 'and': 0.11530616690482348, 'in': 0.08605355303379379, 'that': 0.06573803721785529, 'all': 0.05249736353690374, 'by': 0.042490716706181514, 'as': 0.03418284429415734, 'for': 0.03384880438038764}, {'they': 0.16111188785265268, 'there': 0.06626249220905589, 'and': 0.06077457897578308, 'who': 0.05732257284091478, 'we': 0.045083092791755895, 'which': 0.044647664622390684, 'They': 0.03565243903755429, 'There': 0.03090159854777091, 'that': 0.02999419587928608}, {'.': 0.1206942907135854, 'A.': 0.0675993769793852, 'J.': 0.06663611812846586, 'by': 0.06330828332625589, 'W.': 0.06073836005337215, 'S.': 0.05916964340251198, 'John': 0.05783663319786117, 'of': 0.054175601443124555, 'C.': 0.0507592036870147}, {'he': 0.1640659811034412, 'be': 0.10761345915130886, 'have': 0.09553519795856003, 'I': 0.08196744527803516, 'was': 0.07819153443062081, 'and': 0.07450356115511066, 'had': 0.06162576319655148, 'been': 0.050346762583771576, 'they': 0.04821711055672917}, {'and': 0.07811820682562778, 'made': 0.03277360256811973, 'protest': 0.0323453377343977, 'up': 0.027149085029984824, 'judgment': 0.025715270995901488, 'brought': 0.025477416018728036, 'charges': 0.020906754872237122, 'taken': 0.02085315188095314, 'claims': 0.018774307532647066}, {'of': 0.11525097706639548, 'the': 0.09902686267598308, 'and': 0.09117935472502332, 'to': 0.08008504997183039, 'in': 0.042956110711791125, 'a': 0.04019182013456922, 'for': 0.03278738276250259, 'or': 0.027594391560020085, 'that': 0.022236174167398287}, {'was': 0.1803487813274843, 'and': 0.14177684789978812, 'be': 0.1329193667700796, 'were': 0.10513037657915812, 'are': 0.08807179068869798, 'been': 0.07068213743247119, 'is': 0.06246463918020508, 'he': 0.0245660808357784, 'being': 0.023485899826233714}, {'number': 0.07693779630193077, 'purpose': 0.0726615163442003, 'out': 0.04799019278268677, 'matter': 0.04412744762060964, 'instead': 0.04337929041053171, 'cost': 0.031125208521539948, 'means': 0.02992691111666975, 'years': 0.026219177465044114, 'line': 0.026061277623647707}, {'of': 0.1478402432013564, 'the': 0.1376140016248359, 'to': 0.042703722332392544, 'and': 0.036413462666366817, 'on': 0.03500235556075506, 'in': 0.030969328000546064, '<s>': 0.025821898222558055, 'for': 0.021824628650331645, 'be': 0.020917912562502576}, {'the': 0.41713877283136996, 'a': 0.2817164203756291, 'of': 0.08303903346402033, 'The': 0.040297665113450024, 'in': 0.037783859381092626, 'this': 0.03436464129524555, 'A': 0.030460047896670384, 'tho': 0.027509326584499467, 'with': 0.02083009796100061}, {'to': 0.719791006336938, 'not': 0.05902346058653421, 'will': 0.048994717201977, 'would': 0.041579970363008555, 'and': 0.030291533772023555, 'can': 0.02299021142328676, 'may': 0.021469247487898576, 'could': 0.018515801162938474, 'To': 0.01660943979738774}, {'as': 0.19564334020081534, 'is': 0.17361898028873862, 'was': 0.11453803035105592, 'be': 0.07597613135565913, 'are': 0.07235438962436194, 'so': 0.06874711688554865, 'and': 0.06490328405376738, 'were': 0.044147856946384054, 'very': 0.03761640515429367}, {'and': 0.13138779441418363, 'of': 0.11452835077345339, 'the': 0.10108047685654721, 'to': 0.045355374649344686, 'for': 0.03877034419752932, 'a': 0.038331212563399886, 'that': 0.03577152487086106, 'which': 0.03465855471199002, 'or': 0.0317270974950182}, {'of': 0.29387783698782666, 'in': 0.09466197804686548, 'by': 0.08587249234714797, 'for': 0.08286119362113008, 'to': 0.07777703972793164, 'and': 0.07485261474058985, 'all': 0.05494881004882279, 'that': 0.05263076549712916, 'from': 0.034417835638777004}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'of': 0.18009272073101648, 'the': 0.12281588444503617, 'and': 0.106838689756974, 'to': 0.05636713075691292, 'a': 0.04511836662892876, 'with': 0.026981973792162356, 'in': 0.025120600888490538, 'for': 0.020733516400419396, 'or': 0.020691091732268137}, {'he': 0.21383900943749448, 'and': 0.15601554369337373, 'had': 0.1502006774441705, 'has': 0.0920278629207543, 'have': 0.0776436335273572, 'He': 0.05994527530580612, 'was': 0.0489904845424552, 'be': 0.039622745935675746, 'who': 0.03636921360203386}, {'the': 0.6178709213022902, 'The': 0.11357949846123752, 'a': 0.05342084705507636, 'of': 0.03526943315292732, 'his': 0.03011829416014781, 'tho': 0.02588314194588342, 'our': 0.024114704807219486, 'and': 0.02013160223370615, 'this': 0.017043229799449215}, {'the': 0.15011124914381613, 'and': 0.10261581358336609, 'of': 0.09476318845538259, 'to': 0.054433437936715, 'was': 0.02075277769022802, 'be': 0.020182220242379815, 'in': 0.01987757951718589, 'a': 0.016731184482172635, 'is': 0.015564632491157748}, {'of': 0.13843786900514335, 'the': 0.08545718290773599, 'and': 0.060640863983776126, 'to': 0.05949649637540797, 'on': 0.03476027748916273, 'in': 0.02458743702747571, 'for': 0.02037629755566432, 'at': 0.01851830731820439, '<s>': 0.01484346558750913}, {'the': 0.4521951732806454, 'an': 0.13479648433797378, 'any': 0.0776649572911312, 'that': 0.049893864443461305, 'and': 0.04287955116331683, 'a': 0.04076653378731964, 'such': 0.03435728141848261, 'this': 0.031852378849890554, 'no': 0.029967906207359833}, {'the': 0.7925840170362733, 'tho': 0.03668192180509511, 'The': 0.03439227678493915, 'and': 0.024919246159742357, 'from': 0.017347225006675775, 'a': 0.014633699442428582, 'that': 0.01385248282581307, 'tbe': 0.0131506067401199, 'on': 0.011399334440900865}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.13365418208262164, 'of': 0.09754180048581389, 'and': 0.047738579261749674, 'to': 0.040186263149560954, 'by': 0.030607850940091167, 'was': 0.023708918924360462, 'at': 0.021746435878877365, 'be': 0.021290306636367853, '<s>': 0.017057305424720073}, {'the': 0.18253890953676669, 'of': 0.1156971942462741, 'and': 0.06841931970718165, 'to': 0.041391691346699226, 'a': 0.03553218132398302, 'in': 0.019342658137886996, 'for': 0.01680695970600026, 'tho': 0.015388789425243672, 'be': 0.014820558214900947}, {'of': 0.4449462409550224, 'in': 0.2668268758916532, 'to': 0.06760707464235785, 'by': 0.04208630258842143, 'In': 0.03948504934177217, 'for': 0.03714095629243704, 'from': 0.02090080394289585, 'and': 0.01847908190085746, 'that': 0.014050262441262574}, {'line': 0.06356414694593336, 'street,': 0.05063833443705971, 'difference': 0.047172442208063714, 'and': 0.04078750422678058, 'street': 0.0325593945629877, 'war': 0.01687743699077558, 'midway': 0.016250070190273608, 'lying': 0.014808704387109047, 'of': 0.013998674135802722}, {'the': 0.5948707021423598, 'a': 0.11325860805360512, 'this': 0.07115505593649697, 'his': 0.05637641724809538, 'tho': 0.04139371789063581, 'their': 0.03703134502172792, 'our': 0.016227737222954248, 'tbe': 0.015297654822426544, 'whole': 0.014030342335583148}, {'and': 0.29037729569808485, 'to': 0.2869134427301017, 'will': 0.04735735356553791, 'that': 0.02898798026008727, 'not': 0.025777034965699303, 'then': 0.02556633940619732, 'but': 0.02425812326471916, 'which': 0.02192352998591649, 'I': 0.021918135311054333}, {'and': 0.12378176552300205, 'would': 0.11746304807890276, 'something': 0.06710818270270615, 'not': 0.04472913462961768, 'to': 0.044313391360861355, 'was': 0.042174049939565014, 'is': 0.04137018430032482, 'looked': 0.0401659196752472, 'looks': 0.039407997708380986}, {'the': 0.1392463829409685, 'of': 0.08574016629324809, 'and': 0.08098180778350121, 'that': 0.044926786817916724, 'in': 0.0414248758908129, 'as': 0.032252819491501244, 'The': 0.029150264997298184, 'Mr.': 0.028634625595176995, 'which': 0.024193188355461543}, {'the': 0.6720589285594524, 'and': 0.049686547694364876, 'The': 0.042259218231562645, 'a': 0.041277438082980025, 'tho': 0.03484482311072925, 'his': 0.029560677973326614, 'to': 0.024228664284652254, 'tbe': 0.01859394441171125, 'or': 0.015385437591648721}, {'for': 0.1681531812939939, 'the': 0.1559585406460668, 'of': 0.1463849624673409, 'about': 0.11951177115958266, 'and': 0.11818243371276826, 'or': 0.06901999887843294, 'in': 0.04289711100558647, 'last': 0.034323894451797114, 'than': 0.03329518860316317}, {'be': 0.21825107344294079, 'was': 0.13864301563087594, 'and': 0.08413449416183148, 'been': 0.07710248165120821, 'were': 0.06390419220169569, 'is': 0.04645784440333399, 'I': 0.036394354313154124, 'are': 0.03489448641118649, 'he': 0.030570241229049964}, {'and': 0.09377129454296322, 'was': 0.04271315341537484, 'out': 0.028524574363226172, 'that': 0.02811573968936019, 'placed': 0.027131868575018914, 'work': 0.02578173844450971, 'made': 0.024681420068921236, 'is': 0.024021050156212566, 'up': 0.023509378606325886}, {'per': 0.8303296372749263, 'the': 0.07532312114328266, 'and': 0.012797614383535471, 'of': 0.00551950491921596, 'an': 0.0054086411432061905, 'to': 0.004540608168329307, 'a': 0.003620542648283266, 'by': 0.003225985479838087, 'The': 0.0031271694110435433}, {'and': 0.21755757190026956, 'or': 0.11584204953821049, 'that': 0.062434910199577635, 'but': 0.05936217901202866, 'not': 0.053605371343697, 'for': 0.026329150052553908, 'But': 0.024538436258933823, 'is': 0.022272065633860267, 'be': 0.02193771395836126}, {'he': 0.13139096403604802, 'it': 0.1264004879512778, 'and': 0.09360434390053558, 'which': 0.059209603525829456, 'It': 0.057554662801123035, 'who': 0.05307774060631882, 'be': 0.04251162651226504, 'they': 0.04157271017103874, 'He': 0.031038242584470375}, {'to': 0.3008120653503586, 'will': 0.15489656505372817, 'not': 0.09335716825223045, 'should': 0.08426863408539158, 'would': 0.08074420042876022, 'shall': 0.07966372570360375, 'may': 0.06727006484353827, 'must': 0.041813929519867114, 'can': 0.04013947518731263}, {'he': 0.10478356409038381, 'it': 0.10040389092447392, 'they': 0.09491305833614935, 'I': 0.08257478756715375, 'we': 0.07457030864319202, 'and': 0.06630650073337171, 'which': 0.06354245475845395, 'It': 0.05371810747750058, 'you': 0.041387911921761854}, {'County': 0.07731334933556007, 'city': 0.06918457205746228, 'State': 0.051584142142064936, 'City': 0.04747051625936204, 'county': 0.029735466965197785, 'day': 0.02536450602294154, 'line': 0.02398316483302049, 'name': 0.02236205370675506, 'son': 0.014282293097302388}, {'of': 0.1381479408377357, 'the': 0.13655265041382308, 'and': 0.09346968326824188, 'to': 0.0621840210158872, 'in': 0.054572879969395235, 'that': 0.032750415779752955, 'as': 0.02412425794695875, 'from': 0.019836296055958415, 'which': 0.017477845229229547}, {'about': 0.18583523945306554, 'and': 0.16360056153913202, 'the': 0.15962193750733783, 'or': 0.10275699245539334, 'of': 0.06023278057823211, 'was': 0.04594164958327778, 'were': 0.03217373338393314, 'than': 0.03169362898195869, 'are': 0.029024462134210924}, {'it': 0.13796128875087904, 'which': 0.12123151758558284, 'It': 0.1190182297647619, 'that': 0.07907127608922525, 'who': 0.07084173501939091, 'he': 0.07065862855136053, 'there': 0.05551808419416357, 'and': 0.034746175819115654, 'There': 0.029925963619018833}, {'and': 0.09891254845989414, 'days': 0.09664416737209414, 'time': 0.07378660673360674, 'appear': 0.056505944027835285, 'just': 0.05452489842421139, 'or': 0.054205613350377886, 'years': 0.05178600075745031, 'that': 0.04984225884553547, 'but': 0.0485353169658248}, {'of': 0.3641487536196542, 'in': 0.1553629300309242, 'to': 0.11388759979261477, 'on': 0.06305201474315977, 'and': 0.054927501976012774, 'for': 0.04386176594327128, 'by': 0.04244541698427493, 'that': 0.03927864140914532, 'In': 0.0358109080418872}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'of': 0.35260694166200646, 'in': 0.13318422825304693, 'to': 0.11201482744341981, 'that': 0.06531731505011136, 'on': 0.057629843426599804, 'for': 0.05054418537510907, 'and': 0.047231815315449885, 'by': 0.04620973679411965, 'with': 0.037899843606229264}, {'the': 0.25976872373906745, 'of': 0.12347419175627931, 'and': 0.07652320094936353, 'at': 0.03224011620030307, 'a': 0.029185833495561107, 'The': 0.02607682220643544, 'to': 0.02476551320960428, 'or': 0.021467766776499156, 'tho': 0.01799969448912727}, {'hundred': 0.23037783875377413, 'thousand': 0.21444238441660837, 'fifty': 0.06279244379308727, 'million': 0.05751617464690934, 'five': 0.04417539737420793, 'of': 0.039971270674724946, 'ten': 0.035100999688900264, 'dred': 0.015041711456274658, 'sand': 0.014637829954002951}, {'and': 0.12096432995519693, 'time': 0.05299464232551484, 'him': 0.02584519316627342, 'made': 0.025100370878498663, 'it': 0.0217936959878683, 'them': 0.02153931059441673, 'out': 0.02115160747848194, 'necessary': 0.02092612224565661, 'up': 0.020657444806176515}, {'and': 0.1313056501793289, 'made': 0.034551030036317, 'necessary': 0.03191530070016697, 'provide': 0.023191256277008975, 'him': 0.021827387004521748, 'time': 0.02091411247587312, 'but': 0.020346196766889778, 'pay': 0.02006785098451588, 'responsible': 0.019399383232926184}, {'and': 0.14042689854142015, 'in': 0.07411978768258794, 'was': 0.06749443808153881, 'is': 0.06424105126332498, 'for': 0.06387412017397823, 'that': 0.06270590867571198, 'are': 0.05410961778127643, 'or': 0.05020879076928602, 'be': 0.04416964323990056}, {'be': 0.17402821163483262, 'was': 0.1675110192013801, 'been': 0.09756540115533971, 'and': 0.08425468862602567, 'he': 0.07853636016701433, 'is': 0.060704642563310464, 'were': 0.05992567782386721, 'the': 0.048133675218348757, 'I': 0.04304229616361815}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'week': 0.09397834787057227, 'and': 0.08546755065586763, 'time': 0.030584849286485756, 'up': 0.02927875908704684, 'it': 0.024389275981262244, 'there': 0.02396551712207136, 'was': 0.023795562788487493, 'him': 0.02344285146999801, 'them': 0.01914709608688043}, {'the': 0.1541281261741526, 'to': 0.08949812285728066, 'and': 0.08174823474122353, 'of': 0.06477928962051079, 'a': 0.060448698373661236, 'in': 0.05499913905980284, 'that': 0.03256323243451221, 'for': 0.029535957216371422, 'at': 0.018969429340014107}, {'to': 0.45720043169737085, 'will': 0.16952420196960782, 'would': 0.0872432901882217, 'can': 0.05009499849629697, 'should': 0.045992472387357035, 'could': 0.04486127412339992, 'not': 0.03885824752659195, 'must': 0.03594363197420449, 'shall': 0.03321312895457539}, {'the': 0.179538664466278, 'and': 0.1349241543660552, 'be': 0.10770983153498616, 'was': 0.09912162128792683, 'were': 0.05670895881353954, 'been': 0.041062704108993396, 'are': 0.027005638324051836, 'or': 0.02548853614730597, 'being': 0.025259396772836527}, {'of': 0.0707488053844102, 'the': 0.07015630657369326, 'to': 0.03936400080712055, 'and': 0.0364026507622611, '.': 0.030033506356544535, 'at': 0.02696861741524747, '<s>': 0.018135931643947896, 'by': 0.011930194228284839, 'a': 0.011903447426426114}, {'and': 0.10506198287938252, 'him': 0.03209556935612786, 'application': 0.031061195895331416, 'was': 0.029615672989565755, 'it': 0.02744669467120214, 'up': 0.02677489106573396, 'made': 0.024182720209844934, 'out': 0.023178023165199367, 'time': 0.02248390682722411}, {'the': 0.5886279261359727, 'of': 0.12236342651086332, 'and': 0.04845575063509631, 'The': 0.045079514956222776, 'to': 0.042315572935308854, 'in': 0.041212717617717685, 'for': 0.031206491588038107, 'tho': 0.030819064794667676, 'with': 0.01926493728699154}, {'he': 0.15833783157006798, 'who': 0.11252166679113242, 'which': 0.10007920750248263, 'they': 0.08307407047038702, 'it': 0.07687172224910013, 'that': 0.06547997363155768, 'I': 0.05314002564963188, 'there': 0.04507481930663967, 'she': 0.04354106747792997}, {'from': 0.19300217727339725, 'the': 0.17434688703056778, 'in': 0.10842248080581794, 'that': 0.07919286971493883, 'some': 0.07313489208481577, 'any': 0.07057569714868003, 'this': 0.06443408865559666, 'a': 0.059106952729371, 'same': 0.05417328085966794}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'time': 0.021944708115106144, 'in': 0.018303955934642024, 'men': 0.014711816138882462, 'up': 0.014154477358410853, 'work': 0.0138988106007922, 'out': 0.012981986109272472, 'life': 0.012242046283944015, 'him': 0.011081478661892952, 'power': 0.010854704347856075}, {'the': 0.1331954013331003, 'of': 0.10395761905650669, 'and': 0.09166744382168995, 'a': 0.0674867672110823, 'to': 0.04481959524883369, 'was': 0.033914181021321675, 'be': 0.027669522756191306, 'is': 0.023821375196731925, 'been': 0.01992601692954109}, {'the': 0.30666457946119163, 'and': 0.14862291648261397, 'his': 0.12288014787445861, 'of': 0.0722625166201719, 'their': 0.05879769970951359, 'a': 0.0479059555368449, 'my': 0.04486137318247046, 'with': 0.04332752509210906, 'her': 0.03533744589117457}, {'to': 0.24709524231355953, 'and': 0.11648225838629606, 'that': 0.060563371507338815, 'not': 0.05737889326896275, 'they': 0.04783346559925299, 'may': 0.04331735671642092, 'which': 0.04121537766336274, 'it': 0.03653534791547939, 'will': 0.035340261630716296}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'the': 0.14975421255757787, 'and': 0.08176662714490365, 'of': 0.07810907635222486, 'to': 0.04925774047492858, 'was': 0.03448850686504008, 'in': 0.027506294990293327, 'a': 0.026525463667191437, 'be': 0.023716922461376043, 'is': 0.022618881168696994}, {'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}, {'to': 0.3151275595628319, 'with': 0.07751088094127385, 'for': 0.07270243122548097, 'of': 0.058022438421536725, 'told': 0.04879791660066497, 'at': 0.033159114207749335, 'upon': 0.032326365071832466, 'tell': 0.03052581230483815, 'on': 0.028361873005440786}, {'not': 0.16164756284887902, 'for': 0.12531320696177858, 'no': 0.10564095431767917, 'or': 0.0771490339904734, 'much': 0.072409585296728, 'is': 0.06764449366336509, 'of': 0.06405487479541515, 'and': 0.06367435899225737, 'nothing': 0.06263531100574042}, {'the': 0.19372258959249586, 'of': 0.10429544167753863, 'and': 0.10103995344800477, 'a': 0.08076096254060405, 'to': 0.034070950805830655, 'The': 0.027568848007758363, 'at': 0.02355061886214254, 'in': 0.019248182089254183, 'or': 0.018082977269241834}, {'a': 0.29570955330123067, 'her': 0.1410537142761324, 'his': 0.1294157055436942, 'my': 0.07522192147462539, 'the': 0.06482789231446257, 'A': 0.04436506514279869, 'and': 0.0343952169205551, 'old': 0.03324824483711639, 'our': 0.026724314792829676}, {';': 0.03809558313875275, 'is': 0.030446971627386753, 'nothing': 0.019102105426663865, 'and': 0.013724264217475718, 'it,': 0.012799828005471699, 'are': 0.0117305261926896, 'was': 0.010645583951859553, 'had': 0.009931935880424656, ',': 0.009828604120414699}, {'of': 0.27464439212717334, 'in': 0.22229479340686056, 'to': 0.14051413643753755, 'that': 0.06268933807815133, 'In': 0.05695323151713624, 'and': 0.04853256300460138, 'by': 0.04760015689398542, 'for': 0.04641202439927002, 'at': 0.031110214195159587}, {'be': 0.17077946726562787, 'was': 0.15015560605992337, 'been': 0.11808744832418555, 'and': 0.1023164996179459, 'is': 0.09364628815533194, 'not': 0.06374606376440517, 'are': 0.06328723818347148, 'the': 0.059445325677729886, 'were': 0.0585189073536987}, {'and': 0.10804239473381184, 'that': 0.06877271568896832, 'time': 0.044968333372193595, 'made': 0.03839260238470974, 'them': 0.025974954275041165, 'him': 0.0228533654232229, 'but': 0.021272463154043103, 'or': 0.020568535355851812, 'up': 0.019585160695241126}, {'and': 0.13659985865815988, 'as': 0.06613911923173059, 'order': 0.0592235552279774, 'right': 0.04907541123380652, 'him': 0.04434003898160704, 'is': 0.044138023786328466, 'enough': 0.040276847169087714, 'able': 0.0387144248877122, 'them': 0.038531883866162325}, {'of': 0.18418020312270814, 'in': 0.16264004916071, 'on': 0.14565295111830145, 'to': 0.1169178069138058, 'from': 0.09343143769498004, 'and': 0.06554964319578452, 'at': 0.05612822699202695, 'In': 0.04057424574015603, 'with': 0.035184406735679075}, {'the': 0.05328072209291032, '-': 0.04541661600384575, '<s>': 0.018155273328823295, 'and': 0.0176866431292639, '.': 0.01608201475520048, 'e': 0.012492628381584096, 'f': 0.012214641868411575, 'i': 0.009898168207800066, 'I': 0.00982224994383775}, {'to': 0.1952550365520003, 'and': 0.12927028472278312, 'the': 0.08168881188681884, 'had': 0.07338692045815039, 'was': 0.04908925576301902, 'not': 0.04437560357361399, 'a': 0.04309257306514368, 'have': 0.04151881761607952, 'be': 0.03546921764461352}, {'up': 0.0262564911384471, 'hundred': 0.02360849249013494, 'wife': 0.015164020792511819, 'in': 0.012788735002221677, 'men': 0.011369715277564588, 'time': 0.011365659493018695, 'down': 0.011256463264545723, 'life': 0.010288700313722959, 'dollars': 0.010273449537977042}, {'and': 0.1313056501793289, 'made': 0.034551030036317, 'necessary': 0.03191530070016697, 'provide': 0.023191256277008975, 'him': 0.021827387004521748, 'time': 0.02091411247587312, 'but': 0.020346196766889778, 'pay': 0.02006785098451588, 'responsible': 0.019399383232926184}, {'the': 0.22191375035245395, 'in': 0.17308172719764287, 'to': 0.16202241461423558, 'of': 0.13960895224811656, 'an': 0.06393012116966716, 'this': 0.04013148058876987, 'his': 0.03896603354552206, 'In': 0.03615610315744285, 'and': 0.029616291829316355}, {'one': 0.10292350209653997, 'part': 0.054296235218466014, 'out': 0.03778817979727874, 'sum': 0.03720286180419832, 'all': 0.03668810408450853, 'amount': 0.035585548398705105, 'sale': 0.029791980567657157, 'end': 0.02750613498450879, 'number': 0.026917568831626333}, {'of': 0.15959596828561665, 'in': 0.09259518253273118, 'and': 0.05137432893959634, 'with': 0.047285444421594075, 'to': 0.046564276841160455, 'by': 0.03996551542010092, 'from': 0.031462198116524114, 'upon': 0.026500154943899047, 'on': 0.024658943480127454}, {'the': 0.10567725082292885, 'of': 0.10212483709706624, 'to': 0.09990032851733815, 'and': 0.05120476179874442, 'in': 0.028301056445777118, 'on': 0.0260733901279727, '<s>': 0.025616759472457735, 'a': 0.020913040454298, 'at': 0.02088304194257278}, {'and': 0.2135026953863957, 'fact': 0.1141355992801601, 'is': 0.050970695933944474, 'of': 0.048974798710835016, 'but': 0.04097096552056872, 'said': 0.0385928694948601, 'for': 0.03553453574784071, 'know': 0.03299951413336232, 'all': 0.03276196033272748}, {'of': 0.24286046775555967, 'to': 0.1234753412315365, 'and': 0.114454348638921, 'for': 0.08116819579788663, 'by': 0.07523508636497113, 'with': 0.07237786281235745, 'that': 0.0588518961368756, 'in': 0.056423919648996505, 'is': 0.04496205241036193}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'the': 0.08776453918579159, 'and': 0.08404909952775357, 'of': 0.07511201563157917, 'to': 0.03903756188011336, 'was': 0.029261686464068945, 'in': 0.027870050444211314, 'for': 0.022881903481582925, 'he': 0.021524025396045254, 'Mr.': 0.02045710427467145}, {'the': 0.07841185303413468, 'and': 0.06899267585103203, 'it': 0.06325814437225034, 'at': 0.05579347333691546, 'a': 0.054614992806414374, 'It': 0.03977131438337208, 'on': 0.03234900765404272, 'of': 0.030781204665663496, 'which': 0.028831065014348047}, {'the': 0.2685963796213045, 'and': 0.05668150288268173, 'a': 0.040835454003619924, 'of': 0.04012827400462752, 'last': 0.029679941247945055, 'his': 0.02328476550765341, 'for': 0.022415511859657726, 'first': 0.020605700104559147, 'tho': 0.018260170789575817}, {'the': 0.10860112922800907, 'and': 0.08817280883269082, 'of': 0.06393796728822204, 'to': 0.05506979492458547, 'that': 0.03216687232143239, 'is': 0.03073465755326379, 'for': 0.026089858462417848, 'was': 0.023150627532736074, 'a': 0.020794312838313022}, {'the': 0.5042157714742082, 'The': 0.06648093460996528, 'said': 0.0590723737087436, 'this': 0.04069924885094658, 'of': 0.03778957449014279, 'and': 0.036371713975914884, 'Mr.': 0.02865202412435703, 'tho': 0.023324983344188078, 'a': 0.019286455185444692}, {'and': 0.14380959834520082, 'that': 0.05668793643407201, 'as': 0.04571234417881395, '<s>': 0.03112111669241383, 'but': 0.027157325200058882, 'to': 0.021838567738981147, 'when': 0.020380977278552124, 'which': 0.019946980297769906, 'for': 0.01929992039154473}, {'of': 0.05502427207504197, 'the': 0.047418473497506254, 'and': 0.04290708934138543, 'to': 0.029730172403196062, 'a': 0.020199622016124425, 'boy.': 0.019401791609960167, 'for': 0.016984412474114242, 'in': 0.016523409781970193, 'girl.': 0.014410503592966598}, {'of': 0.10631112473892627, 'the': 0.09943241832474299, 'and': 0.08159794106622675, 'to': 0.08044019399615582, 'a': 0.0411705846870669, 'be': 0.032482607452970214, 'was': 0.026600329505008413, 'or': 0.02456876992697593, 'is': 0.021232665187409037}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.4756569511047245, 'a': 0.10326894708352127, 'every': 0.08743359511178117, 'this': 0.08018243284310872, 'great': 0.037827956532883296, 'in': 0.032632114784317906, 'tho': 0.02912990397111074, 'first': 0.026461458702959902, 'and': 0.026060467095606377}, {'any': 0.15276134687072965, 'of': 0.13738091396599855, 'the': 0.10502615862368365, 'a': 0.10321670080857408, 'no': 0.09195345427545834, 'such': 0.07967906660203596, 'this': 0.05459140564487973, 'and': 0.048325274754164385, 'that': 0.04498827034290467}, {'as': 0.09070957522893763, 'and': 0.06578736628276387, 'according': 0.05921724650771688, 'up': 0.05444342983204154, 'them': 0.04455320285377602, 'regard': 0.04000436122627331, 'come': 0.038627387824939484, 'back': 0.03569076101086091, 'return': 0.033008621318438236}, {'to': 0.3389118777285939, 'will': 0.24227569421765516, 'shall': 0.0856090110742132, 'would': 0.0831198534177762, 'may': 0.07579591817826631, 'not': 0.05242296976000179, 'should': 0.04359592559885379, 'must': 0.033405637477765954, 'can': 0.019477198217702905}, {'and': 0.18740179737850224, 'or': 0.12282573633233819, 'not': 0.08928795218345387, 'that': 0.034569315596809494, 'are': 0.030826429426144084, 'but': 0.029183160926865456, 'is': 0.029005573102043478, 'was': 0.025687931526116887, 'do': 0.018886301399727114}, {'and': 0.15071383588074436, 'that': 0.06696999728457927, '<s>': 0.03575587837127836, 'the': 0.034513929477442626, 'which': 0.03396255700899431, 'when': 0.029058763579940753, 'but': 0.02769859073829926, 'as': 0.025763321611945215, 'of': 0.02386858053999806}, {'to': 0.32604524805684526, 'of': 0.1815167249395281, 'in': 0.11493976475622879, 'and': 0.06678941295788886, 'with': 0.0504987289077222, 'for': 0.04787405267899633, 'is': 0.04645986868439486, 'that': 0.03777620960068279, 'at': 0.03630410476049878}, {'the': 0.278198349504412, 'that': 0.1305235129147135, 'this': 0.10920740415921236, 'same': 0.10691158001880514, 'short': 0.09325282794291431, 'a': 0.07812729288595845, 'some': 0.06499972155769919, 'long': 0.04871333869364311, 'first': 0.038731726974191694}, {'person': 0.031373568798562644, 'man': 0.025715022858119902, 'one': 0.024678071939440573, 'action': 0.024497755718585524, 'in': 0.018360981455121307, 'city': 0.016695246368201765, 'year': 0.014461023734436673, 'county': 0.013773090231459686, 'lot': 0.013063730699641302}, {'that': 0.3778531038181693, 'and': 0.15272224738125717, 'but': 0.05434859906794892, 'if': 0.04849852196010208, 'as': 0.03285373379122745, 'which': 0.02787710675353625, 'If': 0.023848607028131765, 'where': 0.021723774560643647, 'But': 0.021257002606664833}, {'THE': 0.17122303008789955, 'the': 0.04231521406685528, 'and': 0.03401913399117695, 'at': 0.03102946532799633, 'of': 0.024811368821770187, '.': 0.02408282559497568, '<s>': 0.019941438159620562, 'to': 0.016686553966906905, 'AND': 0.01167481705267306}, {'at': 0.18447148413962997, 'No.': 0.08765680912131942, 'and': 0.06609623028367215, 'of': 0.05717894950326928, 'the': 0.03924486639734069, 'lot': 0.02992555307979096, 'block': 0.023115386756978447, 'Range': 0.02282100168235924, '@': 0.021550625777488015}, {'and': 0.14170530797940953, 'of': 0.07227017679224287, 'the': 0.04462003554708702, 'be': 0.03685807754549318, 'a': 0.035905515184589634, 'in': 0.03203315204003, 'is': 0.03168739705547206, 'was': 0.03131301567082761, 'he': 0.02922624312968863}, {'that': 0.25466083815134816, 'and': 0.16834918973013394, 'as': 0.09469006784644186, 'but': 0.09439528078415695, 'which': 0.04663291871143224, 'if': 0.038407246468254566, 'of': 0.02342045291846857, 'when': 0.022348185221517006, 'But': 0.020748786437398824}, {'in': 0.34911932051989, 'In': 0.1045203445193925, 'is': 0.08700129989325024, 'of': 0.08362548008741603, 'was': 0.06823929895998122, 'on': 0.06628273964382717, 'with': 0.06415589038520547, 'such': 0.052606445838943215, 'to': 0.04325688289909932}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'It': 0.16561978780025588, 'it': 0.0822006100340591, 'he': 0.0542558281271219, 'that': 0.050615316499446235, 'which': 0.050379107016318064, 'and': 0.03695798101995222, 'there': 0.021057495871701328, 'He': 0.01837133557117029, 'who': 0.016131160438021985}, {'it,': 0.013864234038312556, 'up': 0.01212304895581817, ';': 0.011142350583303307, 'them,': 0.010477951441277588, 'years,': 0.009473792779792952, 'here': 0.008963235952010677, 'it': 0.00830354823505331, 'him,': 0.0074188319651366285, 'him': 0.007329634640620696}, {'in': 0.02468118452069224, 'hundred': 0.023827445775609583, 'time': 0.023345092244460987, 'good': 0.022528794312261808, 'large': 0.017625363256777604, 'dollars': 0.017078017055262656, 'one': 0.015602558600846417, 'free': 0.01544549083139529, 'new': 0.015428721649460738}, {'It': 0.23489389958376156, 'it': 0.09607956263156049, 'which': 0.06143097344138387, 'that': 0.04989790481408989, 'he': 0.03974106005139954, 'This': 0.027948971380676566, 'and': 0.02519135617460705, 'there': 0.019195635440633515, 'who': 0.018557051361433742}, {'in': 0.2898069384127423, 'of': 0.1749518847195131, 'to': 0.08023322616565028, 'In': 0.05060626320744188, 'at': 0.03467611832270604, 'the': 0.03352248197399366, 'and': 0.033205587311858305, 'from': 0.030444771236428823, 'for': 0.017376288085515054}, {'and': 0.08834446949555748, 'them': 0.05937636199372365, 'is': 0.05394648357601432, 'him': 0.049039087989944836, 'went': 0.03360010666762391, 'able': 0.032703482748949464, 'made': 0.032394226560293435, 'subject': 0.03165291276397024, 'as': 0.03163992695040775}, {'of': 0.07273919265321568, 'the': 0.07012628347224838, 'and': 0.06109367265421416, '.': 0.03671305694730878, '<s>': 0.030926387923352387, 'com-': 0.01863680794342648, 'Mr.': 0.018275735546247455, 'a': 0.016789255916913753, 'Mrs.': 0.01667018796780289}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.4628951301106669, 'a': 0.11641195695232405, 'and': 0.0732679761852325, 'The': 0.048623911329675855, 'tho': 0.025709185678585572, 'general': 0.021600542829424408, 'or': 0.018634774492866008, 'State': 0.016683679550294456, 'first': 0.011820282078891584}, {'and': 0.10428141065604041, 'it': 0.03989882255415597, 'that': 0.033188939282401096, 'but': 0.031579412906198964, 'or': 0.0236735340488767, 'found': 0.022990564864374344, 'him': 0.022244399097373947, 'them': 0.020431772413488963, 'is': 0.01941755889158627}, {'the': 0.27807515797720667, 'of': 0.2510994889000107, 'in': 0.16550510581713107, 'this': 0.045444577827358966, 'a': 0.030965240174513922, 'In': 0.029654848990667074, 'his': 0.029057360835918082, 'for': 0.02409868273274077, 'under': 0.023622859798379168}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.559188442543109, 'of': 0.10617306735923639, 'and': 0.05714428712741365, 'The': 0.04145913065312767, 'these': 0.033965070012836836, 'that': 0.03055546138485141, 'to': 0.023675658509456687, 'tho': 0.0234248316692764, 'which': 0.01812138878697295}, {'the': 0.249266683445187, 'of': 0.12742721103585902, 'a': 0.10580825608638403, 'and': 0.061753967681912325, 'to': 0.04989179838062143, 'for': 0.021749983646159217, 'The': 0.021590946095628432, 'in': 0.02147493147496713, 'an': 0.021361393464156126}, {'a': 0.3522395086398441, 'the': 0.17197457405715444, 'to': 0.10951737056699748, 'of': 0.08337622876774856, 'his': 0.07782572431886339, 'in': 0.03065536699982881, 'and': 0.028836680722049146, 'this': 0.027783242772731566, 'their': 0.023948001037430753}, {'to': 0.2613955410487648, 'not': 0.13431103348038223, 'take': 0.13422936180118367, 'the': 0.07865074394838524, 'and': 0.07653459992084898, 'taking': 0.05071715737775653, 'taken': 0.04279691915703216, 'or': 0.03936431241444446, 'took': 0.028436293092065485}, {'a': 0.2551255777611505, 'the': 0.23510424853787223, 'any': 0.10072378626532229, 'that': 0.0768876047752589, 'this': 0.04691355556726983, 'every': 0.03993716030012861, 'greater': 0.038243453772756, 'latter': 0.029410411350112447, 'no': 0.026389307740317964}, {'in': 0.17560455262220476, 'of': 0.1558392974746016, 'to': 0.11838265400529102, 'or': 0.1053271097005161, 'than': 0.08846210829188883, 'for': 0.08658160168313599, 'without': 0.06901888205133078, 'at': 0.05694714652385046, 'by': 0.04658386788016498}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'and': 0.40028155586017933, 'to': 0.2545444819466594, 'that': 0.03720531185843161, 'will': 0.029915000461427112, 'or': 0.024681670591904493, 'who': 0.023224237789842873, 'not': 0.02296007692920932, 'which': 0.022457112843027704, 'but': 0.016755585502216678}, {'the': 0.6457862959391925, 'of': 0.09638172753189925, 'The': 0.060442600166419225, 'tho': 0.03974724324107876, 'and': 0.028359022722062442, 'a': 0.022240774862384082, 'in': 0.015905578996391032, 'tbe': 0.01342175859807112, 'our': 0.010705409686325839}, {'the': 0.13982678935019094, 'and': 0.11108065361821956, 'a': 0.06874366105803575, 'of': 0.06638782959613342, 'said': 0.04460482474610112, 'that': 0.02031616979739291, '.': 0.017571879063247017, 'The': 0.01646902342382023, 'to': 0.015571827092814966}, {'and': 0.08644695170179523, 'up': 0.05186409188482159, 'it': 0.043756867621484834, 'down': 0.029377605288908874, 'that': 0.024282308619047895, 'out': 0.023234581290918415, 'him': 0.021805218544617155, 'back': 0.020826598667566507, 'Then,': 0.020445692028080584}, {'the': 0.3108121771464963, 'his': 0.09831215952648806, 'this': 0.08901294305091928, 'and': 0.08193631789894584, 'a': 0.06274104049100215, 'of': 0.061225800733073286, 'in': 0.03614311823399535, 'The': 0.033997103117130875, 'that': 0.02915091839181201}, {'a': 0.24491517536515706, 'the': 0.237635568055978, 'young': 0.162889352063136, 'and': 0.059954148121378004, 'old': 0.04049378708230594, 'of': 0.030483157609735575, 'The': 0.028680238188871936, 'man,': 0.027167760404933662, 'colored': 0.026778561351547107}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'and': 0.2097705131399598, 'so': 0.0784897141790516, 'was': 0.05832234820715837, 'is': 0.05792107287819152, 'as': 0.05691655559271917, 'to': 0.05549101327619491, 'be': 0.04636880228357808, 'of': 0.034133236096940515, 'which': 0.031209174705629245}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'the': 0.16209065462208302, 'of': 0.11227421724778662, 'and': 0.09323045358516567, 'to': 0.07435835778323759, 'a': 0.05856269327989534, 'in': 0.047603815713224105, 'be': 0.04236054334762016, 'is': 0.02743980846123116, 'or': 0.023560506618234407}, {'the': 0.28991537487985797, 'a': 0.11680020600030766, 'of': 0.05982613815802263, 'and': 0.055080905467716525, 'The': 0.030611618282750212, 'to': 0.030373149007010658, 'in': 0.02903077596842832, 'tho': 0.020151833492115235, '.': 0.012267886733524032}, {'the': 0.1710387351715203, 'and': 0.06315034565501843, 'made': 0.06097466443428934, 'get': 0.050824125865134746, 'brought': 0.04575856326162984, 'with': 0.03710319095683419, 'be': 0.036912895023920554, 'a': 0.03415154809210105, 'make': 0.03205304939480126}, {'and': 0.12872972105088717, 'to': 0.07227858604943256, 'of': 0.05425309677209928, 'the': 0.03650005538424579, 'which': 0.02576491750727203, '<s>': 0.024504388241587835, 're-': 0.023936663937332427, 'in': 0.023240558661457134, 'that': 0.022739686880605316}, {'and': 0.27727334093253486, 'is': 0.12614660183303708, 'are': 0.10850916747139348, 'be': 0.08204532194291887, 'was': 0.0721763189793129, 'not': 0.060310568717133244, 'has': 0.05694980728205081, 'have': 0.04998748694659593, 'the': 0.04869738366937135}, {'the': 0.16340433906130128, 'of': 0.1244464808755671, 'and': 0.10194441744772265, 'to': 0.05399803854395344, 'a': 0.05339653749390682, 'in': 0.02576806333612112, 'for': 0.023523027182055126, 'be': 0.022155072919684955, 'was': 0.02134413533624074}, {'at': 0.13700362882985473, 'of': 0.09150762843289992, 'to': 0.06629923310513941, 'by': 0.048417421695039035, 'from': 0.03658937991608395, 'in': 0.031304201151816174, '.': 0.027116596296465137, 'for': 0.02588444398195637, 'and': 0.02494383966214557}, {'and': 0.0944521291874586, 'was': 0.03875566540646293, 'interest': 0.038418511289955055, 'that': 0.033156735601780875, 'them': 0.030573523585589606, 'been': 0.02421891401270788, 'it': 0.02393190874632287, 'be': 0.023774051859054113, 'stipulated': 0.02368072052399258}, {'and': 0.14042689854142015, 'in': 0.07411978768258794, 'was': 0.06749443808153881, 'is': 0.06424105126332498, 'for': 0.06387412017397823, 'that': 0.06270590867571198, 'are': 0.05410961778127643, 'or': 0.05020879076928602, 'be': 0.04416964323990056}, {'of': 0.2222011130777586, 'to': 0.1156059990180932, 'in': 0.09574427906217953, 'and': 0.08566486189460917, 'with': 0.07533041998873413, 'by': 0.07346020324159705, 'for': 0.06572331268076245, 'that': 0.060461459342597314, 'from': 0.0385377261307135}, {'the': 0.14331823963293128, 'and': 0.09355876212745572, 'of': 0.07463273146561433, 'be': 0.06278863594112566, 'to': 0.06176958664817019, 'a': 0.051281754511237586, 'in': 0.026094173529248855, 'or': 0.023324903599032325, 'is': 0.02210694829741953}, {'day': 0.07839932807072901, 'sale': 0.05730804837446611, 'state': 0.05379704833895011, 'board': 0.0428428756157406, 'amount': 0.04128814177014029, 'number': 0.037087424042720196, 'out': 0.0327279566367123, 'State': 0.028432551121936774, 'point': 0.027025212481889313}, {'that': 0.20726738126957747, 'and': 0.09327009527849604, 'as': 0.07849403444904157, 'which': 0.062382932009345374, 'but': 0.04874073395279445, 'what': 0.03313611556312364, 'if': 0.029057538347962097, 'when': 0.016723868304122223, 'where': 0.015759497717302357}, {'to': 0.7677764500058397, 'and': 0.03935897186197603, 'not': 0.027210525159838735, 'will': 0.02717127801820058, 'could': 0.018569722230492445, 'they': 0.017905385783142214, 'can': 0.017199329190628217, 'would': 0.0165397072507421, 'we': 0.015459032881960053}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'No.': 0.19605698645536274, 'June': 0.0945138690544342, 'April': 0.08175173624606207, 'March': 0.08019318677150751, 'May': 0.0725799169841807, 'July': 0.05793548615177453, 'block': 0.05553338392096904, 'lot': 0.04959586097213181, 'January': 0.0430590960403322}, {'and': 0.2014840068072116, 'said': 0.04793249824009107, 'of': 0.046467619715284354, 'all': 0.03811440876415481, 'but': 0.0335954384076736, 'so': 0.03254324800923094, 'fact': 0.031208607619189258, 'that': 0.026017580189084646, 'thing': 0.022804057611157388}, {'his': 0.24901455319845167, 'the': 0.18194656514280333, 'their': 0.15160322929787268, 'her': 0.08321048853495591, 'my': 0.07844912562145821, 'of': 0.05436939907322128, 'our': 0.042969917889405414, 'your': 0.035858825276452407, 'its': 0.02648713761017747}, {'and': 0.17825465048087452, 'the': 0.1228395637379975, 'is': 0.09002848917247089, 'an': 0.08142583043766125, 'was': 0.07426197704753329, 'are': 0.06692029756243191, 'be': 0.0644457628429669, 'that': 0.05027280931155194, 'been': 0.04510982088034575}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'New': 0.401870185896631, 'of': 0.16475026157722863, 'in': 0.1067272637350193, 'to': 0.0769508287194926, 'and': 0.021648104633972917, 'In': 0.020665451237089655, 'at': 0.015563085062865587, 'for': 0.014550901441891029, 'from': 0.012121794610068508}, {'of': 0.26353409284335017, 'in': 0.2109868590095598, 'the': 0.115105968932869, 'into': 0.061482055353098974, 'his': 0.0610324243607637, 'In': 0.05814557555415219, 'for': 0.05168199462000665, 'to': 0.04971035136086657, 'no': 0.047671256657641194}, {'and': 0.1335959886472185, 'to': 0.11765715635497753, 'the': 0.09449115364535657, 'of': 0.08856037460998467, 'about': 0.0529315004382234, 'for': 0.03656350546391208, 'or': 0.030686236376007155, 'be': 0.028944996878661342, 'in': 0.028556129904564746}, {'the': 0.2655363886921868, 'The': 0.0806569985956434, 'that': 0.033040817975684, 'Mr.': 0.03295572678340967, 'and': 0.027033282602984147, '<s>': 0.017661829741279538, 'said': 0.01645496596968642, 'tho': 0.014806789162158024, 'of': 0.011695953636923022}, {'line': 0.05317707448805861, 'city': 0.05094101197741444, 'City': 0.040793815171039, 'number': 0.04028801568955795, 'county': 0.034898247747514606, 'quarter': 0.026963753367709883, 'one': 0.020284199709714366, 'town': 0.018765560783479726, 'County': 0.018623086571427968}, {'of': 0.1569226659688198, 'for': 0.1258679911337299, 'the': 0.08793973173110081, 'in': 0.08381801620164687, 'and': 0.08299406285837437, 'by': 0.04935486726971252, 'no': 0.03634834777119632, 'was': 0.03396682167052214, 'any': 0.03163539093777472}, {'the': 0.1511577593529844, 'and': 0.08235485060886374, 'of': 0.07405529972651394, 'a': 0.049329816825674944, 'in': 0.04429185412017473, 'to': 0.03952912044237448, 'his': 0.026195145899925765, 'was': 0.024446468889905808, 'be': 0.02253805033929817}, {'is': 0.22535915401085416, 'was': 0.13220522282914857, 'and': 0.08184131048084514, 'are': 0.07991532206996735, 'but': 0.05426850189535241, 'has': 0.05106523139163746, 'it': 0.05062761545677948, 'will': 0.049179674887784595, 'had': 0.0484783514644368}, {'and': 0.05049270609400036, 'covered': 0.04517537158604233, 'filled': 0.038667402650483275, 'together': 0.030659217980718908, 'charged': 0.023814339760940825, 'it': 0.0213243214089443, 'up': 0.019650106793190212, 'him': 0.018225104095288727, 'them': 0.016067503551254556}, {'line': 0.19585411913258477, 'corner': 0.08585858437312462, 'sheriff': 0.05329200048610731, 'part': 0.046004173335383244, 'prayer': 0.03961721928792119, 'sale': 0.03906989027927032, 'portion': 0.03851445241404559, 'payment': 0.0378346559479188, 'side': 0.03532680651661504}, {'.': 0.0762374982238656, 'the': 0.05009436662307132, 'to': 0.04472136564815821, 'of': 0.04392406649710519, 'and': 0.04300493836565958, 'a': 0.03224367914553519, 'at': 0.030075025788026604, 'in': 0.022781135941005354, 'was': 0.020406425053828756}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {';': 0.01844495861737628, 'it,': 0.0156551452715129, 'in': 0.015281072444989779, 'up': 0.01488140982032506, 'them,': 0.01485156013165677, 'him,': 0.014620080383315762, 'him': 0.014367235513787581, 'them': 0.011070136397497588, 'it': 0.010338783811552218}, {'for': 0.1547331785917807, 'in': 0.11774832056357158, 'of': 0.11526658246247909, 'as': 0.1149213854471392, 'is': 0.08143796672633237, 'with': 0.07172875453792757, 'to': 0.07107656373889062, 'was': 0.05996795859333506, 'by': 0.04796774359418146}, {'and': 0.16116318745639535, 'are': 0.04948357391334753, 'not': 0.04929759194011949, 'was': 0.03803782956787807, 'is': 0.03749467669315157, 'it': 0.02814410430247742, 'to': 0.027462316356395355, 'were': 0.022127745158002282, 'be': 0.01927646229764544}, {'the': 0.5809133095746801, 'The': 0.08366370794157661, 'of': 0.07185812560087819, 'our': 0.06542604981840676, 'Federal': 0.04336889167868141, 'their': 0.029786743676465346, 'tho': 0.024935443408876885, 'and': 0.022989370155298613, 'a': 0.018399943860378375}, {'pro-': 0.3141081352772536, 're-': 0.14172565936505208, 'intro-': 0.12976572675358103, 'in-': 0.07922809719976265, 'pro\xad': 0.050434574624526045, 'pro¬': 0.04221311992191754, 're¬': 0.027149847332926018, 'pro': 0.026078262627927267, 'ac-': 0.02594002090562675}, {'six': 0.023372014277610154, 'hundred': 0.02141822711160783, 'twenty': 0.02137452508119798, '100': 0.01985259821647276, 'four': 0.019150957168337687, 'eight': 0.01906229252050952, 'ten': 0.017940398656271395, 'eighteen': 0.016634134697738927, 'five': 0.012955545155432605}, {'of': 0.2428873537692233, 'in': 0.11973680612014662, 'to': 0.11603402741270599, 'for': 0.07714789713097062, 'and': 0.06946396848994019, 'with': 0.060658363724453455, 'on': 0.047862408375154715, 'from': 0.04110232559766807, 'by': 0.036546241757073966}, {'and': 0.13620552913135772, 'of': 0.12882913256683962, 'was': 0.09880369654132681, 'is': 0.06293167993018538, 'are': 0.05069475197267144, 'were': 0.045813331781653456, 'for': 0.037845162866836396, 'in': 0.03713888572284056, 'one': 0.031074522732989163}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'he': 0.19909626501013172, 'it': 0.1647068820171256, 'I': 0.10109353090354996, 'they': 0.08474592648695453, 'It': 0.06910625928546536, 'that': 0.0655953485834464, 'who': 0.05828872833259087, 'she': 0.04568329760067121, 'which': 0.042064807682588454}, {'to': 0.4046401075553431, 'and': 0.12993052069268132, 'I': 0.09672821662407634, 'who': 0.07658458086088599, 'he': 0.05767357504161555, 'they': 0.0511413945158005, 'will': 0.045811065690674675, 'not': 0.045383819951994156, 'He': 0.03695303887119357}, {'the': 0.33388174159778305, 'and': 0.11516215698777713, 'of': 0.09925637559610584, 'a': 0.036273749704940406, 'or': 0.03115067702612598, 'to': 0.02719991938481156, 'in': 0.025219159705731454, 'their': 0.021208882649272877, 'The': 0.01958645303770109}, {'was': 0.19994088175732036, 'be': 0.18293685448313468, 'and': 0.17427277289383103, 'been': 0.09707896552842324, 'is': 0.08372356441225196, 'were': 0.06210304491045972, 'are': 0.04545387871664919, 'most': 0.0259807631242737, 'more': 0.025052884420480696}, {'of': 0.3595174042163942, 'to': 0.13796256851824587, 'by': 0.0769485828448201, 'for': 0.061740926675526636, 'at': 0.05935685799635074, 'and': 0.04938079088098904, 'from': 0.04677843585203033, 'on': 0.04512927360646235, 'in': 0.039900488060717026}, {'to': 0.4325021405173529, 'will': 0.10341015249700256, 'would': 0.06702768474621044, 'and': 0.06147515015719439, 'you': 0.0567195813777853, 'not': 0.05146539549540549, 'can': 0.04537280940201466, 'they': 0.042262777368560524, 'we': 0.037929433800815406}, {';': 0.017314736659570493, 'due': 0.0146039512369898, 'it,': 0.011111085834796362, 'them,': 0.009614082136984902, 'interest': 0.009554592511022928, 'made': 0.009489912962688835, 'sale,': 0.009372644626586107, 'up': 0.008366037915180168, 'mortgage': 0.006867212416876541}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'more': 0.3358345213269758, 'less': 0.12610776885394737, 'better': 0.061855474460963046, 'greater': 0.05309620038800828, 'rather': 0.05300061109261795, 'worse': 0.028818068181543897, 'larger': 0.027015813077624448, 'higher': 0.026800844486306895, 'other': 0.02617719083225004}, {'of': 0.15924613962283116, 'and': 0.10454158315483682, 'by': 0.09694949680151488, 'that': 0.07497994065122571, 'to': 0.04471404897235442, '<s>': 0.028112809007606893, 'said': 0.025112058365482727, 'which': 0.017473448971967908, 'Rev.': 0.01650269239235764}, {'and': 0.2787402105884821, 'was': 0.04777682692361932, 'is': 0.041636137923694486, 'be': 0.036530478172019064, 'had': 0.03258130403167485, 'that': 0.027704580076805263, 'but': 0.023444159765614373, 'have': 0.022909420814252176, 'as': 0.02108355006760606}, {'the': 0.08789720635497154, 'and': 0.07820325291506017, 'of': 0.07409488784379216, 'to': 0.06286243358342224, 'be': 0.05661814672863629, 'a': 0.04478774919695505, 'in': 0.029168427928634, 'was': 0.027046363262135754, 'is': 0.026073151479528232}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'it': 0.1442166939635051, 'It': 0.13044199526971878, 'and': 0.08290276608733038, 'which': 0.07938543223675974, 'he': 0.05996517521436903, 'that': 0.057386893275023054, 'what': 0.046409909549558495, 'there': 0.027664572345448897, 'This': 0.025118220289576176}, {'of': 0.14310883091677903, 'the': 0.13630118813280054, 'to': 0.08832733114527579, 'at': 0.07801834164375288, 'and': 0.07378936358582014, 'for': 0.0673068632193631, 'a': 0.05871482307229773, 'in': 0.043479905645673333, 'by': 0.029000144920178484}, {'land': 0.01026912650565357, 'up': 0.008551567728775014, 'interest': 0.008343276688741833, 'due': 0.007168509295773088, 'made': 0.006849787079378367, 'men': 0.006418901931796269, 'day': 0.006041454966296685, 'street': 0.005418356258769336, 'boys': 0.005410110217045701}, {'the': 0.47365388348966353, 'this': 0.2173555315649288, 'of': 0.07957856984959186, 'said': 0.06314077960303772, 'our': 0.03657005406096665, 'his': 0.021987460545721683, 'tho': 0.021479801426063306, 'their': 0.01750353945327925, 'a': 0.01704810887024859}, {'on': 0.31649375330494084, 'of': 0.2805669860348286, 'to': 0.10224844475052622, 'in': 0.09418451287123361, 'from': 0.06127060960145031, 'at': 0.039033273639772964, 'upon': 0.02388743414387899, 'for': 0.020749032359011082, 'In': 0.017331759239272576}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.10506198287938252, 'him': 0.03209556935612786, 'application': 0.031061195895331416, 'was': 0.029615672989565755, 'it': 0.02744669467120214, 'up': 0.02677489106573396, 'made': 0.024182720209844934, 'out': 0.023178023165199367, 'time': 0.02248390682722411}, {'as': 0.14194067412357003, 'that': 0.14011015770406315, 'which': 0.10485148409812227, 'and': 0.09273852441545812, 'when': 0.06123017926904311, 'what': 0.04640752602353303, 'if': 0.044987472341658855, 'where': 0.04016301217751322, 'but': 0.030487564873990104}, {'the': 0.3115753473313326, 'a': 0.18898280231899214, 'to': 0.15841584727022037, 'and': 0.048430899345419186, 'The': 0.04058824256456949, 'said': 0.019074720915811378, 'his': 0.018318980396533822, 'this': 0.017099662740630017, 'of': 0.01586128576046095}, {'the': 0.7397416053712612, 'a': 0.08445129868297546, 'tho': 0.047418828910696056, 'The': 0.036086884561101436, 'tbe': 0.01394869350382465, 'of': 0.013398713551200923, 'and': 0.012769525557340154, 'our': 0.011736070730617413, 'in': 0.00901964777663337}, {'the': 0.32332540028684437, 'and': 0.1795465674163769, 'of': 0.10265685914133865, 'The': 0.09925055761091167, 'that': 0.05413431832515522, 'in': 0.021140977802265332, 'his': 0.01724829998721953, 'their': 0.017160049798686256, 'tho': 0.013381239244611461}, {'and': 0.1405724802233288, 'would': 0.10011565053162298, 'they': 0.09637707401632944, 'will': 0.08452790354514901, 'could': 0.06786122314692526, 'all': 0.06726635050769877, 'can': 0.05714458233354256, 'to': 0.052213558601098185, 'which': 0.05203757640473712}, {'and': 0.19219235572146998, 'he': 0.14747915929569894, 'had': 0.10420042525662325, 'have': 0.07745940493154768, 'has': 0.06671119579858983, 'who': 0.05158515176189114, 'she': 0.03707565032811205, 'be': 0.03671222186150005, 'He': 0.03659295577929515}, {'one': 0.07824991613049741, 'part': 0.06060505846807443, 'out': 0.053403871939630664, 'some': 0.031747519292171816, 'side': 0.02766153276433834, 'end': 0.02608831104874374, 'members': 0.02530915101977882, 'portion': 0.024924456047398843, 'all': 0.023432288260240956}, {'the': 0.13803507922022004, 'to': 0.09410873578766246, 'of': 0.0885593542927609, 'and': 0.07731170524327667, 'a': 0.05282526955752225, 'at': 0.03599261075686597, 'or': 0.0294982684370367, 'in': 0.024944193860142325, 'be': 0.02172932139802153}, {'of': 0.3481277710206838, 'to': 0.11253272521340064, 'in': 0.10329493866610191, 'that': 0.0727835208207818, 'for': 0.06529792371941764, 'by': 0.06417157830757518, 'and': 0.06143284981648402, 'all': 0.044555616464638556, 'with': 0.033434790205163954}, {'of': 0.36261087502749834, 'and': 0.09427307985369782, 'by': 0.07635652444670367, 'to': 0.07493244033161167, 'that': 0.06069473285139212, 'for': 0.05854174439671554, 'in': 0.04840153698149615, 'with': 0.04381650042893528, 'all': 0.03925879888589358}, {'one': 0.08837264426949418, 'part': 0.038998327146227474, 'out': 0.02722316887260893, 'portion': 0.023814181613109088, 'side': 0.019826910280117432, 'some': 0.016247713638384235, 'that': 0.01581493783524018, 'tion': 0.01520297430519722, 'member': 0.014040980918801042}, {'the': 0.7822738379894436, 'tho': 0.043841092450287354, 'The': 0.037711114350180396, 'and': 0.030729995404298084, 'tbe': 0.01621325582342763, 'his': 0.016028844511322318, 'our': 0.014490033716594882, 'their': 0.013639226247121872, 'her': 0.012780605775241259}, {'they': 0.12968027675087954, 'we': 0.11720866917569675, 'he': 0.11301217786034423, 'I': 0.10915623545986541, 'it': 0.0780942537105434, 'that': 0.049429927787649444, 'you': 0.04766443861629837, 'which': 0.046050265781175416, 'and': 0.04018505934212304}, {'the': 0.3778424089048158, 'and': 0.09888164691202203, 'of': 0.08701094418799814, 'his': 0.07473288040105538, 'a': 0.06521145020953532, 'to': 0.027596086456986697, 'The': 0.025876230062280986, 'by': 0.025304163191418674, 'her': 0.023001044364796067}, {'of': 0.28916967586087455, 'in': 0.12605758239629244, 'to': 0.09759588805217023, 'for': 0.07256813185451619, 'with': 0.06109385825849505, 'any': 0.05995308367454934, 'that': 0.05342994892289349, 'and': 0.049204664451159515, 'by': 0.04111239308366856}, {'and': 0.14771891098540096, 'I': 0.05019104185086507, 'he': 0.03677869389976874, 'the': 0.03399999188187607, 'to': 0.03280630107317633, 'was': 0.029451118944582303, 'will': 0.024799375613626943, 'they': 0.02382641962717889, 'we': 0.023159152996939585}, {'out': 0.08851620937516846, 'number': 0.058162445188840776, 'place': 0.038597141949830556, 'state': 0.036809722201133745, 'amount': 0.030226120490870406, 'means': 0.028997628830132342, 'right': 0.02892070439889269, 'one': 0.028517529230789894, 'men': 0.02688651932740513}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'of': 0.7169712971042261, 'Of': 0.14260522956218225, 'in': 0.03000950141939162, 'the': 0.015585306082405184, 'by': 0.010162344341776253, '"Of': 0.010073322634148016, 'at': 0.009875382735917277, 'with': 0.00949959373236252, 'and': 0.008564737152008534}, {'from': 0.20353827405706174, 'and': 0.1416940434569627, 'or': 0.09647000331700328, 'of': 0.08375107077512664, 'writ-': 0.07398989030347129, 'than': 0.06812180651664355, 'to': 0.05802040126300558, 'in': 0.051382457564153335, 'for': 0.04900960584798473}, {'of': 0.194726416199917, 'to': 0.13440560510380545, 'at': 0.1169614397628849, 'in': 0.11178524352620489, 'the': 0.091422757408761, 'from': 0.058684011886808614, 'and': 0.05412342798102306, 'In': 0.04787518714760403, 'by': 0.0215839713285527}, {'A': 0.20302139850802375, 'S': 0.08529959618153098, 'W': 0.07677307454621153, 'M': 0.07113541731863918, 'J': 0.05938221359236106, 'E': 0.05595193931772672, 'B': 0.05573598239843843, 'P': 0.051983393784129105, 'C': 0.04622158219453515}, {'of': 0.06403983710701096, '<s>': 0.03515918082095954, '.': 0.03431741147078968, 'St.': 0.024706727763911623, 'Mr.': 0.020624323911587243, 'the': 0.014964947186525385, 'and': 0.013595068830746685, 'in': 0.012216666118465568, 'Mrs.': 0.011802355101275237}, {'and': 0.11578543979708968, 'up': 0.027109542419164395, 'that': 0.026925623948390518, 'was': 0.02388366678320409, 'feet': 0.02237029081489939, 'or': 0.021945051975639757, 'State': 0.021322806073961816, 'all': 0.01971234342529264, 'men': 0.019579461822597618}, {'the': 0.4879330666100292, 'and': 0.055852799275779484, 'a': 0.05422011258594904, 'of': 0.0490655575377444, 'in': 0.046447971756191676, 'The': 0.04097202303934903, 'an': 0.03948708834615034, 'tho': 0.03009942542751548, 'by': 0.026862717883272325}, {'the': 0.1431465730027887, 'called': 0.1328376788447626, 'their': 0.10142592451206052, 'his': 0.0841358646951893, 'call': 0.07631638977691135, 'much': 0.06273638397269476, 'more': 0.062427777204663186, 'no': 0.05752298330960496, 'and': 0.05217407551773047}, {'sum': 0.06763266707526482, 'amount': 0.05115149912406047, 'number': 0.04647791898818133, 'out': 0.04319200090979646, 'purpose': 0.03287061021038175, 'rate': 0.03166081911197615, 'means': 0.030801710382618027, 'matter': 0.028056588927395116, 'all': 0.02697235603425974}, {'of': 0.2877662485477972, 'to': 0.12429556759679863, 'for': 0.10701777814579497, 'and': 0.08000396341515029, 'that': 0.07040554304101397, 'by': 0.06717929356830422, 'in': 0.06564631325745439, 'with': 0.06479683359885474, 'at': 0.027039769506577393}, {'and': 0.48219496496811104, 'And': 0.07570758643092451, 'Since': 0.03588701818266767, 'was': 0.028046798371469246, 'but': 0.020604939665947404, 'He': 0.020352672947581276, ';': 0.018955956874609485, 'is': 0.018208550032908947, 'I': 0.017538304584036164}, {'W.': 0.15068493041163303, 'J.': 0.11364682410682576, '.': 0.07635890356767602, 'John': 0.07212730020417832, 'William': 0.064783316572983, 'C.': 0.06039968278725079, 'George': 0.04300484965494039, 'Charles': 0.04050134261359448, 'H.': 0.03858549385682125}, {'the': 0.5640272906930796, 'a': 0.06444463965001317, 'of': 0.05991238380167385, 'this': 0.05150535063275939, 'his': 0.045636317011125534, 'tho': 0.032305313842733455, 'said': 0.023914587391662905, 'and': 0.019226433741193035, 'our': 0.015064427610280548}, {'of': 0.28904275301978616, 'to': 0.10425489449077704, 'with': 0.08335158245061107, 'and': 0.08130176230066131, 'is': 0.07483310701908084, 'in': 0.07117533326210203, 'that': 0.05315215290608015, 'by': 0.049864758545983615, 'for': 0.049609958070349375}, {'the': 0.5877270495139538, 'a': 0.09015144601233376, 'tho': 0.04731232963197563, 'any': 0.04709074815773399, 'this': 0.03444342216232566, 'The': 0.023407479325495622, 'that': 0.02321144953231913, 'said': 0.020453003917283868, 'tbe': 0.02015831285675169}, {'has': 0.10498573841547318, 'and': 0.09111454185272402, 'I': 0.08473391025962781, 'the': 0.08071355619096125, 'had': 0.07494015448427378, 'have': 0.06948960138330113, 'was': 0.06337993282205324, 'is': 0.055246147856142215, 'he': 0.054886342422462375}, {'which': 0.16056999049141302, 'it': 0.13728047452769357, 'It': 0.12940087588672997, 'that': 0.10553401108986234, 'and': 0.07005311372095, 'they': 0.04873144372254458, 'he': 0.02859683195994759, 'who': 0.02848961103030395, 'there': 0.02736535359540617}, {'the': 0.12219597915044403, 'of': 0.0911074858297847, 'and': 0.07485006097714235, 'a': 0.0639310829755559, 'to': 0.06271027188689325, 'be': 0.032325471139670145, 'was': 0.030707823471521626, 'in': 0.028057220415748145, 'at': 0.017893126384922742}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.7551712657460324, 'The': 0.03374100971687465, 'tho': 0.03302116029619504, 'in': 0.03276759896472392, 'a': 0.026086636338153012, 'and': 0.025923795733714557, 'no': 0.01991305320411212, 'to': 0.014459931623447103, 'tbe': 0.013446869310534317}, {'and': 0.09473551854507056, 'wait': 0.03802913329623008, 'not': 0.03657847126071303, 'them': 0.03345727745332293, 'was': 0.02814326382711981, 'annum': 0.027555914178478944, 'adjourned': 0.026306125321754432, 'it': 0.025902646157285457, 'is': 0.024896080203927612}, {'that': 0.19529459725552145, 'and': 0.1893205846914157, 'but': 0.10676670620972793, 'as': 0.07688705093448475, 'which': 0.058663178485630074, 'if': 0.03975885240158478, 'when': 0.03805535861827694, 'where': 0.02774861381497361, 'But': 0.025105247517370508}, {'the': 0.363398665492157, 'of': 0.22396456900030823, 'a': 0.0401974538337605, 'this': 0.03295965978197667, 'by': 0.03089636181619952, 'and': 0.028812874755771403, 'The': 0.026528942704967258, 'said': 0.025198735450374057, 'that': 0.022927138364534142}, {'those': 0.32331168649323067, 'men': 0.12611017237302954, 'and': 0.055502360308544864, 'people': 0.04977146188035439, 'Those': 0.04318407838658813, 'man': 0.03017801726672852, 'all': 0.029550125802088243, 'persons': 0.02823294476606761, 'one': 0.020748500949425576}, {'the': 0.4193882071538068, 'a': 0.08959292319700503, 'this': 0.08307645084020074, 'and': 0.06270186268194487, 'of': 0.05682662240406408, 'for': 0.0508686575257866, 'any': 0.03700541437604668, 'in': 0.035884980418313374, 'other': 0.03521806318323861}, {'of': 0.24837498600964675, 'to': 0.14549606556614994, 'and': 0.08031908821549788, 'in': 0.05156012326898047, 'for': 0.043803528235033064, 'by': 0.042093775588295024, 'with': 0.03912962049603904, 'that': 0.029055924298154092, 'at': 0.02091080431363773}, {'and': 0.06323512179649425, 'demand': 0.037054323179249664, 'ready': 0.023096849686935178, 'time': 0.021985795318172532, 'used': 0.020691887773819355, 'vote': 0.018800345233578424, 'place': 0.01602559270786069, 'provided': 0.014200252812152961, 'candidate': 0.014120309498138476}, {'he': 0.15760358998476107, 'it': 0.07960037078123837, 'and': 0.0783183575860865, 'which': 0.07061259049398295, 'who': 0.060154149166401126, 'that': 0.05828712503669086, 'It': 0.045137051777501276, 'He': 0.03462748460810424, 'she': 0.027243872518348946}, {'the': 0.7248359777830632, 'The': 0.06119997311838863, 'an': 0.04896700720055212, 'of': 0.02849427205162812, 'tho': 0.026065853681364774, 'public': 0.02090550293136902, 'his': 0.01629286827677021, 'and': 0.014587327547654304, 'this': 0.011746521277667081}, {'and': 0.14170530797940953, 'of': 0.07227017679224287, 'the': 0.04462003554708702, 'be': 0.03685807754549318, 'a': 0.035905515184589634, 'in': 0.03203315204003, 'is': 0.03168739705547206, 'was': 0.03131301567082761, 'he': 0.02922624312968863}, {'and': 0.07876689232418883, 'as': 0.06702440671241168, 'is': 0.057637312032161936, 'right': 0.052582805358804524, 'him': 0.04551869721224671, 'able': 0.041478070668639226, 'time': 0.04102003149333166, 'them': 0.03423358401862002, 'enough': 0.0339909602857986}, {'of': 0.3313511331087806, 'to': 0.1286967374102961, 'and': 0.09117489504083026, 'that': 0.07958803186857724, 'in': 0.07143631775763916, 'by': 0.05831097202905276, 'as': 0.0560371963029713, 'is': 0.04284329537091172, 'with': 0.03588547146702571}, {'and': 0.1961157756414772, 'it': 0.1586470885591864, 'It': 0.15200805749240542, 'he': 0.11106788202007156, 'as': 0.10532562259464566, 'she': 0.03483651331626869, 'that': 0.03306207556304245, 'which': 0.02862283233234516, 'He': 0.02651217722842223}, {'the': 0.4694003523717239, 'an': 0.11107272930786574, 'The': 0.09211709648247136, 'no': 0.051312021557886785, 'and': 0.036811342777256305, 'that': 0.03336864603322017, 'their': 0.030528046265615314, 'his': 0.029298367532781373, 'An': 0.023108675758227018}, {'be': 0.21091628095364004, 'was': 0.20968782131581573, 'is': 0.1318484986800999, 'been': 0.09424893633157445, 'were': 0.050364544461974546, 'are': 0.04507247330485781, 'and': 0.04486294833285199, 'have': 0.03993563022713199, 'has': 0.034984115112008975}, {'United': 0.9082100513110543, 'the': 0.03588641701736944, "I'nited": 0.006521857402633836, 'Southern': 0.0032426476404127757, 'The': 0.0029790560357999263, 'ted': 0.0024227491970658004, 'nited': 0.0023931614633242284, 'Uuited': 0.0021333860150518054, 'of': 0.0020588975276049585}, {'be': 0.16213050642585033, 'has': 0.13103075376580772, 'have': 0.12665054464578, 'and': 0.08730257567514724, 'had': 0.07446956543376668, 'he': 0.06569204176868468, 'is': 0.060636410318763836, 'was': 0.058132152249672324, 'been': 0.047100597846176616}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'the': 0.24173186644873054, 'of': 0.1264804730623645, 'and': 0.08331959595593887, 'a': 0.07678669948469065, 'in': 0.02227872850197047, 'to': 0.019468778320699653, 'or': 0.017891130897969953, 'The': 0.01759084026465017, 'tho': 0.015524648398075488}, {'the': 0.846222507792138, 'tho': 0.03361392220997162, 'The': 0.021438821024030278, 'tbe': 0.018211781531508816, 'a': 0.014168167617812517, 'of': 0.012825698188533362, 'and': 0.008567263900454999, 'on': 0.007469111964868135, 'by': 0.007408584947664914}, {'Of': 0.47946244548425565, 'of': 0.16793153972582042, '"Of': 0.06911177833386377, 'the': 0.06045766893175236, 'this': 0.03584219501725037, 'his': 0.02353243995908515, 'a': 0.022069967840228712, 'in': 0.01855844923960712, 'that': 0.014003950098896488}, {'there': 0.23002167995065056, 'There': 0.15522438405807482, 'they': 0.10438689066618358, 'we': 0.06192566543871323, 'and': 0.046705184547613375, 'who': 0.04417916186458067, 'you': 0.04194879716346913, 'They': 0.03656254781786244, 'which': 0.02988665971657223}, {'to': 0.5496765230366765, 'will': 0.10885735798362615, 'not': 0.05955108255317233, 'and': 0.0594002186001458, 'would': 0.04231882669656932, 'I': 0.032727547048392314, 'they': 0.028691974293169883, 'can': 0.028028554048500628, 'the': 0.027404182546079615}, {'the': 0.1582239032152811, 'of': 0.09516457422944084, 'a': 0.07647001975384626, 'and': 0.07035099867899393, 'in': 0.05295781982097016, 'to': 0.039663160488044184, 'that': 0.03186898229943795, 'for': 0.026055133985045317, 'which': 0.02258665566839403}, {'the': 0.388540826508361, 'that': 0.1017551770232934, 'some': 0.10071136373882729, 'any': 0.07468824818484734, 'this': 0.07155634074677254, 'same': 0.06858377226528442, 'a': 0.06121603419889049, 'no': 0.03161044598068477, 'The': 0.02798087679772486}, {'the': 0.1512616913031196, 'of': 0.11797904945102052, 'and': 0.09725160665249702, 'in': 0.07616300759732274, 'to': 0.04805836425009421, 'for': 0.044987806776225096, 'a': 0.041955829248830095, 'that': 0.03072409723674589, 'or': 0.03045764779941125}, {'the': 0.4287878924335876, 'and': 0.17367007976045792, 'The': 0.05672940045742603, 'that': 0.05492159335762067, 'of': 0.05068431526984948, 'this': 0.03521615950667398, 'to': 0.03391654141184023, 'than': 0.02940787495020211, 'a': 0.02717317030469168}, {'the': 0.23060589832461595, 'a': 0.20991269621856998, 'of': 0.10471583666182908, 'and': 0.08756459450575169, 'his': 0.040297010459924516, 'to': 0.033536095940817794, 'with': 0.03246506125961098, 'in': 0.031612023405850065, 'for': 0.025503389156869113}, {'day': 0.08023080460257806, 'line': 0.07498875576770038, 'city': 0.07362330833683967, 'State': 0.05091994382234474, 'corner': 0.03527098136734205, 'part': 0.0330916823663212, 'side': 0.028083577585594075, 'state': 0.02719239191349457, 'quarter': 0.024373244858014172}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.23705815245287667, 'in': 0.12681343830288247, 'for': 0.11027032133802844, 'to': 0.10877303641254789, 'at': 0.10257352239743965, 'and': 0.07188973615325021, 'on': 0.059432915718560915, 'from': 0.04817176783766299, 'with': 0.04620610966665219}, {'number': 0.1513661980714288, 'hundreds': 0.07760954314972675, 'thousands': 0.04130328434465271, 'amount': 0.03872875140738683, 'out': 0.03242829956220262, 'right': 0.029732549503939155, 'and': 0.025139882900905183, 'that': 0.017268495631441314, 'class': 0.01708851687120964}, {'the': 0.4053165476029872, 'of': 0.1402252152587357, 'and': 0.07867062771402122, 'tho': 0.0323199141866528, 'to': 0.02775686859704139, 'The': 0.02603948523730689, 'in': 0.022896903295487037, 'for': 0.02068588866441905, 'an': 0.0191744265381903}, {'therein': 0.21613507100755366, 'above': 0.19275089653055255, 'hereinafter': 0.13931970045626263, 'hereinbefore': 0.10823876524111194, 'and': 0.05027308917373644, 'be': 0.01577192930367058, 'is': 0.01484632822726161, 'I': 0.014223549462229732, 'he': 0.013853326582235568}, {'and': 0.08948310845059203, 'was': 0.07724020274825848, 'is': 0.05665269059246068, 'be': 0.04632882233823424, 'it': 0.035297685068698584, 'interest': 0.032953249073709744, 'are': 0.03229555768780239, 'not': 0.0317310213061067, 'been': 0.030366135477843954}, {'that': 0.06896676549072983, 'and': 0.04357712742567767, '<s>': 0.036593280356260485, 'as': 0.030387617984751175, 'it.': 0.02333402714433281, 'but': 0.020871897429230804, 'which': 0.01959331329297174, 'him.': 0.018360381641890116, 'of': 0.017639158079916617}, {'and': 0.060249195313692556, '<s>': 0.0482089081861345, 'to': 0.039816552505539185, 'of': 0.03438569912094079, 'in': 0.028688087283698885, 'for': 0.02580182589256827, 'the': 0.01726552522872135, 'a': 0.015490757725597116, 'by': 0.014831279654694848}, {'the': 0.8339168273895188, 'tho': 0.029576078123126234, 'The': 0.02655559676951437, 'a': 0.025475944390771433, 'this': 0.02313675713103553, 'sole': 0.011651430247932576, 'tbe': 0.011313957254105191, 'that': 0.009082069449967091, 'and': 0.005742795558398797}, {'of': 0.34026474222724573, 'in': 0.14650274487135068, 'to': 0.10579300397483703, 'on': 0.061166966567603925, 'from': 0.05106303617877561, 'and': 0.048295988758875946, 'for': 0.04780086988906517, 'In': 0.04192459447201315, 'at': 0.041244374955396776}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.37801987687800326, 'in': 0.15284081557092635, 'to': 0.08778938466228974, 'In': 0.04700816141813068, 'that': 0.04252946715914091, 'for': 0.04167777519437705, 'by': 0.03795272869101662, 'and': 0.03672477113784621, 'on': 0.035641453486719196}, {'hundred': 0.15604367101341324, 'two': 0.10275976948897493, 'one': 0.03087834730951554, 'three': 0.013572712839617421, 'feet': 0.008945210791262814, 'wife': 0.008199268491215198, 'dred': 0.007693337369864255, 'four': 0.007503670353228803, 'and': 0.007415132838061897}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'and': 0.07974045412411097, 'wait': 0.05495620148067003, 'it': 0.03313710765328348, 'them': 0.031154646931204982, 'not': 0.0251584252227589, 'him': 0.025059904441722014, 'out': 0.02433087987161198, 'me': 0.024105335925510372, 'but': 0.02060055733806166}, {'be': 0.4073031971981164, 'was': 0.13480577188125398, 'been': 0.10904008302085605, 'is': 0.08228588423425552, 'were': 0.04017905965815486, 'and': 0.032440816171403375, 'bo': 0.030600859406253313, 'being': 0.029997875423346473, 'have': 0.0295343486336729}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'the': 0.14309936195386752, 'of': 0.11435851857925557, 'and': 0.07679204857230557, 'to': 0.05767422545430939, 'was': 0.051462649112687164, 'a': 0.044387177950600244, 'be': 0.039386020154803844, 'in': 0.03913091724555907, 'is': 0.03317156499467845}, {'the': 0.10254899323962945, 'and': 0.08672066584549279, 'be': 0.06718293253430607, 'was': 0.066714350510063, 'of': 0.062142448154758216, 'to': 0.0470377945272685, 'is': 0.04045405956202174, 'been': 0.03329532229695042, 'a': 0.029155698848644288}, {'the': 0.5303178900115388, 'of': 0.08792650814146966, 'at': 0.07618282599439904, 'The': 0.03640310455898703, 'tho': 0.035690468514549926, 'and': 0.029792351977994604, 'to': 0.028260983431059084, 'At': 0.017072365286887665, 'tbe': 0.01384099781641128}, {'of': 0.1614349261906739, 'and': 0.0751985988964604, 'the': 0.06974131198292695, 'to': 0.05006623796589364, 'be': 0.03272926608075669, 'was': 0.02723472092830067, 'in': 0.027057949993401758, 'by': 0.026354120958381636, 'a': 0.024525541003024537}, {'of': 0.3698197151425862, 'the': 0.14060843469390946, 'to': 0.08145956764658505, 'and': 0.06909126871143732, 'with': 0.06430425592168296, 'for': 0.03908002897010531, 'in': 0.03899861182791488, 'by': 0.037385914099206344, 'his': 0.027578769253214203}, {'the': 0.31918631608076997, 'blacksmith': 0.08803638016741844, 'of': 0.06755935637384067, 'a': 0.0626068976605612, 'and': 0.06076002655467671, 'in': 0.05673975648101694, 'barber': 0.024825719488869163, 'The': 0.020226430845054964, 'that': 0.017697730129377885}, {'the': 0.14765231013330526, 'of': 0.13827487072506253, 'at': 0.10470038804368728, 'in': 0.09608295918259, 'to': 0.057858956969362246, 'and': 0.04200671433220947, 'a': 0.03910753402391979, 'on': 0.03703549608932426, 'In': 0.028129920015990847}, {'the': 0.2781472871360481, 'no': 0.17873778545768843, 'a': 0.14932605486953177, 'any': 0.04851041374937948, 'The': 0.04847119817511872, 'be': 0.04227934920789924, 'an': 0.03985932169438206, 'and': 0.03533375628111824, 'very': 0.03449585184083298}, {'in': 0.3822771063298983, 'the': 0.18631626582241487, 'In': 0.10274714395675255, 'a': 0.09240657434283632, 'take': 0.07837367901174151, 'took': 0.036691486630496185, 'and': 0.022647816674350053, 'or': 0.021413470599818244, 'have': 0.020355840208249112}, {'the': 0.15725783260845674, 'Mr.': 0.11467335197818804, 'of': 0.07485380126492697, 'The': 0.04896984831686632, 'and': 0.04709381763178539, 'that': 0.04353377587227897, 'a': 0.03262830912917638, 'Mrs.': 0.022337715579871346, '.': 0.018467704340620273}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'that': 0.3419610332794053, 'and': 0.17462108718691777, 'but': 0.062204517718653825, 'if': 0.04193203612257851, 'when': 0.04154521289619864, 'where': 0.03998376405915123, 'which': 0.03682454935730665, 'as': 0.03417839862064303, 'Then': 0.02354848377482195}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'of': 0.39367143238937563, 'to': 0.11364255255515765, 'in': 0.11333801074384811, 'by': 0.06889304725849742, 'for': 0.06333797376044724, 'that': 0.052437548691989654, 'and': 0.048958546215779074, 'with': 0.045373330190334606, 'at': 0.03331839794283114}, {'person': 0.04784760026130466, 'five': 0.03307605953744261, 'ten': 0.027103523172276774, 'one': 0.023879401325326555, 'two': 0.02093663118088293, 'hundred': 0.02039490291600983, 'more': 0.02017638739383071, 'lot': 0.019086048221928987, 'city': 0.018215935007317958}, {'that': 0.2766573412387546, 'as': 0.13019221613206158, 'if': 0.09551231148528758, 'which': 0.08597035972483286, 'and': 0.08234422277600566, 'where': 0.06001402894500411, 'what': 0.052547511620930853, 'but': 0.04375153106128482, 'than': 0.038020617368056515}, {'and': 0.17585063722392302, 'fact': 0.10400902578517979, 'said': 0.06844377842999533, 'so': 0.06232472237382234, 'believe': 0.04519952307692614, 'is': 0.039634011181226815, 'say': 0.03675663629906361, 'know': 0.036060715732595706, 'found': 0.03095250753294034}, {'to': 0.3341359763633922, 'will': 0.1756681911029683, 'shall': 0.12729528226043518, 'would': 0.10355145843533527, 'may': 0.08782959575171102, 'not': 0.050942036256002965, 'should': 0.04847918378289496, 'must': 0.029000480727879557, 'can': 0.017023983488501246}, {'of': 0.06380675135569168, 'the': 0.04384327537344035, 'at': 0.03946297341477031, 'and': 0.035777396705347776, '.': 0.03574327613440354, '0-': 0.022822760640552754, 'said': 0.0225913652436117, '-': 0.02219803760965629, '<s>': 0.01782242842866766}, {'and': 0.20770784709116774, 'of': 0.17163220632806955, 'the': 0.06340982516638112, 'by': 0.061373834092787474, 'in': 0.038980219330282166, 'or': 0.036734944910291195, 'for': 0.03429636968784136, 'that': 0.03143724566517537, 'to': 0.03053543005683765}, {'and': 0.24524847203584144, 'the': 0.18369774026680227, 'any': 0.12613699894646066, 'or': 0.10926502855940946, 'of': 0.06992610698715435, 'all': 0.06475023163819912, 'no': 0.048000895475281025, 'some': 0.04349245372046067, 'in': 0.03949084798191502}, {'the': 0.3070644883633979, 'a': 0.1580034624693632, 'that': 0.11251869402541181, 'The': 0.0662961948063434, 'this': 0.05861783353191524, 'and': 0.038511172965364354, 'what': 0.03516857230050603, 'of': 0.02688079973403453, 'This': 0.02501935377965944}, {'of': 0.33259205474623477, 'to': 0.1629405597721883, 'in': 0.1037363229335444, 'on': 0.09761484745966842, 'by': 0.055526756925261996, 'from': 0.05407061837788792, 'with': 0.05094565878679743, 'at': 0.0454257120313121, 'for': 0.030574394286404044}, {'he': 0.2873621635996027, 'who': 0.1370434515907617, 'she': 0.0779205924889695, 'they': 0.06800553491145626, 'I': 0.06513869795088052, 'He': 0.060481903155414615, 'which': 0.04922917938243108, 'and': 0.047137110074129296, 'that': 0.028713626952625967}, {'the': 0.5714008549906934, 'of': 0.07754412184380378, 'and': 0.06685282153806742, 'this': 0.05804292941287182, 'The': 0.04922695263676741, 'tho': 0.03262477791486218, 'that': 0.029052158073987575, 'a': 0.027058886145453744, 'on': 0.02380524133364664}, {'the': 0.2415365170820695, 'Democratic': 0.17064209756222093, 'Republican': 0.14790009607726176, 'his': 0.0575747331264315, 'democratic': 0.05014127914586039, 'republican': 0.04670446540356868, 'our': 0.0318476089526223, 'of': 0.030027333781340045, 'publican': 0.023775088019473117}, {'and': 0.15773010129667636, 'to': 0.08241612977321147, 'of': 0.04453325567851537, 'not': 0.033582255268789794, 'which': 0.02978830495325975, 'it': 0.028810984818775694, 're-': 0.02879461103325278, 'the': 0.027507151768329175, 'that': 0.0269726794273398}, {'the': 0.35937797368891866, 'of': 0.04313977968070893, 'tho': 0.04202092686158189, 'their': 0.035249188761030587, 'and': 0.03236012797660696, 'our': 0.024435887464979864, 'tbe': 0.01931790398484876, 'The': 0.019214067293537626, 'his': 0.017175385543225005}, {'he': 0.2379113627064749, 'I': 0.17179981043725331, 'they': 0.08830411133125074, 'have': 0.07017511067570521, 'she': 0.06615057120640873, 'and': 0.06172205878317997, 'who': 0.055951153531660004, 'He': 0.052925068765139804, 'has': 0.04181577551916126}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.1313056501793289, 'made': 0.034551030036317, 'necessary': 0.03191530070016697, 'provide': 0.023191256277008975, 'him': 0.021827387004521748, 'time': 0.02091411247587312, 'but': 0.020346196766889778, 'pay': 0.02006785098451588, 'responsible': 0.019399383232926184}, {'and': 0.12794995664139577, 'the': 0.08010379924267899, 'to': 0.0793153765330254, 'of': 0.07421131826770763, 'in': 0.05684472748137651, 'was': 0.05536620703077566, 'a': 0.04530839729819048, 'be': 0.042089004983305894, 'been': 0.024945472082375176}, {'the': 0.2633537687079007, 'a': 0.14542260836151524, 'and': 0.09284222782279136, 'of': 0.07965596497170194, 'an': 0.03297681582091275, 'to': 0.025079443436516486, 'in': 0.023506743171771337, 'The': 0.02142990963490666, 'tho': 0.016952814097726587}, {'to': 0.6557409362778285, 'will': 0.10551490550690217, 'and': 0.048558563735555206, 'would': 0.03350629653091633, 'not': 0.03172656726264247, 'the': 0.024313547298039292, 'may': 0.02202730168223206, 'of': 0.021281315513905504, 'shall': 0.019198285153697738}, {'of': 0.13470036988374534, 'the': 0.09488553862415759, 'and': 0.07312423262004518, 'to': 0.07204023274823565, 'in': 0.047748323802994895, 'a': 0.03993813738598023, 'be': 0.03557506201615192, 'for': 0.034417615778310845, 'is': 0.02663873251258484}, {'and': 0.07471951728662593, 'demand': 0.04954846763287967, 'ready': 0.04180413922748194, 'not': 0.03602708863526949, 'used': 0.03394245160901909, 'time': 0.02589623610768662, 'necessity': 0.025486679310755718, 'is': 0.021807649889663168, 'enough': 0.021592578072372005}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'husband': 0.011179227979387635, 'men': 0.009095598145494743, 'wife': 0.006857393951084397, 'John': 0.006669004829488672, 'William': 0.00660036998380127, 'James': 0.005980940085847462, 'up': 0.0058977510305802065, 'Robert': 0.005562045338918691, 'street': 0.005152075772149874}, {'the': 0.8657103316150121, 'The': 0.049288831707500494, 'tho': 0.015248005276036541, 'a': 0.01190430599658849, 'an': 0.010678667628294036, 'to': 0.010548521274698686, 'his': 0.009126443074454352, 'their': 0.00661832958812944, 'our': 0.0060101253537471035, 'and': 0.004866438485538747}, {'that': 0.305894510528897, 'which': 0.09752575010273326, 'and': 0.09709171252260333, 'if': 0.064018363935346, 'as': 0.0618240985175236, 'but': 0.054431085018196754, 'where': 0.05352228299378296, 'when': 0.05094516670231303, 'If': 0.029390794028594527}, {'in': 0.15677933113964765, 'of': 0.15499652305478978, 'to': 0.09090093551614326, 'with': 0.05942474745573594, 'from': 0.051143166043989205, 'for': 0.050719880446207066, 'and': 0.03687662644502382, 'on': 0.03672341119432383, 'by': 0.036059757664937804}, {'of': 0.3340860853059036, 'to': 0.12502539946326763, 'and': 0.08163936369051793, 'that': 0.07658368033798145, 'in': 0.07430386148012054, 'for': 0.05131312914778556, 'all': 0.0455525441805041, 'by': 0.04496420145879731, 'with': 0.0425074159711825}, {'as': 0.10283445777198401, 'referred': 0.0349397366252717, 'and': 0.03479191338637509, 'came': 0.032455130001023735, 'up': 0.0299955839978907, 'conveyed': 0.027167437760228567, 'it': 0.025687952658963058, 'belonging': 0.025029567875186964, 'went': 0.022785486793775452}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'went': 0.1753090361166952, 'sent': 0.12913116573313588, 'go': 0.08186133157283919, 'set': 0.07681947479014507, 'turned': 0.07539493835691607, 'come': 0.06503872648951986, 'came': 0.05746520395531655, 'pointed': 0.04665447929636545, 'called': 0.044298647614372424}, {'the': 0.07009671283994261, 'and': 0.0693830023690782, 'of': 0.06916471341953061, 'to': 0.0688648329728168, 'in': 0.031206911676749424, 'be': 0.027149470507328403, 'or': 0.023953658473216136, 'a': 0.023261661285813844, 'was': 0.02291422904391557}, {'for': 0.6377216900474497, 'of': 0.1415370180520401, 'in': 0.048389873171075154, 'any': 0.03922092551107951, 'at': 0.022502667850798512, 'with': 0.019242509664891477, 'that': 0.017435218536531735, 'and': 0.014650936899766312, 'to': 0.013456311585754341}, {'and': 0.0989076337831116, 'it': 0.05496519694254509, 'agree': 0.037413106632691435, 'do': 0.03537527954343048, 'connection': 0.0313966876879149, 'them': 0.030525069679991433, 'together': 0.03021385311388696, 'up': 0.025792304441362414, 'away': 0.020817315710429322}, {'<s>': 0.13841396161248345, 'it.': 0.01852128099776591, 'them.': 0.011996811127784167, 'of': 0.011311805697649835, '.': 0.011003146468122553, 'day.': 0.009367451217223441, 'country.': 0.008302323441240062, 'him.': 0.008165708271491821, 'time.': 0.008154914261206946}, {'the': 0.13801369326959387, 'and': 0.09963507420124125, 'of': 0.07645471682479864, 'to': 0.07095637483799654, 'a': 0.037786126554011604, 'be': 0.0324660933276062, 'was': 0.031447055333359196, 'in': 0.029427885513983017, 'at': 0.024340504039259893}, {'the': 0.5164001374594861, 'a': 0.11032451878722799, 'tho': 0.033293644897211504, 'to': 0.02815433969976235, 'this': 0.027783064846987657, 'of': 0.021058077503393606, 'and': 0.019834062653112036, 'stock': 0.01927351203903429, 'The': 0.019220262948900765}, {'of': 0.19761271134867614, 'in': 0.1808377985235415, 'and': 0.12917975787871125, 'the': 0.11262845561296908, 'a': 0.08548533825559251, 'In': 0.06363565421524824, 'with': 0.06143519457947323, 'was': 0.03488989355564887, 'is': 0.032990253215090734}, {'is': 0.1595683143271461, 'of': 0.12035183049257704, 'was': 0.11462780415305156, 'and': 0.10719443948942382, 'in': 0.07865178529148469, 'as': 0.05575889220889774, 'to': 0.047491042015285784, 'by': 0.043195289837428874, 'any': 0.042568428691116024}, {'and': 0.28869621410037133, 'of': 0.18630011606280567, 'the': 0.05989559107573636, 'that': 0.05757958387158277, 'these': 0.043204447351882315, 'which': 0.028848049176402192, 'as': 0.028622939201168592, 'their': 0.02645431423414183, 'The': 0.02227229817501367}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'State': 0.3232695098823166, 'state': 0.08169231201605558, 'Board': 0.06338150976505431, 'line': 0.04888757949618303, 'county': 0.0394027661055491, 'city': 0.034543261326565676, 'corner': 0.03345291065003581, 'County': 0.03245650531896079, 'House': 0.017263809069685904}, {'and': 0.17727458667043283, 'as': 0.0899136296261763, 'of': 0.07109854961577364, 'was': 0.05280285277729406, 'is': 0.04636908034771194, 'that': 0.04423859741496766, 'which': 0.04125982733238174, 'are': 0.040901484206566745, 'to': 0.03922262550030783}, {'of': 0.1667987358055494, 'the': 0.15766482489817477, 'in': 0.07921886672303884, 'a': 0.07237276110182593, 'and': 0.048662203428026095, 'to': 0.04429581797915497, 'that': 0.026473749115707445, 'by': 0.026351941049018914, 'for': 0.02554990304322056}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'<s>': 0.11334499473170938, '.': 0.031680483139939826, 'Mrs.': 0.013866554365588772, 'J': 0.012802549615595387, 'OF': 0.010505877226784286, 'Mrs': 0.00909060042874556, 'Mr.': 0.00901167690921244, 'of': 0.0072708199346429156, 'W': 0.006922887549615989}, {'are': 0.16564905853678785, 'be': 0.16199265432276486, 'is': 0.12251479761645503, 'been': 0.09973263592936656, 'as': 0.09485324250436532, 'was': 0.07136748183497253, 'and': 0.06764767296622182, 'have': 0.05274325448955589, 'were': 0.04568193045451201}, {'the': 0.16505936496966145, 'of': 0.10290657090327507, 'and': 0.06403836383367092, 'to': 0.060283405840847695, 'at': 0.03078857813855421, 'a': 0.02806492269115648, '.': 0.02334128530363552, 'in': 0.01922703731884804, 'for': 0.016686645358543476}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'and': 0.10701061128589638, 'that': 0.061039917187271746, 'an': 0.0488201402978123, 'as': 0.04118942600719528, 'the': 0.04074670102494787, 'No.': 0.03375594687706789, 'at': 0.03282598366639332, 'when': 0.03175716096397994, '<s>': 0.02711927495395667}, {'of': 0.24855074580233508, 'and': 0.11572381145907598, 'to': 0.09797804650979168, 'in': 0.09430775770858237, 'that': 0.08063641414821142, 'for': 0.07192548828633047, 'by': 0.06159173872812957, 'on': 0.04503528785561335, 'with': 0.04107934493370647}, {'of': 0.18715233780746704, 'in': 0.1229440731519667, 'and': 0.11348457542408384, 'with': 0.0912918349565344, 'is': 0.0902667693585262, 'was': 0.0721366047186828, 'by': 0.06976855915478507, 'for': 0.06844874165568778, 'to': 0.05278650092688583}, {'and': 0.178593530154807, 'be': 0.08441707900657038, 'has': 0.08157161883963251, 'he': 0.08093129032592382, 'have': 0.06938541927385992, 'which': 0.06412026901742204, 'I': 0.06405609716178169, 'had': 0.04220386682130321, 'as': 0.04190996100558672}, {'the': 0.41901781517278375, 'a': 0.13682847861981143, 'of': 0.09066277795568406, 'and': 0.0670314964572274, 'The': 0.03644324316011062, 'in': 0.02604755047477625, 'tho': 0.02177597028192818, 'or': 0.020560363660819505, 'to': 0.0196494548391317}, {'of': 0.34109450949152137, 'other': 0.2668765732646678, 'these': 0.06517858738850502, 'in': 0.05117913925153813, 'the': 0.04874675968919555, 'all': 0.04848189460811127, 'for': 0.039836131748176476, 'various': 0.031743679554770456, 'to': 0.02729786776112393}, {'feet;': 0.1362164934507415, 'feet,': 0.06021093316233113, ';': 0.05995412237674687, 'and': 0.04635741510517425, 'running': 0.03756255639860796, 'feet:': 0.025764469599464268, 'street,': 0.0240730244452248, '4;': 0.022690846705398355, 'stake;': 0.022601350059418015}, {'the': 0.17033664326518952, 'of': 0.10360616332513127, 'and': 0.09242921683155202, 'to': 0.046412633589542875, 'in': 0.04397105737096263, 'a': 0.039788465246858654, 'his': 0.03031257154283826, 'was': 0.020218564941731184, 'In': 0.019744718058102833}, {'the': 0.4772641086822947, 'an': 0.0819659600818459, 'a': 0.060916728259371535, 'this': 0.03808759839534375, 'The': 0.037397706888964447, 'his': 0.03128627574664383, 'and': 0.028572251454526645, 'tho': 0.023701389748830234, 'said': 0.02326022558627475}, {'the': 0.2206382216611702, 'of': 0.12669876604762792, 'and': 0.10532109044627513, 'is': 0.0980606810188885, 'a': 0.07006831398255609, 'in': 0.06967143451864424, 'was': 0.06628294433737925, 'to': 0.04331301137974324, 'their': 0.0416342002096258}, {'are': 0.13617172486613277, 'was': 0.12357363305020069, 'is': 0.10608761381387548, 'and': 0.09581550063544612, 'not': 0.08792649447119631, 'were': 0.0733190456597473, 'will': 0.07264477406880228, 'be': 0.06370495285447826, 'had': 0.061162278250999715}, {'and': 0.21755757190026956, 'or': 0.11584204953821049, 'that': 0.062434910199577635, 'but': 0.05936217901202866, 'not': 0.053605371343697, 'for': 0.026329150052553908, 'But': 0.024538436258933823, 'is': 0.022272065633860267, 'be': 0.02193771395836126}, {'men': 0.008507571136685167, 'up': 0.007880706056429036, 'in': 0.006834434858440271, 'time': 0.006452928175800868, 'friends': 0.0061647570955663325, 'him': 0.006134093897094695, 'man': 0.005753936441557662, 'home': 0.005746664139677008, 'wife': 0.005630523701140898}, {'.': 0.2109168065277826, 'J.': 0.15066511641562794, 'A.': 0.12327653696550285, 'W.': 0.08477107111126869, 'C.': 0.08140575409033265, 'Mrs.': 0.07679698203750626, 'H.': 0.06534457468556852, 'E.': 0.04930897832691505, 'M.': 0.046469474124877994}, {'it': 0.19292828752542832, 'he': 0.12969901441012724, 'I': 0.10779055870371348, 'It': 0.10252361858254753, 'that': 0.07663990705584448, 'they': 0.06715479034735691, 'which': 0.052103998189663915, 'and': 0.045266203915798206, 'we': 0.04227559745831426}, {'the': 0.2586152258532767, 'a': 0.11787074110982153, 'of': 0.07069080780969327, 'and': 0.05627475571504906, 'in': 0.029349965885901323, 'The': 0.02690786881801434, 'for': 0.024720388293267993, 'to': 0.022350944723102655, 'Mr.': 0.021092351256453815}, {'of': 0.2283389347660036, 'in': 0.17515778992097802, 'to': 0.0866784290804222, 'and': 0.08277695280283441, 'for': 0.06316917124635035, 'at': 0.05256138489506569, 'In': 0.043041129741519905, 'by': 0.027855987899550863, 'on': 0.023538955038692952}, {'made': 0.09996872452686865, 'be': 0.0814845205665304, 'taken': 0.07929277849674483, 'it': 0.07565072358418909, 'put': 0.07059140780748423, 'set': 0.05751404875003428, 'and': 0.05003029592081694, 'came': 0.044629508245672675, 'make': 0.044150937384380654}, {'the': 0.20173822173021008, 'of': 0.18140071439328187, 'and': 0.12021632121956435, 'by': 0.097301821657428, 'an': 0.07317484907096297, 'to': 0.0665716335395812, 'in': 0.04769181567140341, 'for': 0.03795593740613836, 'or': 0.02685625675251798}, {'a': 0.17523357011570054, 'the': 0.13322938068206072, 'of': 0.11378635839293329, 'in': 0.05969415775176269, 'and': 0.0576225769235264, 'to': 0.046516488064961274, 'an': 0.03654912902619585, 'for': 0.0203897744532919, 'his': 0.017916214191763345}, {'the': 0.23724671551316706, 'of': 0.10082538978126222, 'to': 0.05529823901616596, 'and': 0.05032481432983167, 'a': 0.04581588232752173, 'in': 0.03493169672460925, 'for': 0.02876333853190044, 'that': 0.01802484979919368, 'on': 0.015886749376415286}, {'amount': 0.13468587721398828, 'sum': 0.09339620125062971, 'number': 0.08216788744168574, 'kind': 0.047869166452999906, 'piece': 0.046404208652546027, 'out': 0.04444976283075029, 'plenty': 0.03819555821342097, 'kinds': 0.03097125851547405, 'means': 0.028236574710047792}, {'at': 0.49896740139761403, 'At': 0.19037052981583816, 'of': 0.054493025909838434, 'By': 0.048433610473977456, 'for': 0.044740959717118535, 'that': 0.03707174557893304, 'in': 0.03018390719108473, 'to': 0.02855914646096602, 'From': 0.02597761922481414}, {'the': 0.13060906960186752, 'of': 0.08374553927676476, 'and': 0.07924026264793756, 'to': 0.05861912425518338, 'in': 0.04746994688132229, 'for': 0.04093113389062445, 'that': 0.02644826646240661, 'one': 0.019339685538953686, 'by': 0.018010799472608797}, {'of': 0.13310228419061632, 'to': 0.09999567358095421, 'and': 0.07365909310841623, 'the': 0.0678208496879381, 'in': 0.0660866643617898, 'a': 0.05791377251350705, 'an': 0.030357993042559116, 'on': 0.029968738914730883, 'for': 0.029186437683407396}, {'of': 0.19883135887148085, 'to': 0.11428604700113931, 'in': 0.08750454542234892, 'about': 0.08301055533287505, 'and': 0.07537971165653728, 'at': 0.07240349990180511, 'from': 0.06595319287833817, 'for': 0.06275419923538536, 'on': 0.05536088451343565}, {'that': 0.19529459725552145, 'and': 0.1893205846914157, 'but': 0.10676670620972793, 'as': 0.07688705093448475, 'which': 0.058663178485630074, 'if': 0.03975885240158478, 'when': 0.03805535861827694, 'where': 0.02774861381497361, 'But': 0.025105247517370508}, {'feet': 0.09124682453705052, 'poles': 0.0730701371555321, 'up': 0.05088279168420823, 'chains': 0.04885658892872941, 'entitled': 0.03694920633644442, 'went': 0.034748145318504654, 'came': 0.03280590556373315, 'down': 0.032521221296211, 'him': 0.032446562119539564}, {'of': 0.21816290275061906, 'the': 0.18612397913339968, 'and': 0.1400418854543289, 'by': 0.08513650007084242, 'many': 0.06287332236730803, 'for': 0.05929100893047161, 'are': 0.040972162571051365, 'from': 0.03425227804858241, 'all': 0.027167095742030738}, {'is': 0.2951995005014002, 'are': 0.21025893132141832, 'and': 0.08745873660841062, 'Is': 0.05708938187785746, 'was': 0.04940934543422386, 'it': 0.03492347727174438, 'not': 0.029230048698795717, 'but': 0.02834276758697412, 'am': 0.025656813214314893}, {'to': 0.11611623202716108, 'and': 0.0927670277041291, 'of': 0.05480015358824163, 'the': 0.03853384443427393, 'is': 0.03353964289198347, 'in': 0.029809014802675858, 'was': 0.0288691907044105, 'con-': 0.025306563829559637, 'will': 0.02411726427444757}, {'at': 0.21273773067840634, 'about': 0.20422558483670733, 'of': 0.12311777834589652, 'and': 0.07618653963014885, 'to': 0.04360474794661368, 'over': 0.021189146488868053, 'from': 0.019405921292201124, 'for': 0.01891591316734747, 'than': 0.016092673244691817}, {'the': 0.3948508510208883, 'a': 0.24716352807077036, 'of': 0.0762290167531892, 'in': 0.06848091056502649, 'no': 0.04703632966872907, 'The': 0.038684076925330775, 'and': 0.037307320141516595, 'to': 0.027721884985539888, 'by': 0.027123789971360585}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'to': 0.2657397011990822, 'be': 0.2054327158245953, 'was': 0.10511156576410237, 'and': 0.0769380671969295, 'been': 0.05465570082134649, 'of': 0.04895852979502843, 'is': 0.04879230881911447, 'not': 0.04822687383301449, 'were': 0.03305499074870824}, {'of': 0.06253968406754741, 'to': 0.04662946408126904, 'and': 0.044987649249984926, 'the': 0.041426209653950885, 'New': 0.023101330292996144, 'in': 0.0220675087824268, '<s>': 0.020544321065462657, 'a': 0.015400528951750758, 'that': 0.013583319085616136}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'a': 0.24565066832762467, 'so': 0.1573701467431293, 'the': 0.1388741797928606, 'not': 0.07918849939618654, 'and': 0.06363988308828841, 'very': 0.04481010958966726, 'Not': 0.037717144921556034, 'that': 0.03217233328830396, 'his': 0.03178019686016997}, {'to': 0.18417900684155677, 'would': 0.1698444007834976, 'will': 0.12735124067211198, 'at-': 0.0987357148728161, 'and': 0.07859279572359819, 'I': 0.05837797878768159, 'not': 0.050925933383606965, 'who': 0.03877595332444755, 'may': 0.027625296783097518}, {'made': 0.11942847096974421, 'and': 0.07979570471363857, 'caused': 0.029091215056480817, 'shown': 0.028426754301022945, 'up': 0.02777670568714523, 'ed': 0.027617079589566704, 'out': 0.026630159435991316, 'taken': 0.02626602987193105, 'done': 0.02542850605479482}, {'and': 0.14597155650969415, 'he': 0.1445512498867764, 'be': 0.09965567202019447, 'had': 0.08693019564240168, 'was': 0.06851118961240929, 'He': 0.06448886317819279, 'have': 0.06437363313971428, 'who': 0.060030083917687875, 'has': 0.04731867726210308}, {'of': 0.17739504007443702, 'and': 0.07845754934946797, 'that': 0.05397990043440256, 'the': 0.05254249445195755, 'which': 0.035699141192215136, 'to': 0.03298259144712803, 'I': 0.02864727742649162, 'by': 0.0260039384919901, 'a': 0.025116742401044074}, {'and': 0.18756950964637897, 'fact': 0.1049849152597119, 'so': 0.07037830284758004, 'is': 0.0698129041959173, 'know': 0.04689430441169238, 'believe': 0.04220969452949754, 'say': 0.03563289672405089, 'was': 0.029461958020516984, 'found': 0.026495012556699685}, {'in': 0.14557440865169408, 'of': 0.11289327825509128, 'the': 0.08527392821259443, 'and': 0.06437529982342059, 'for': 0.05488254176673715, 'a': 0.03808718814306912, 'to': 0.03699595218284497, 'In': 0.034301016692017613, 'was': 0.019868772630116955}, {'it': 0.21667992261148805, 'It': 0.10935558532387599, 'as': 0.0992102993091394, 'which': 0.09687365893133239, 'that': 0.08069656501629825, 'they': 0.06030190647841252, 'there': 0.042822810321519175, 'and': 0.03325595955556815, 'he': 0.03087705486329871}, {'to': 0.17034708991648448, 'of': 0.10184746199967686, 'for': 0.07419004329051875, 'make': 0.056483790645420945, 'found': 0.05443891953581981, 'on': 0.052447526232536255, 'have': 0.04221104731960982, 'and': 0.037922198185493416, 'made': 0.037097698777116675}, {'the': 0.18927580197235688, 'of': 0.10268000335673094, 'to': 0.07193089873803327, 'and': 0.06302722590064451, 'in': 0.035804951354373886, 'for': 0.03552877544733519, 'be': 0.029165863199114864, 'was': 0.021230450879771812, 'is': 0.019324942212557497}, {'of': 0.15527339880188407, 'and': 0.15502256812845044, 'that': 0.07114459340685977, 'for': 0.050145031357410455, 'but': 0.025654008728093418, 'in': 0.02444369625428505, 'when': 0.016379210644825778, 'which': 0.014705713308773443, 'where': 0.014147768297570265}, {'of': 0.35277230203767274, 'to': 0.10780346518450545, 'in': 0.10386559021669982, 'and': 0.07949144987468484, 'for': 0.06653688664445816, 'by': 0.05995993327484794, 'that': 0.05434986317707174, 'on': 0.04653421457461844, 'with': 0.04239680305618533}, {'the': 0.7572954166956831, 'this': 0.06538981885155995, 'tho': 0.04100310753543364, 'The': 0.021412252085466123, 'civilized': 0.02010024639992047, 'whole': 0.01591972453817539, 'tbe': 0.014163820685424384, 'our': 0.01376584645897908, 'a': 0.013215691641690498}, {'of': 0.31273498171959874, 'and': 0.11285940419095856, 'to': 0.0939833987508481, 'in': 0.09248081148708667, 'that': 0.06800413105857704, 'by': 0.059114324887218454, 'for': 0.05373706911853705, 'with': 0.052389962837030395, 'from': 0.049735412317167174}, {'of': 0.10254170172035644, 'in': 0.06856199215012258, 'to': 0.04339144291902115, 'and': 0.041207602040005, 'by': 0.03033192856417566, 'with': 0.02882293622326393, 'for': 0.026119340266337904, 'from': 0.018862833704342333, 'things': 0.017386575862480828}, {'the': 0.18381955435890504, 'of': 0.12278628617278592, 'to': 0.06712513641920152, 'and': 0.047137828846930165, 'in': 0.021526543939127712, 'be': 0.021486803358868087, 'for': 0.019537956181941256, '<s>': 0.016423001571341925, 'a': 0.015756752068020165}, {'the': 0.3666960077957818, 'other': 0.06680050894840164, 'and': 0.06379356696669616, 'different': 0.05492854267346409, 'all': 0.05252866148130033, 'of': 0.05096342938052914, 'tho': 0.037350646759609384, 'various': 0.03577636543431524, 'some': 0.034309832731156155}, {'hundred': 0.01653944674889715, 'up': 0.01635292704063882, 'in': 0.01419416364873418, 'one': 0.014071713481438625, ';': 0.013942886464363646, 'each': 0.009037273567769542, 'made': 0.009015597887308576, 'it': 0.008846973650141877, 'it,': 0.008546422681449891}, {'years,': 0.01184461821854182, 'time': 0.009356434745111731, 'in': 0.008999771834895101, ';': 0.008613479246975659, 'porous': 0.007473513963247233, 'hundred': 0.006870414313547528, 'it,': 0.006786658829433457, 'States,': 0.0061876025375332475, 'manner': 0.005937196325960979}, {'the': 0.4890662718552904, 'of': 0.21059124056164158, 'for': 0.055415645360613795, 'and': 0.04649981815794414, 'to': 0.032810428440140316, 'other': 0.02961292727707206, 'by': 0.028167714376491012, 'The': 0.02488618591422453, 'at': 0.024337120132442436}, {'to': 0.6615633351598853, 'will': 0.08646948223702283, 'and': 0.06336345545891608, 'would': 0.04891431453332676, 'not': 0.03231440433591011, 'shall': 0.017240883404945492, 'should': 0.015706818518872387, 'may': 0.014029951967036264, 'can': 0.013493984798142901}, {'to': 0.34378129718365846, 'will': 0.15287135864951518, 'would': 0.08615903395787451, 'may': 0.07844929048361882, 'should': 0.05682249178971402, 'shall': 0.05432412913287461, 'not': 0.05091775331157668, 'must': 0.03610577244404393, 'can': 0.03580596083245932}, {'that': 0.32162847781005305, 'when': 0.10978895792406886, 'and': 0.08809702734424533, 'which': 0.0747229635926207, 'as': 0.06446107279083658, 'if': 0.04651245418284462, 'where': 0.04510537429293735, 'but': 0.04392555524448781, 'said': 0.03680389826227941}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.4459965876805315, 'in': 0.10444280136121067, 'and': 0.08316296324601943, 'with': 0.07244013927919588, 'for': 0.06449881000391702, 'all': 0.04614680505008882, 'from': 0.033184452411244306, 'are': 0.03105084722865405, 'by': 0.028726567226413674}, {'two': 0.148293822879747, 'four': 0.1030600926690021, 'five': 0.10138780181260042, 'three': 0.09658695153789985, 'many': 0.09266840140198242, 'ten': 0.07426577312617036, 'twenty': 0.07246860602398736, 'thirty': 0.05848146660447972, 'six': 0.056765138679488715}, {'<s>': 0.08591174884779668, '.': 0.05579052517449096, 'it.': 0.012967647257754341, '-': 0.011869367543184003, 'them.': 0.009896069232017366, 'sale.': 0.00796188422603768, 'of': 0.007173992482204329, 'follows:': 0.006344577901177586, 'W.': 0.005584410264808984}, {'the': 0.13422012841593314, 'and': 0.1236733046948226, 'of': 0.08459826367933379, 'to': 0.04580735008129919, 'a': 0.03288789899263805, 'in': 0.02451242132557425, 'be': 0.023409307441452688, 'was': 0.021826533397920067, 'or': 0.019483102187770544}, {'let': 0.2700233363836805, 'to': 0.17157327979069237, 'Let': 0.12880108957890002, 'do': 0.035690752853480286, 'for': 0.03502531680430877, 'of': 0.03393792641765293, 'with': 0.03338121532899079, 'made': 0.031033439612480833, 'have': 0.02318829267568485}, {'have': 0.16275082346088046, 'has': 0.14506598118920785, 'had': 0.131945907859647, 'be': 0.12447436133568777, 'and': 0.09959125622584263, 'was': 0.0928196768410771, 'been': 0.0697067156109867, 'he': 0.049926455660578184, 'is': 0.04806203910491062}, {'and': 0.10985765360012639, 'to': 0.0870112436273619, 'of': 0.07894186089764132, 'the': 0.07005492844823415, 'in': 0.032364668243275635, 'be-': 0.03196946985605434, 'that': 0.025107085000234345, 'was': 0.023436862887310478, 'for': 0.02150877633014445}, {'to': 0.6937818877176365, 'will': 0.06309973010556184, 'and': 0.04822047297294456, 'of': 0.03501255717935704, 'would': 0.02405389442862564, 'not': 0.023181130642461148, 'the': 0.022647636036071395, 'his': 0.02214641859293209, 'shall': 0.01846938679529421}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'the': 0.1368581263934969, 'and': 0.08908296534213042, 'of': 0.057402533600466474, 'be': 0.04218014009557299, 'is': 0.040171733716949674, 'was': 0.03653391391404123, 'to': 0.03356878187192924, 'in': 0.02654362073994786, 'he': 0.023366713811209392}, {'and': 0.0760398994443201, 'arrived': 0.027597102381452708, 'Western': 0.02178231054594648, 'that': 0.0206953444155, 'the': 0.016659922508306384, 'sold': 0.016340039949521785, 'held': 0.012427408180998313, '2': 0.012252810004483876, 'or': 0.012073182578603743}, {'the': 0.4001596238651692, 'and': 0.15642817830904476, 'a': 0.06574461021215901, 'in': 0.04321936077980995, 'The': 0.041000134987651586, 'is': 0.03478878659397957, 'was': 0.03458521615984876, 'that': 0.032312369994146425, 'of': 0.028144678191716826}, {'is': 0.07562274775026705, 'as': 0.06677912854613981, 'was': 0.06521317613300007, 'and': 0.06343837324862898, 'able': 0.051145052366554054, 'order': 0.04666513050011809, 'have': 0.04602837774740245, 'unable': 0.04378988267075232, 'had': 0.043738777967792276}, {'and': 0.05284477619850313, 'to': 0.013433202462983348, 'it': 0.011770646882001821, '<s>': 0.009817317691158883, 'up': 0.009095603163197281, 'them': 0.008885610992900857, '1': 0.008191263725468838, '.': 0.008023271245503845, 'as': 0.007165310862802194}, {'the': 0.2354505534438392, 'and': 0.2053791245585015, 'of': 0.19414750343087459, 'with': 0.07789335659944314, 'by': 0.06803112036013736, 'or': 0.042314719289658166, 'in': 0.031913917334656254, 'their': 0.02478269079734206, 'for': 0.02360257424322547}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.10270874935358304, 'of': 0.06387673187826567, 'and': 0.06374601912770819, 'was': 0.028345156807388246, '.': 0.026932377064290743, 'a': 0.023214936272379954, 'to': 0.021307458528769415, 'be': 0.020108710617546256, 'is': 0.014997690674614405}, {'and': 0.22619669142298884, 'or': 0.14173119136459186, 'of': 0.13866035715458247, 'in': 0.078142581502742, 'about': 0.058789998609477895, 'hundred': 0.05108266737381939, 'within': 0.050984823833091344, 'the': 0.04952596195657651, 'to': 0.04546109997408769}, {'and': 0.259404855256391, 'to': 0.16036388026842668, 'of': 0.09637503291850302, 'be': 0.07846071420004586, 'was': 0.06492860602548246, 'is': 0.05629615687404652, 'or': 0.055138555977440905, 'not': 0.050078341312965166, 'by': 0.042439961579006084}, {'of': 0.40009636283981703, 'to': 0.11801192838528088, 'in': 0.0805046613072639, 'for': 0.06152605377185751, 'by': 0.057622065909132006, 'that': 0.05557489613315915, 'with': 0.05169123370766379, 'and': 0.044602135585105195, 'from': 0.033363482301586804}, {'on': 0.23711666165770467, 'of': 0.21023860511275494, 'in': 0.12816776452603212, 'at': 0.0674344678442794, 'to': 0.066237049201348, 'from': 0.05319248387120976, 'In': 0.04899368966472193, 'On': 0.048346623280131576, 'and': 0.039891743670656975}, {'the': 0.4468397825136503, 'a': 0.11953322975568642, 'to': 0.06925447678401792, 'and': 0.06384351476553246, 'this': 0.061143378769467634, 'of': 0.051475838200169335, 'The': 0.03137544128448245, 'tho': 0.021287432287694034, 'an': 0.02022143115739068}, {'and': 0.11582081944112449, 'was': 0.04225261395959518, 'held': 0.03592895762799326, 'Beginning': 0.02926079870317736, 'is': 0.027806631077598554, 'look': 0.026545353863800903, 'arrived': 0.026240397869270526, 'that': 0.0255265603479058, 'interest': 0.024134996272950678}, {'and': 0.06374308910164438, 'of': 0.018474147670876045, 'a': 0.0177645194046534, 'to': 0.01668003193003504, 'the': 0.015796067826947757, '<s>': 0.008897909029417918, 'who': 0.00831341821202233, 'in': 0.008302166950741959, 'was': 0.0072746279776715215}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.39469798519370963, 'to': 0.08925882201494649, 'for': 0.08251493248520589, 'all': 0.07955637961015054, 'and': 0.07572982505178887, 'that': 0.07429460287507197, 'in': 0.05562434411330336, 'by': 0.05419992619709603, 'with': 0.022508755625169075}, {'the': 0.1911420242841544, 'and': 0.07572676169542843, 'of': 0.0722864111981425, 'in': 0.037024440239102084, 'to': 0.03692752312600572, 'be': 0.03202910470787676, 'for': 0.031179340034351785, 'their': 0.029481023219163655, 'his': 0.02756690530651918}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'a': 0.5158657033681887, 'the': 0.22242013102919592, 'one': 0.03608981519303087, 'A': 0.019027091813113024, 'The': 0.01720766168676082, 'his': 0.016033799680582335, 'to': 0.01323911848653068, 'this': 0.01264591283979049, 'tho': 0.010944288685455125}, {'and': 0.10519796103172453, 'recorded': 0.04492522267636661, 'is': 0.04292906922552625, 'that': 0.040156978325769595, 'was': 0.0379374668882076, 'are': 0.03244295791167291, 'distributed': 0.025508715237800884, 'but': 0.021070365812915742, 'divided': 0.020697386321387536}, {'in': 0.15871129634001324, 'of': 0.10394504397879673, 'and': 0.09027219070278107, 'to': 0.07378146632167873, 'for': 0.048731497997159326, 'In': 0.045399908954895526, 'that': 0.02700261122948693, 'the': 0.025935239823498043, 'after': 0.019102138504357477}, {'it': 0.27957038428918407, 'It': 0.14069168722916756, 'there': 0.0780604064737155, 'he': 0.0673522127670591, 'that': 0.061371482220746135, 'they': 0.04852180992353207, 'which': 0.044772571877851546, 'and': 0.031977859656019285, 'I': 0.020031431466088268}, {'the': 0.16426992389034856, 'of': 0.09702422726033204, 'a': 0.05773100365794107, 'to': 0.0477127103678804, 'in': 0.043022325231464896, 'any': 0.04060122164564591, 'for': 0.03929311515808009, 'or': 0.037243611065177915, 'and': 0.0343918480098038}, {'the': 0.3633784041052252, 'and': 0.06859294877083139, 'of': 0.04517407189228871, 'in': 0.03486296981398862, 'a': 0.033463200574771555, 'The': 0.03036448363169384, 'tho': 0.025142661973674776, 'on': 0.018572688511218672, 'that': 0.017764080497160956}, {'out': 0.07316165029757048, 'up': 0.061279672567886904, 'him': 0.045862862244517556, 'back': 0.040466992924136934, 'down': 0.03536832286151517, 'step': 0.030876600391626322, 'made': 0.02832992771890044, 'was': 0.02822041629563969, 'them': 0.02799759676205846}, {'that': 0.26536885901604845, 'and': 0.1396849077124062, 'which': 0.10086635748149865, 'as': 0.0758276158866989, 'but': 0.056855630296078166, 'if': 0.0522066227418338, 'when': 0.04239229879171422, 'what': 0.038189046622420765, 'for': 0.03749784369596868}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.5015191910015241, 'of': 0.1868652443668442, 'in': 0.07059989624278376, 'and': 0.03460883039778147, 'The': 0.033666071473950704, 'for': 0.03276640542042973, 'tho': 0.02324184049161466, 'his': 0.020939052286814346, 'all': 0.019106414914278915}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'of': 0.19716851484449596, 'to': 0.12022152446176702, 'for': 0.11283695823854743, 'in': 0.11218734226416824, 'at': 0.09859277593024694, 'and': 0.07152992722619168, 'on': 0.053726183272688945, 'In': 0.03917552916290987, 'by': 0.03603817433608168}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'of': 0.37801987687800326, 'in': 0.15284081557092635, 'to': 0.08778938466228974, 'In': 0.04700816141813068, 'that': 0.04252946715914091, 'for': 0.04167777519437705, 'by': 0.03795272869101662, 'and': 0.03672477113784621, 'on': 0.035641453486719196}, {'and': 0.23285890239261642, 'was': 0.053702357342474194, 'is': 0.04776074842187524, 'not': 0.04483590865744795, 'are': 0.03935876375968279, 'or': 0.03795643933425473, 'be': 0.02685038421316475, 'of': 0.024707585141409565, 'that': 0.02439474344168241}, {'will': 0.26150797010817495, 'to': 0.21697188744501153, 'would': 0.09376679205754458, 'and': 0.06854660458394697, 'not': 0.06057817424923829, 'shall': 0.059563613306667255, 'may': 0.05051031394707491, 'a': 0.04100113414789317, 'must': 0.034712173122196294}, {'one': 0.04822459162474669, 'day': 0.023112808922262574, 'man': 0.02299725725887152, 'two': 0.022547213685965475, 'lot': 0.01745884858137021, 'on': 0.016546839267317405, 'owner': 0.014046396102333372, 'action': 0.013705612902872113, 'men': 0.013666060117917496}, {'a': 0.45437364163971244, 'the': 0.21510266969422115, 'his': 0.07538778045271233, 'our': 0.027840048652804136, 'large': 0.02646931743046356, 'The': 0.022147347248987113, 'great': 0.021355125376562412, 'their': 0.020616870268454962, 'her': 0.019572795578224}, {'the': 0.1677358806731248, 'of': 0.14213068286338554, 'and': 0.11548949370087304, 'in': 0.08142395801106306, 'a': 0.04759725329984451, 'was': 0.04180326252080823, 'is': 0.03301953996150877, 'are': 0.028585562231514504, 'be': 0.02738162752299306}, {'.': 0.10355544197436939, 'Mr.': 0.05896692785577807, 'W.': 0.05692485605811981, 'A.': 0.05006050390894273, 'H.': 0.0478130735173387, 'Mrs.': 0.046539353872031286, 'J.': 0.04165750075320524, 'C.': 0.03689605714129056, 'Dr.': 0.034398664695380395}, {'may': 0.2469831181033876, 'to': 0.19895369712451072, 'will': 0.1085348003549888, 'would': 0.10004664379823247, 'shall': 0.09058749997266607, 'should': 0.07024054469908222, 'not': 0.028520655869045508, 'must': 0.027275801501031705, 'might': 0.022424936969579756}, {'the': 0.28601435087222715, 'two': 0.13446271219582762, 'several': 0.09235161122434843, 'other': 0.08477658863094234, 'various': 0.054816889709955775, 'three': 0.05160173476320442, 'of': 0.044111514993313346, 'their': 0.0313456245204385, 'respective': 0.027522517256041254}, {'to': 0.4149881841806549, 'not': 0.09499142475365856, 'and': 0.08429826763538294, 'I': 0.08062045837990746, 'will': 0.054244230116714864, 'they': 0.05373099962089797, 'we': 0.05102978832410173, 'would': 0.03202566854824538, 'who': 0.023954823882487833}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.15076941588031095, 'to': 0.1112950557783767, 'no': 0.1027505732824868, 'take': 0.09382830587951327, 'took': 0.0719679872456848, 'and': 0.06947758458211431, 'not': 0.06186115914443854, 'taking': 0.05735506205401207, 'for': 0.05374430404279999}, {'part': 0.2547948803284075, 'survey': 0.10573781285874267, 'holder': 0.08429041001433776, 'payment': 0.06749655191366918, 'one': 0.04754587861822031, 'date': 0.03544307517890216, 'plat': 0.02885109253408928, 'conviction': 0.021817640875851547, 'sale': 0.019469933805190968}, {'the': 0.048792483808898765, 'and': 0.0421673721392729, '<s>': 0.028547290169665555, 'that': 0.022863926379548396, 'of': 0.022044090072484784, 'to': 0.017009744869430837, 'The': 0.013245074016201197, 'it.': 0.009688747292147071, 'which': 0.007058804001823436}, {'the': 0.2230786848353211, 'of': 0.14710444378124257, 'and': 0.1177483487378849, 'to': 0.10766514778496636, 'a': 0.07909233580609919, 'The': 0.04341513209889464, 'in': 0.035794033561056135, 'his': 0.034558091392135545, 'for': 0.03392681370751817}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'and': 0.14170530797940953, 'of': 0.07227017679224287, 'the': 0.04462003554708702, 'be': 0.03685807754549318, 'a': 0.035905515184589634, 'in': 0.03203315204003, 'is': 0.03168739705547206, 'was': 0.03131301567082761, 'he': 0.02922624312968863}, {'and': 0.24386577763543324, 'but': 0.08699688181689053, 'that': 0.08153559167411409, 'time': 0.05382499037373128, 'him': 0.02840515138690323, 'day': 0.026725713896073963, 'But': 0.02533352722318376, 'ago,': 0.016740844486454947, 'or': 0.01477913499589598}, {'part': 0.061904870009165114, 'one': 0.046819417612041205, 'and': 0.03230794793928971, 'out': 0.0309099723442748, 'some': 0.029470547770360463, 'all': 0.023694583540907928, 'that': 0.019371507692612613, 'portion': 0.018695828515667447, 'members': 0.01725153978395045}, {'the': 0.5816972795577128, 'a': 0.09022683105129511, 'of': 0.07838835086836318, 'and': 0.03350763635416241, 'tho': 0.0332894006771537, 'The': 0.03176503837069565, 'his': 0.02793198660344082, 'to': 0.02500672685375256, 'by': 0.017789998319465716}, {'that': 0.17239522627913972, 'and': 0.1537001250082483, 'which': 0.08238496397164051, 'as': 0.07800573271912438, 'when': 0.06523389005217045, 'but': 0.05510122605494191, 'to': 0.03624324909344142, 'will': 0.03205158199745785, 'if': 0.03067090297910442}, {'the': 0.3120558918967696, 'an': 0.10242125745149938, 'a': 0.0787927356288081, 'his': 0.06388006726269765, 'The': 0.05939219880225072, 'their': 0.05881645032300388, 'to': 0.05869198941006147, 'and': 0.054436619616516226, 'its': 0.02989480611575977}, {'of': 0.2656811733459216, 'to': 0.13836514201614183, 'in': 0.11223619967935544, 'and': 0.08696127422330162, 'that': 0.06094731414748097, 'on': 0.05956845796405215, 'by': 0.05460385371072481, 'with': 0.0431337268005381, 'from': 0.0396555256021517}, {'the': 0.10474038413955195, 'of': 0.07186487721135203, 'and': 0.06643072562192762, 'a': 0.05877895208854047, 'to': 0.050053655004591295, 'in': 0.03566736795546962, 'by': 0.03125726783741102, 'at': 0.026417185298963572, 'for': 0.026342583968485746}, {'his': 0.2931285000399419, 'her': 0.23050953953855172, 'my': 0.07463645596922716, 'the': 0.04917689591256084, 'a': 0.04304474743819537, 'and': 0.04200783377620376, 'our': 0.03446376900885293, 'their': 0.032173531608677815, 'His': 0.026967255152504036}, {'the': 0.19157312032759888, 'of': 0.10873910558999446, 'and': 0.0835826134963348, 'to': 0.05360383603663839, 'a': 0.037900755603911256, 'be': 0.030008168284985457, 'in': 0.029410024290892074, 'for': 0.02860866158765168, 'was': 0.028267609792053953}, {'of': 0.2580574607509138, 'to': 0.11505977462595839, 'and': 0.11204822413281255, 'with': 0.07488526352563221, 'is': 0.07060172718389111, 'in': 0.07017708560354542, 'that': 0.0674873027585737, 'for': 0.05878208599991216, 'by': 0.05060235334156225}, {'away': 0.06925205172028555, 'and': 0.06007808449668492, 'taken': 0.04760906637168378, 'miles': 0.0428166599829834, 'feet': 0.03837562943164214, 'come': 0.026889243450533045, 'them': 0.026073675669967263, 'out': 0.02484981837258804, 'came': 0.02410733092637395}, {'the': 0.1911420242841544, 'and': 0.07572676169542843, 'of': 0.0722864111981425, 'in': 0.037024440239102084, 'to': 0.03692752312600572, 'be': 0.03202910470787676, 'for': 0.031179340034351785, 'their': 0.029481023219163655, 'his': 0.02756690530651918}, {'at': 0.4048523315655707, 'to': 0.25937412946410504, 'of': 0.06904208078295784, 'for': 0.04329869333650162, 'from': 0.03753411890301584, 'in': 0.03446655896481793, 'and': 0.03193185233821222, 'as': 0.03185019048529239, 'such': 0.02828429761273596}, {'the': 0.6011571143656573, 'and': 0.0611520846464471, 'of': 0.05871856774732923, 'tho': 0.038189252579452306, 'The': 0.026093026811909396, 'a': 0.018894161159835585, 'tbe': 0.016093161025153412, 'our': 0.013873675891815993, 'an': 0.010527438498560837}, {'in': 0.14557440865169408, 'of': 0.11289327825509128, 'the': 0.08527392821259443, 'and': 0.06437529982342059, 'for': 0.05488254176673715, 'a': 0.03808718814306912, 'to': 0.03699595218284497, 'In': 0.034301016692017613, 'was': 0.019868772630116955}, {'the': 0.2262333139863608, 'of': 0.2022855747128473, 'in': 0.19254456087455615, 'to': 0.06838045740105994, 'In': 0.048869037803194494, 'from': 0.04623730807689922, 'and': 0.03511495145655637, 'The': 0.034367140360129854, 'for': 0.03150869224562173}, {'arrived': 0.07648700989602703, 'and': 0.07152381143938565, 'held': 0.034700607189898314, 'was': 0.028568392149978895, 'Beginning': 0.024834933030762094, 'look': 0.021963017828154085, 'interest': 0.02068255481693618, 'arriving': 0.017732591552395947, 'place': 0.016781956321660064}, {'a': 0.4638766892769908, 'the': 0.2793258062159502, 'by': 0.041811199940524624, 'The': 0.030403862153783764, 'A': 0.020482310322877274, 'any': 0.017364627554584025, 'said': 0.017282575758952836, 'tho': 0.01485572556236276, 'every': 0.014683147558208263}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.17749384269802215, 'the': 0.15535628175738972, 'a': 0.11362355634687425, 'and': 0.07376005805964221, 'to': 0.06555896401364526, 'in': 0.05377265555998049, 'for': 0.03715973752861795, 'in-': 0.02798578789563736, 'from': 0.024737165709967302}, {'of': 0.29267769117320364, 'in': 0.15839876078911397, 'to': 0.1044833583442516, 'and': 0.06491327750656874, 'with': 0.057671683778140935, 'that': 0.057416933650748, 'by': 0.05418222829712394, 'for': 0.046252612199750506, 'on': 0.045426859038577974}, {'one': 0.13027668708462814, 'out': 0.07742206756685843, 'part': 0.06474114282857145, 'some': 0.05640712659716483, 'time': 0.03954471000289752, 'account': 0.03620724368530425, 'all': 0.03238127669140698, 'and': 0.028154969476639407, 'that': 0.02755643570827209}, {'the': 0.30752919290611014, 'a': 0.1234312374541739, 'at': 0.08614137708147349, 'of': 0.067911225919163, 'to': 0.04635307338114405, 'in': 0.037737986712917865, 'and': 0.02805207639262348, 'The': 0.022302476385678487, 'from': 0.01908560706839114}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'that': 0.32162847781005305, 'when': 0.10978895792406886, 'and': 0.08809702734424533, 'which': 0.0747229635926207, 'as': 0.06446107279083658, 'if': 0.04651245418284462, 'where': 0.04510537429293735, 'but': 0.04392555524448781, 'said': 0.03680389826227941}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'just': 0.06878808168293438, 'and': 0.06493318434059552, 'is': 0.05233601015447515, 'such': 0.042222434776384904, 'well': 0.04067277126669907, 'far': 0.040034165817288504, 'it': 0.0397909947797928, 'are': 0.03264633930373423, 'not': 0.029799251085827407}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'that': 0.18889827879112916, 'and': 0.1523209786174581, 'as': 0.13480616833479409, 'which': 0.07585833655859328, 'when': 0.07218460692162933, 'but': 0.07071006654713997, 'if': 0.04420254344488627, 'where': 0.03271662939192773, 'what': 0.018853949919278093}, {'and': 0.0854723757715897, 'is': 0.05680452915457084, 'able': 0.05671899930494974, 'him': 0.050997408541266866, 'as': 0.047097648334595094, 'time': 0.045967080098001815, 'was': 0.0402731834444067, 'enough': 0.039926261860567504, 'not': 0.03772930610657246}, {'the': 0.29530241285831854, 'and': 0.0679033695347657, 'of': 0.05894890598338968, 'a': 0.05053178474062768, 'his': 0.02089879720441062, 'The': 0.020094136741412357, 'in': 0.018899671363164294, 'was': 0.018658676305491808, 'tho': 0.016569002152449726}, {'put': 0.19012482915337653, 'made': 0.07298586613437184, 'taken': 0.06410875493594898, 'it': 0.06071386637652067, 'set': 0.05689438642687378, 'came': 0.05471995695543196, 'looked': 0.04928159091252888, 'brought': 0.045508261729705665, 'and': 0.04533698291699415}, {'that': 0.22032680239582914, 'and': 0.14457880866821854, 'which': 0.10212139948845614, 'as': 0.08749929309218998, 'when': 0.0632491241519817, 'but': 0.061558500566660436, 'if': 0.04365744315517238, 'where': 0.0331942435511409, 'because': 0.02326756597059159}, {'of': 0.12193417373165336, 'and': 0.04466007985681257, 'in': 0.037239108369084666, 'with': 0.027879516189571782, 'to': 0.02596394667183743, 'by': 0.022228611328836315, 'from': 0.018392480483401898, 'that': 0.013322971257233331, 'on': 0.011846241067624452}, {'of': 0.06500533357398554, 'the': 0.03629665680868166, 'to': 0.02830133853861189, 'and': 0.023413548374473694, 'a': 0.020006086712249578, '<s>': 0.013386045375760987, '.': 0.0132463929339676, 'his': 0.01314844273484825, 'or': 0.010202985039315183}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'and': 0.09633619874599227, 'the': 0.09139279092521561, 'of': 0.06128180597758147, 'or': 0.04094855378901524, 'be': 0.03939817166318174, 'in': 0.035603207228542634, 'to': 0.03442371562123049, 're-': 0.02863999670964148, 'are': 0.022470976704380956}, {'to': 0.11272467325873015, 'the': 0.09570920935957357, 'of': 0.08084508540075111, 'and': 0.07746796351453314, 'a': 0.03161606912023797, 'in': 0.024763881588432984, 'at': 0.024446783401682257, 'for': 0.018599489625864805, 'is': 0.01726400145434898}, {'the': 0.27477305958532394, 'a': 0.08096627145024711, 'and': 0.07121715883323325, 'of': 0.04824428149859291, 'Mr.': 0.040072117877517896, 'The': 0.03671199950960182, 'to': 0.024252683165015592, 'tho': 0.020653665988916037, 'in': 0.017230871299127}, {'and': 0.025353590569930685, 'him': 0.01059626950832844, 'that': 0.009470764876780377, 'time': 0.007422828404145032, 'them': 0.00722875679373449, ';': 0.007120093314462515, 'it': 0.0068570640613947655, 'out': 0.006583810474233879, 'up': 0.005993210098215142}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.2330919747924382, 'and': 0.101906937508298, 'are': 0.06569971490548346, 'is': 0.05521063754236961, 'in': 0.05006850059967255, 'the': 0.03768501379685274, 'by': 0.031923982083195995, 'now': 0.03137399155579137, 'for': 0.02983755634726208}, {'we': 0.1553318658347579, 'I': 0.12641012217940495, 'it': 0.08557617247980612, 'they': 0.07838160565135861, 'he': 0.07246833348339302, 'and': 0.07053955559733047, 'who': 0.06953086404930385, 'which': 0.052975361571721453, 'you': 0.029634267133016416}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'of': 0.37391375011918265, 'in': 0.09858460267087116, 'to': 0.09263036497694058, 'the': 0.0706348154405341, 'that': 0.057031197382512756, 'for': 0.042042095638378164, 'and': 0.04062454609220097, 'by': 0.027695074999721764, 'on': 0.023813925352767187}, {'the': 0.24955618163138282, 'in': 0.1479912490936747, 'of': 0.14582627755726438, 'a': 0.08419458539007847, 'their': 0.06698981469764437, 'his': 0.058777657552901444, 'and': 0.045931107075391685, 'for': 0.038579204847264605, 'In': 0.036065754166385355}, {'and': 0.1302925484649047, 'so': 0.0725061654157399, 'fact': 0.05216514798798004, 'said': 0.05100387607719449, 'all': 0.040342598106657454, 'say': 0.04020390119635082, 'of': 0.03903040691239122, 'is': 0.036838257156468435, 'know': 0.028631142797593222}, {'it': 0.17621176813110442, 'he': 0.14602570805954881, 'that': 0.08182897622368072, 'I': 0.07307595587065838, 'It': 0.07142984284124798, 'and': 0.06223127173180235, 'which': 0.04712953174020268, 'they': 0.045846712585615845, 'she': 0.037817047446582465}, {'and': 0.2023840599715353, 'as': 0.09049412532263959, 'when': 0.0723403268843741, 'that': 0.058904033037583806, 'which': 0.05200457664538109, 'to': 0.03661895750420309, 'if': 0.027804907748919215, 'but': 0.02641935861102761, 'before': 0.020611182632614446}, {'thence': 0.11467799938444553, 'and': 0.10862277099578058, 'parallel': 0.07554747177162018, 'accordance': 0.05015180840382237, 'covered': 0.047166766088147606, 'angles': 0.03653938894311696, 'line': 0.03383286663000791, 'filed': 0.03325734363844174, 'connection': 0.02302076213719422}, {'of': 0.2593047400693689, 'to': 0.12634005960186948, 'and': 0.0920695881887219, 'with': 0.08168802703622252, 'in': 0.08050474311004555, 'that': 0.05863723783090106, 'on': 0.05547759240144119, 'for': 0.04393922885215147, 'as': 0.043197170143595955}, {'and': 0.04763418382040177, '<s>': 0.04674169921308721, 'it.': 0.02657637558630472, 'that': 0.022896178091056957, 'them.': 0.020475440645875538, 'time.': 0.01059246312181312, 'as': 0.010540089613554925, '?': 0.010151109873046927, 'country.': 0.008452702043450376}, {'the': 0.10006598349124032, 'and': 0.09039868519991434, 'of': 0.08397507052276625, 'to': 0.04592950863398362, 'was': 0.03616765337442456, '.': 0.028129491056731428, 'Mrs.': 0.02463294095487968, '<s>': 0.02048172481737987, 'were': 0.019428447168440787}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'he': 0.16307269537877928, 'I': 0.09868297639769869, 'who': 0.08584389528053854, 'that': 0.0763705419219043, 'which': 0.07634950428310441, 'He': 0.07227876379301018, 'it': 0.061709558666989184, 'and': 0.05606056521572332, 'she': 0.042421158852792996}, {'the': 0.12587325765134058, 'a': 0.08920092790070841, 'and': 0.08707384880824844, 'of': 0.0825049241743352, 'to': 0.059790278496737854, 'in': 0.032936110292086956, 'be': 0.03252258016382413, 'was': 0.020814076420510568, 'is': 0.018976654092854692}, {'in': 0.02407980475115345, 'time': 0.02020908168955437, 'men': 0.01860700549974853, 'life': 0.015935249151435574, 'man': 0.015865337531667658, 'strength': 0.015494876898684451, 'out': 0.013629869919680718, 'city': 0.012849411287193468, 'right': 0.012309374506200536}, {'in': 0.1723951268645331, 'of': 0.13907425372051502, 'to': 0.09009192522549586, 'with': 0.051776335912188, 'from': 0.04705438364456953, 'for': 0.044541165924803894, 'on': 0.03719494818267838, 'and': 0.03672204453598108, 'In': 0.03468935618121388}, {'of': 0.21130509775881282, 'to': 0.09380475303784817, 'on': 0.09168833391722686, 'by': 0.0776504970487132, 'is': 0.07436115549520443, 'and': 0.06760460091557813, 'in': 0.062237147305380464, 'for': 0.058015837639181146, 'that': 0.05147043352763772}, {'it': 0.17527672178128625, 'It': 0.15198692117053528, 'there': 0.12646732019619827, 'This': 0.10411787138992587, 'which': 0.07080446969329679, 'that': 0.06157957983222569, 'There': 0.05807963275087957, 'this': 0.03952116381745663, 'and': 0.03353989432746887}, {'and': 0.09377129454296322, 'was': 0.04271315341537484, 'out': 0.028524574363226172, 'that': 0.02811573968936019, 'placed': 0.027131868575018914, 'work': 0.02578173844450971, 'made': 0.024681420068921236, 'is': 0.024021050156212566, 'up': 0.023509378606325886}, {'the': 0.18635094821463588, 'of': 0.13092691060682204, 'and': 0.08953686621361837, 'to': 0.08543503883939431, 'in': 0.04463607233103281, 'a': 0.04452095176172935, 'be': 0.03708117054764228, 'for': 0.02750398240718926, 'his': 0.026634273326519665}, {'the': 0.31856466112807086, 'a': 0.18208632618484125, 'and': 0.06782230273279997, 'electric': 0.06201907258422918, 'of': 0.048094498453102555, 'that': 0.04544878619039939, 'The': 0.04044925434277526, 'this': 0.03926347706166618, 'no': 0.025827287405612562}, {'the': 0.3881047040894104, 'in': 0.16064622852417673, 'of': 0.1188052483917765, 'for': 0.050724200060469654, 'In': 0.039916031096708646, 'mence': 0.03902212777207384, 'or': 0.0327017230715089, 'The': 0.02907869219195756, 'and': 0.026427951699800417}, {'the': 0.31838490370714, 'and': 0.11916971393022714, 'of': 0.09060334277847748, 'a': 0.09054896275766487, 'in': 0.052515418987037724, 'are': 0.042791931642560295, 'from': 0.03912036063487435, 'is': 0.0327269693110167, 'for': 0.0320770897665168}, {'that': 0.07742819816207192, '<s>': 0.05187534431799204, 'and': 0.03899703784661188, 'it.': 0.022349389167743913, 'but': 0.021120294267959878, 'as': 0.019185560634944608, 'when': 0.016326165364708576, 'which': 0.014836073419480428, 'him.': 0.01434309987660227}, {'is': 0.17151443215255138, 'was': 0.15796866487439132, 'be': 0.12215195064051217, 'are': 0.09169671987936684, 'and': 0.06725661158764698, 'been': 0.06475976936419738, 'not': 0.06207736839472229, 'were': 0.03666461412470619, 'Is': 0.022979686612735025}, {'well': 0.1690835522263299, 'and': 0.07837075642376701, 'is': 0.07649904198899427, 'known': 0.06656161758616834, 'was': 0.06199778076984364, 'far': 0.05282429101038408, 'be': 0.04706099001020388, 'just': 0.0430294384968968, 'such': 0.04244411757724391}, {'the': 0.247373520799878, 'of': 0.22438719978109037, 'and': 0.09732854371766178, 'raw': 0.07109870353829614, 'all': 0.060193120028771065, 'or': 0.0547380887649459, 'for': 0.03038375589501481, 'such': 0.02384746075886295, 'many': 0.020998089001116067}, {'to': 0.40234940938403757, 'of': 0.09318697366198914, 'at': 0.07669274049781678, 'with': 0.059413435125538, 'upon': 0.03941905800959086, 'let': 0.037537796722241994, 'for': 0.037058794762246904, 'on': 0.03565619975626413, 'from': 0.031105810830326514}, {'the': 0.2294602019471525, 'a': 0.16674216255268418, 'of': 0.1288944005614789, 'in': 0.06336043086382741, 'their': 0.03699734691834547, 'this': 0.035762299979761665, 'and': 0.033427442051361965, 'to': 0.026390892088389812, 'his': 0.02316649861718008}, {'he': 0.2148246104519941, 'it': 0.10449091212178217, 'they': 0.08823120277081573, 'who': 0.07056401177304822, 'which': 0.062029829477764455, 'It': 0.05407883305102277, 'she': 0.0532682499702123, 'I': 0.05303969883375848, 'that': 0.04098401334433148}, {'and': 0.09495289394784191, 'to': 0.06968015490319703, 'of': 0.06874265614729633, 'in': 0.05370628109331552, 'be': 0.04270364831727581, 'the': 0.038507355743673845, 'was': 0.03850148548075873, 'is': 0.024733256518713664, 'he': 0.021441328067362188}, {'of': 0.15985453877695838, 'the': 0.09502846416525065, 'in': 0.05845807207715751, 'and': 0.04749673608087739, 'that': 0.03780945476695417, 'to': 0.031324348349176294, 'The': 0.026721992530225346, 'for': 0.023155839315457248, 'Mr.': 0.019973943650508502}, {'and': 0.2465078604106875, 'I': 0.12221834213751269, 'to': 0.08704808435139222, 'they': 0.07280107288016766, 'we': 0.06128612344858039, 'the': 0.05935007351641838, 'who': 0.042420171194844515, 'that': 0.03553032868415191, 'he': 0.03301746753890801}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.21632781868933668, 'a': 0.1465078308629371, 'to': 0.13501857866269365, 'and': 0.1021852706752743, 'of': 0.08373514951310537, 'be': 0.03775696064272083, 'was': 0.034982856962073344, 'for': 0.03491085984947076, 'or': 0.031213714449855382}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {';': 0.037690467540972404, 'him,': 0.013392408072930455, 'is': 0.0122086526113365, 'given,': 0.011543281941198245, 'it,': 0.011247878040024133, ',': 0.009633388331612106, 'them,': 0.008724929917917325, 'was': 0.008190761452824925, 'time,': 0.008177996426275149}, {'of': 0.466033666288447, 'in': 0.16207532322898124, 'the': 0.10742353004591186, 'by': 0.06968758422266833, 'to': 0.044612056434797924, 'along': 0.03718579517813877, 'on': 0.03446383130454669, 'In': 0.023605653764120372, 'with': 0.016389122879900478}, {'a': 0.4753575308467878, 'the': 0.1306417124184603, 'very': 0.058478966495501, 'but': 0.04620439673771712, 'of': 0.039072878151261314, 'and': 0.03415372238843285, 'A': 0.02933208911443574, 'is': 0.027539992056391988, 'with': 0.02150405184637963}, {'the': 0.7417981490168766, 'The': 0.042052563301658116, 'tho': 0.038142804742132004, 'of': 0.034828655815409185, 'a': 0.0289060110879558, 'general': 0.020493050358201086, 'and': 0.01653164786432346, 'in': 0.013367234539488066, 'tbe': 0.01231385253214303}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'made': 0.11942847096974421, 'and': 0.07979570471363857, 'caused': 0.029091215056480817, 'shown': 0.028426754301022945, 'up': 0.02777670568714523, 'ed': 0.027617079589566704, 'out': 0.026630159435991316, 'taken': 0.02626602987193105, 'done': 0.02542850605479482}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.36665679305483917, 'a': 0.3142434498591144, 'of': 0.07447918332039935, 'and': 0.03982901012228133, 'The': 0.03874945906445192, 'very': 0.036646669580775185, 'tho': 0.034927169981140094, 'his': 0.026404978095627023, 'in': 0.02480329132052516}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'of': 0.22618930910488078, 'to': 0.1926003045910092, 'in': 0.13355922550000146, 'and': 0.07160265354935783, 'with': 0.06015396089297813, 'for': 0.05422028386210254, 'at': 0.051699094842630425, 'reserves': 0.05074723877324761, 'have': 0.044430013726393096}, {'to': 0.20970249520300652, 'the': 0.1608383778154352, 'of': 0.12373215636749041, 'and': 0.0825540383288082, 'not': 0.07554956064754864, 'for': 0.03904023602704132, 'or': 0.03830496487542084, 'at': 0.029125990070954247, 'in': 0.029109619741560795}, {'the': 0.27156041208381027, 'a': 0.12078036331060568, 'of': 0.10351855073906335, 'lode': 0.08356479171850893, 'by': 0.03873975613397701, 'for': 0.038465360075648235, 'and': 0.031652227143781415, 'this': 0.02840177176130991, 'that': 0.027754348280495694}, {'and': 0.09876115941919279, 'it': 0.04218826816914099, 'that': 0.040764081421080664, 'them': 0.033633742949259075, 'found': 0.027318315399375483, 'but': 0.026494304835938592, 'is': 0.02479035496012438, 'or': 0.021815212138642313, 'not': 0.020115310232600807}, {'of': 0.2785225880405675, 'in': 0.15467908297004868, 'and': 0.0846807236348456, 'to': 0.08206790954514209, 'with': 0.06640157482187065, 'for': 0.0614254827780926, 'by': 0.043711686748207815, 'all': 0.043470888275559734, 'from': 0.03969257951618359}, {'as': 0.06018532287164258, 'able': 0.0533349837795529, 'is': 0.05310237134029539, 'and': 0.05088273269053911, 'order': 0.046723954077978885, 'enough': 0.043656684791300554, 'right': 0.04339726580117062, 'power': 0.042651012665729744, 'necessary': 0.04191108625121156}, {'and': 0.10744084785575837, 'looked': 0.05027906681184389, 'depend': 0.04960698162359882, 'called': 0.04904628219398665, 'look': 0.037481153987217984, 'due': 0.032922555844279236, 'down': 0.027853322336270928, 'made': 0.025432662393870945, 'imposed': 0.025032944171868098}, {'and': 0.18756950964637897, 'fact': 0.1049849152597119, 'so': 0.07037830284758004, 'is': 0.0698129041959173, 'know': 0.04689430441169238, 'believe': 0.04220969452949754, 'say': 0.03563289672405089, 'was': 0.029461958020516984, 'found': 0.026495012556699685}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.2077576319871836, 'or': 0.18403206604033603, 'and': 0.15867640958478943, 'of': 0.08110782341503242, 'for': 0.06385765662854116, 'in': 0.0633070331143369, 'to': 0.022892357269381765, 'from': 0.021962897427282812, 'with': 0.021164585390870554}, {'of': 0.26123285619447284, 'to': 0.11310721016847632, 'in': 0.1039909538957225, 'with': 0.07455011065855971, 'on': 0.054074785230624686, 'and': 0.04825484186870484, 'for': 0.04614046881623299, 'by': 0.04250258410398604, 'from': 0.037844811989733496}, {'of': 0.21788124049317337, 'to': 0.07297107225877877, 'the': 0.07251705234077242, 'and': 0.050704915071876897, 'in': 0.04666649222460927, 'a': 0.04595077605962352, 'for': 0.024828034685842673, 'with': 0.023253432594164288, 'that': 0.0200728037329476}, {'to': 0.2725902953353243, 'will': 0.2529683253813925, 'would': 0.10691589069796617, 'may': 0.0764381152578819, 'should': 0.0645935323547874, 'shall': 0.0561801716169667, 'not': 0.05028787753060933, 'must': 0.03328706238983395, 'can': 0.029801283613015987}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.21169930024846043, 'all': 0.05892818444193634, 'of': 0.05252723967244502, 'to': 0.04879509444323193, 'time': 0.031512098928372326, 'but': 0.030468506685091695, 'for': 0.029359105444694413, 'fact': 0.027942958246110032, 'things': 0.025571409666510163}, {'and': 0.1643750739320474, 'to': 0.11308849099359096, 'of': 0.09257186972953912, 'the': 0.058492793891692645, 'is': 0.03362001373855709, 'be': 0.03044295080159087, 'was': 0.029309634913015286, 'for': 0.029273517068454345, 'which': 0.025531799132510476}, {'they': 0.20363703419822654, 'who': 0.15291307576326335, 'we': 0.1207048215409995, 'you': 0.07243214151095399, 'and': 0.06629263851970017, 'We': 0.06238969701509451, 'They': 0.049661796504538135, 'which': 0.039660497470727696, 'men': 0.03542223873563585}, {'the': 0.58879507581996, 'The': 0.12120767920047673, 'in': 0.07080083182967035, 'a': 0.055686485498414186, 'In': 0.03805734082340649, 'of': 0.02976306746800739, 'this': 0.029394872700922645, 'tho': 0.02396472591678479, 'that': 0.012540600016455322}, {'and': 0.18000726411130824, 'said': 0.10109705394995844, 'fact': 0.06528395459074089, 'stated': 0.05302264213713355, 'so': 0.04517641253901115, 'him': 0.03871021418260112, 'know': 0.03725473856966339, 'say': 0.029084524660267504, 'is': 0.028698334626685935}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.3429396751549373, 'to': 0.12229972236770179, 'that': 0.0933990729875826, 'and': 0.09083550371080017, 'by': 0.06570908649188226, 'in': 0.055306593763496475, 'with': 0.05520691383177457, 'from': 0.0454673747564599, 'for': 0.04322532186312087}, {'and': 0.02556438260983456, 'it': 0.02291819826871019, 'them': 0.020378573310671864, 'time': 0.018535971192168894, 'men': 0.017719669267076504, 'day': 0.017588400900291293, 'him': 0.015982254290567315, 'well': 0.014907566931334803, 'made': 0.014496575321677137}, {'and': 0.226744937917834, 'to': 0.19866764066974316, 'of': 0.06348195475727905, 'the': 0.04126742710003121, 'who': 0.02606097017369435, 'or': 0.023936371170359086, 'not': 0.021916613505293968, 'by': 0.01888894830179046, 'he': 0.018542417186971537}, {'to': 0.11272467325873015, 'the': 0.09570920935957357, 'of': 0.08084508540075111, 'and': 0.07746796351453314, 'a': 0.03161606912023797, 'in': 0.024763881588432984, 'at': 0.024446783401682257, 'for': 0.018599489625864805, 'is': 0.01726400145434898}, {'to': 0.20970249520300652, 'the': 0.1608383778154352, 'of': 0.12373215636749041, 'and': 0.0825540383288082, 'not': 0.07554956064754864, 'for': 0.03904023602704132, 'or': 0.03830496487542084, 'at': 0.029125990070954247, 'in': 0.029109619741560795}, {'<s>': 0.044807014552833424, 'them.': 0.043659377917237924, 'it.': 0.021302299418814816, 'men.': 0.010954538767501866, 'him.': 0.010031261864418658, 'time.': 0.00965994631987913, 'day.': 0.009599482186424911, 'people.': 0.008135557399584855, 'city.': 0.007912566798795836}, {'the': 0.19114875541511256, 'of': 0.13097772965895066, 'and': 0.07082814739463955, 'to': 0.06224041038929077, 'at': 0.05268840812906617, 'in': 0.052404638463758105, 'a': 0.0448673813977585, 'for': 0.03091102333927898, 'by': 0.021621107938403668}, {'they': 0.11472026757655598, 'it': 0.11062993930177682, 'I': 0.07843932330554008, 'he': 0.07589082355636532, 'you': 0.0732945115695732, 'It': 0.07140649748543064, 'which': 0.06895550318445079, 'and': 0.0614570614088666, 'we': 0.0517049544253915}, {'<s>': 0.10386785688763925, 'it.': 0.01943582032522203, 'them.': 0.014925306534048796, '.': 0.009611773793192219, 'time.': 0.00961013388753596, 'country.': 0.008828535198669206, 'day.': 0.008792078173578799, 'him.': 0.008438218321567902, 'year.': 0.006593543541938923}, {'when': 0.1373313316396332, 'that': 0.12964742359476028, 'and': 0.12406640928480862, 'as': 0.10298284596765847, 'which': 0.09383212209994125, 'to': 0.05099289559774475, 'but': 0.03291058931543853, 'where': 0.03139662588091995, 'will': 0.030980683380714958}, {'made': 0.06871260550480886, 'and': 0.06558157932725786, 'owned': 0.03572899140826198, 'or': 0.031596036535925534, 'done': 0.031034137378352956, 'accompanied': 0.029564913292996476, 'followed': 0.02942138202528957, 'that': 0.029336362377976693, 'paid': 0.025961430025910243}, {'of': 0.30261916639930636, 'in': 0.1263279237536438, 'to': 0.11820958606971688, 'for': 0.07553035159536152, 'with': 0.07480139484073815, 'on': 0.06844690879719499, 'by': 0.05663528976155115, 'and': 0.05548940350358482, 'that': 0.04176456685646201}, {'the': 0.3739056769273772, 'a': 0.1388936194426464, 'of': 0.06710157422881684, 'and': 0.05164878995086527, 'The': 0.03940750634678401, 'in': 0.026819623344166103, 'tho': 0.021796510195887856, 'an': 0.021598222462511467, 'or': 0.017096188319210965}, {'well': 0.09289188070909403, 'known': 0.09150792033496646, 'such': 0.06495686320865282, 'and': 0.057675598864368814, 'far': 0.05283258664895302, 'soon': 0.0367922664062837, 'is': 0.033512873427505765, 'just': 0.033213473437915655, 'was': 0.02672271563617947}, {'they': 0.11863730955475436, 'who': 0.08921894180942813, 'we': 0.08432571631878312, 'and': 0.073129916964236, 'which': 0.06016218488074752, 'They': 0.03866776133200642, 'that': 0.03550151333151044, 'We': 0.03377358194772934, 'you': 0.022987277997028033}, {'part': 0.20992839514846526, 'survey': 0.0897529136590441, 'conviction': 0.06279140606828708, 'one': 0.056682226065614474, 'payment': 0.04125777324993349, 'holder': 0.03193017171405873, 'either': 0.021451197829999123, 'sale': 0.018493618132136156, 'acres': 0.017559063851549237}, {'he': 0.24209603678234914, 'I': 0.15511527386158988, 'they': 0.09220803578466644, 'who': 0.07326461577672319, 'and': 0.06375979101568269, 'He': 0.06164691552526725, 'it': 0.05772635540513047, 'she': 0.056964181600033977, 'we': 0.04962759820628763}, {'of': 0.19407254494036275, 'to': 0.16844744452212618, 'in': 0.14794629977798848, 'for': 0.11076770793307772, 'with': 0.0857316333971679, 'at': 0.05793949483703809, 'and': 0.05612876133617239, 'from': 0.04916558270887345, 'by': 0.045823767081025264}, {'of': 0.19590341300088454, 'as': 0.17416295399515092, 'that': 0.09031773201686114, 'is': 0.0889525533593634, 'and': 0.08767315519107872, 'for': 0.06611464738888219, 'to': 0.05856518184792372, 'by': 0.045567948333167366, 'was': 0.04355203125521984}, {'the': 0.1986825663825698, 'of': 0.14949113160881444, 'two': 0.0514634128525585, 'and': 0.04654572709044934, 'these': 0.03628634115855936, 'other': 0.03522884658081515, 'all': 0.03032842623140958, 'his': 0.0245057710740256, 'both': 0.021540893400863122}, {'the': 0.7010960682547407, 'his': 0.04803689760505245, 'to': 0.047031768852921096, 'a': 0.0358421009592469, 'their': 0.033743604122350286, 'tho': 0.027520931981894637, 'The': 0.026941413888578018, 'my': 0.02454352862052794, 'an': 0.024494511159852194, 'its': 0.02074917455483584}, {'the': 0.1882273490201912, 'a': 0.14224297554314547, 'of': 0.07773559762398365, 'and': 0.07166570958764365, 'to': 0.06408837353119672, 'in': 0.04450121054865701, 'with': 0.01946785608082967, 'his': 0.019384562585244545, 'for': 0.017217547837243646}, {'the': 0.1752683732733445, 'of': 0.1538198541331256, 'a': 0.09759460307656512, 'in': 0.07074526332472186, 'and': 0.0673493246139586, 'to': 0.05190761994934311, 'on': 0.028864153351718835, 'his': 0.022347646277541922, 'an': 0.02161408111150325}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'of': 0.3347277815876996, 'to': 0.13311847253708192, 'in': 0.10135955777180801, 'and': 0.07227007575596026, 'that': 0.0602537140472914, 'by': 0.05786277746698422, 'as': 0.040147474696508825, 'with': 0.03775610439473338, 'from': 0.03262448547080068}, {'the': 0.5475792081613765, 'The': 0.0966254442748655, 'of': 0.07936054727784998, 'a': 0.07502283612505421, 'and': 0.03171778775722328, 'tho': 0.027537968687039897, 'in': 0.021268347646101558, 'by': 0.01556201012736034, 'with': 0.014227046453326685}, {'it': 0.17631840931253462, 'It': 0.09867688226756662, 'there': 0.08600912160136723, 'and': 0.06475904671543871, 'which': 0.06292233519343357, 'that': 0.0484001947404905, 'they': 0.04656456341307224, 'he': 0.04302087882218858, 'I': 0.02728911743464942}, {'of': 0.17549319631411026, 'the': 0.16860968442253635, 'a': 0.1436455108330451, 'and': 0.10627412257581993, 'that': 0.04903339192208262, 'or': 0.03027113568861053, 'this': 0.025483703321676706, 'The': 0.023357796706081686, 'his': 0.02177927391539268}, {'time': 0.03654567737816885, 'out': 0.03273646983432867, 'day': 0.025831790146272487, 'amount': 0.02488605631774921, 'that': 0.02444861807922608, 'cause': 0.02251825643315136, 'tion': 0.019676358159321165, 'one': 0.01923552677766946, 'place': 0.019038314366407856}, {'it': 0.1392655652583725, 'he': 0.12198865129870436, 'It': 0.0920730759264974, 'which': 0.06588711175855988, 'I': 0.06221487354667309, 'and': 0.05220228347513967, 'who': 0.04105502827225842, 'He': 0.03721999320042121, 'that': 0.034840913784500716}, {'the': 0.199587516676878, 'to': 0.08667866084703935, 'of': 0.08280754172853354, 'a': 0.08097546041556015, 'and': 0.0519457977712415, 'in': 0.041606793046020704, '.': 0.018693924767224056, 'at': 0.016857672301849844, 'or': 0.013340161600504882}, {'was': 0.09706243341280638, 'and': 0.06400568318763264, 'is': 0.06141373262992265, 'be': 0.04644721512289147, 'it': 0.04374024593618891, 'are': 0.032962875203177006, 'of': 0.02932427659545223, 'were': 0.028933850178410454, 'been': 0.02858913463118318}, {'able': 0.09479963576490304, 'have': 0.08072411869343085, 'had': 0.07218098368397798, 'him': 0.06297879932085525, 'not': 0.06156289165764806, 'enough': 0.0595246797006208, 'want': 0.05746189198351651, 'is': 0.05402551493554515, 'willing': 0.05097859006621295}, {'it': 0.17952622711787222, 'he': 0.15044588152732075, 'It': 0.12437758084402802, 'I': 0.06631114132225804, 'He': 0.06578879707324527, 'she': 0.033855262589097816, 'which': 0.03211494581840385, 'and': 0.02920665908346928, 'who': 0.025210895298064993}, {'and': 0.07183289031255977, 'demand': 0.025944685217575657, 'ready': 0.021477506387310677, 'used': 0.020653840313379437, 'time': 0.018693235575541325, 'not': 0.014344251169100857, 'vote': 0.014321157386397571, 'it': 0.014219992250690474, 'candidate': 0.013420651590409303}, {'at': 0.6055920797478835, 'the': 0.2800050113936254, 'of': 0.0401799753876843, 'to': 0.021899283250054226, 'At': 0.016045528420798982, 'The': 0.010743346000675771, 'in': 0.005922253945262053, 'our': 0.005880114964724229, 'tho': 0.005385520467123962}, {'of': 0.331467245904733, 'in': 0.14199335216018244, 'to': 0.107484255915292, 'for': 0.07935638778885663, 'on': 0.06896612972172124, 'and': 0.05307861409094176, 'with': 0.04424834830218161, 'that': 0.04178910472675671, 'In': 0.03794459228168163}, {'of': 0.1591020544317612, 'as': 0.13064795397782575, 'is': 0.09425961620206508, 'and': 0.07786684201404148, 'that': 0.07593864953044967, 'was': 0.06725148861719213, 'by': 0.06462248612924955, 'for': 0.06345903238040874, 'to': 0.06344972053218662}, {'<s>': 0.1573335835664784, 'it.': 0.02304104326971093, 'them.': 0.015274007828785957, 'day.': 0.013611430680229018, '.': 0.01209857293877193, 'time.': 0.01195288750335831, 'country.': 0.009905476044999495, 'him.': 0.009844074505609667, 'year.': 0.008136312847516449}, {'of': 0.2580599937321244, 'the': 0.09061400880063077, 'such': 0.06327025462799561, 'or': 0.03424941225767362, 'two': 0.028295690189729165, 'young': 0.028050973837975224, 'hundred': 0.02764387829979571, 'other': 0.0258367901391895, 'by': 0.024652445821470505}, {'gave': 0.2042823141644886, 'give': 0.16389035305909935, 'to': 0.1587908242805177, 'told': 0.08735614435241115, 'for': 0.0516496629317669, 'with': 0.04647413800214292, 'tell': 0.034001366988674134, 'make': 0.030625463591482573, 'gives': 0.027812975697694694}, {'amount': 0.08196487717610369, 'out': 0.06142316781623841, 'purpose': 0.054466212555917215, 'instead': 0.04912467437102109, 'number': 0.04070299764687424, 'place': 0.03803024712893971, 'rate': 0.03738365877258339, 'full': 0.03568767845134409, 'matter': 0.03466974319362676}, {'the': 0.0965313401044479, 'and': 0.08950820965428102, 'of': 0.08604137305277068, 'to': 0.06020160703918186, 'for': 0.041969677702746996, 'that': 0.041005129710229564, 'in': 0.036072302427258354, 'a': 0.035194757633902146, 'or': 0.029278021158553977}, {'and': 0.11765940493368969, 'demand': 0.029511677480790355, 'time': 0.021550796210847267, 'or': 0.020671659742637096, 'made': 0.019413185533301982, 'ready': 0.0187313724316931, 'up': 0.018097749326002204, 'used': 0.0178639469036355, 'that': 0.015277656163550098}, {'of': 0.25995133064993736, 'in': 0.13091167419695496, 'to': 0.11916929559128253, 'for': 0.07208100692454211, 'and': 0.06963574678308788, 'that': 0.05884708628181701, 'by': 0.052152303394776174, 'In': 0.04726016111722519, 'on': 0.04145250239545569}, {'was': 0.24685988071808357, 'be': 0.1800702241913422, 'is': 0.14537446161425122, 'not': 0.08076336350527821, 'are': 0.07939179049043543, 'and': 0.06192451891592738, 'were': 0.05663648648747007, 'had': 0.043506892871961744, 'been': 0.04346917307011859}, {'of': 0.18547839497418891, 'in': 0.11895727739050044, 'is': 0.09951537668765104, 'was': 0.087654828515962, 'to': 0.08662520820630834, 'and': 0.0841947134365892, 'as': 0.08139429895065287, 'with': 0.07427717423961064, 'by': 0.05784237004325086}, {'of': 0.1398457905812425, 'and': 0.11181757365073093, 'to': 0.10450208895626736, 'or': 0.10380296780077247, 'the': 0.09668661316848545, 'in': 0.07264357208690563, 'a': 0.06328751508953749, 'about': 0.061994250383953356, 'for': 0.05134175015581471}, {'of': 0.18715233780746704, 'in': 0.1229440731519667, 'and': 0.11348457542408384, 'with': 0.0912918349565344, 'is': 0.0902667693585262, 'was': 0.0721366047186828, 'by': 0.06976855915478507, 'for': 0.06844874165568778, 'to': 0.05278650092688583}, {'man': 0.09721588238780877, 'and': 0.07303706084231067, 'those': 0.05941460369468373, 'one': 0.05591020621270273, 'men': 0.04055739834831657, 'all': 0.02965783273552722, 'woman': 0.025148628176121016, 'person': 0.022743193114226096, 'people': 0.01642239887449349}, {'to': 0.8131520440362093, 'and': 0.04945352270396405, 'not': 0.04166448399935431, 'only': 0.011174397190775735, 'in': 0.011103971623212366, 'for': 0.009733919161812174, 'of': 0.009196710634472647, 'never': 0.008079350909336681, 'or': 0.007867349225788077}, {'he': 0.12057440551014592, 'and': 0.08210122943553719, 'I': 0.0674182256416989, 'He': 0.06295926448552493, 'she': 0.04611948825896773, 'It': 0.0343690232266723, 'who': 0.027837825213105665, 'which': 0.0265230089454546, 'it': 0.023638952615766446}, {'number': 0.07232826243170562, 'amount': 0.06075930512837228, 'purpose': 0.036086711521931644, 'out': 0.03259329766253365, 'matter': 0.03242504817112309, 'means': 0.028525689824791197, 'system': 0.02464748832774555, 'kind': 0.022878098398913922, 'line': 0.022581356643089533}, {'and': 0.11295006844406957, 'of': 0.09650731643329963, 'to': 0.08799385283830181, 'the': 0.06388208141100034, 'be': 0.029865146379584307, 'in': 0.027107351917580146, 'or': 0.02612912933067583, 'was': 0.02164959241567638, 'as': 0.020001785068982033}, {'the': 0.5920778897053486, 'and': 0.06927721731001266, 'of': 0.05548348814255881, 'this': 0.035661607558405646, 'tho': 0.03371724824705257, 'a': 0.031409923434573786, 'be': 0.021328012216744657, 'an': 0.01798763281046617, 'said': 0.015339649888401101}, {'to': 0.625228318716089, 'will': 0.08753841235474077, 'would': 0.0432985640880382, 'and': 0.03638946089243157, 'not': 0.035114100225735606, 'they': 0.02634867471896136, 'must': 0.02589195651059976, 'can': 0.022696529387059135, 'could': 0.022192955468973614}, {'and': 0.022572669105951484, 'the': 0.018999117811293882, 'all': 0.016056152772528, 'men': 0.014529280872660625, 'work': 0.014523510178838323, 'day': 0.014468764924735054, 'tion': 0.01247489491235256, 'both': 0.01206118017144898, 'kind': 0.011803359980740271}, {'the': 0.15759486494028305, 'and': 0.1459055151472753, 'of': 0.04576075920375329, 'will': 0.0427095652347805, 'to': 0.04188058162714594, 'a': 0.029077845123323957, 'do': 0.02686066795576039, 'that': 0.025350914162423074, 'would': 0.024070261332485444}, {'the': 0.34844105099391687, 'of': 0.14875900080680785, 'and': 0.0860279081676109, 'for': 0.04966251485237123, 'some': 0.03567394535229778, 'their': 0.02984886812160887, 'his': 0.028778660451668405, 'these': 0.027535081513022173, 'The': 0.02518703859534267}, {'to': 0.2505037164356709, 'will': 0.24969508748330527, 'may': 0.09652291392965813, 'should': 0.09115462773514764, 'would': 0.07702174649556043, 'shall': 0.06623229484356803, 'can': 0.04656675028591652, 'must': 0.04636041521755376, 'not': 0.037201975606114275}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'a': 0.2455418115154054, 'the': 0.16227438137059125, 'his': 0.12456198701981885, 'of': 0.07233798065265222, 'their': 0.06109008387359194, 'to': 0.05245855904274186, 'my': 0.025382458312190496, 'her': 0.02512947959794893, 'one': 0.02510062995243729}, {'the': 0.24087161892863207, 'in': 0.2378182834268154, 'to': 0.1093063713965374, 'of': 0.08958634705647722, 'In': 0.06229466090589288, 'from': 0.057689590880886134, 'this': 0.039794877697508765, 'for': 0.02589005642521933, 'and': 0.02554960155046765}, {'the': 0.24048784398010126, 'of': 0.10632421434120215, 'and': 0.10553153298358099, 'The': 0.07183108295659232, 'that': 0.02575588295156761, 'his': 0.017425129602790537, 'tho': 0.015481695617446048, 'these': 0.014408992859812612, 'to': 0.014363182432615144}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'in': 0.26613937238473406, 'of': 0.22376642279868805, 'In': 0.13415019405190093, 'to': 0.057775132590652985, 'and': 0.04908164438508218, 'that': 0.043175192494291026, 'is': 0.034595219300116636, 'with': 0.033594281705440474, 'for': 0.029992415174377736}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'and': 0.18806562648828107, 'fact': 0.075698033825834, 'say': 0.049480503544628095, 'know': 0.039011178716863014, 'is': 0.029844533330441552, 'said': 0.029582446219184506, 'believe': 0.029326721804073502, 'show': 0.02555667858243794, 'so': 0.024104594329146974}, {'of': 0.10408616689590952, 'the': 0.0986900331698948, 'and': 0.05701352615608303, 'to': 0.04502836773706315, 'a': 0.03780779334619606, 'at': 0.02937070463197546, 'his': 0.020239671670571915, 'in': 0.019761494400663476, 'is': 0.01758882123393634}, {'in': 0.1756472360736496, 'of': 0.1581590160011028, 'by': 0.13317703505430434, 'and': 0.11508740664851519, 'to': 0.07509940681153926, 'In': 0.06117187646209948, 'for': 0.052115860802892315, 'with': 0.03229218398521962, 'after': 0.030318694395501066}, {'the': 0.288134451775242, 'a': 0.27716334707209517, 'was': 0.07452215190736963, 'and': 0.06071874120146736, 'his': 0.05199437757685975, 'their': 0.042650943042303095, 'is': 0.04235538143382886, 'have': 0.03372091217131612, 'had': 0.03138850533814476}, {'a': 0.5973955544181532, 'past': 0.11609077216488206, 'last': 0.08401089713932176, 'A': 0.06195116889978538, 'the': 0.03970409619784098, 'next': 0.034785980704202156, 'very': 0.033387840060833084, 'for': 0.007975904180451989, 'but': 0.006867867066294662}, {'State': 0.0626127544232971, 'city': 0.03935664831148857, 'day': 0.03654433503978033, 'line': 0.031449663599348344, 'state': 0.028624349238077905, 'side': 0.02582521745017827, 'place': 0.024822952098613606, 'county': 0.024128706111659886, 'corner': 0.018611189287244482}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'a': 0.607004141356065, 'the': 0.1280105777780952, 'and': 0.055636142765483065, 'is': 0.03533777526209344, 'of': 0.026265687811509376, 'to': 0.02602214655329422, 'was': 0.025590863423338488, 'no': 0.020780337308035232, 'very': 0.020583358033861746}, {'of': 0.19617933745314844, 'and': 0.1220023091223236, 'to': 0.11089625197441347, 'in': 0.05846677030718594, 'on': 0.053041697461885084, 'with': 0.05217412359846205, 'for': 0.05097442232825539, 'that': 0.03299823908076375, 'from': 0.0324619072024556}, {'the': 0.15063733641078275, 'and': 0.08985286205756884, 'all': 0.0877561459259805, 'very': 0.08507175373069797, 'most': 0.08404864429261863, 'a': 0.07864143303887092, 'more': 0.0737981788791062, 'as': 0.06641059357326612, 'of': 0.06279326759688322}, {'number': 0.06543935760158794, 'kind': 0.06319014656628105, 'sort': 0.043591124546576224, 'out': 0.041887499318744324, 'place': 0.034986895924761306, 'line': 0.03399527961732803, 'Board': 0.03096681315148951, 'point': 0.029647811011933308, 'matter': 0.02839932501342976}, {'as': 0.11715028463948621, 'or': 0.06712935388729169, 'opposed': 0.052971359932449925, 'come': 0.04682797457432384, 'and': 0.04468218198192506, 'up': 0.03588228621840847, 'regard': 0.03475073112482328, 'equal': 0.03419919541710115, 'entitled': 0.03336337407170024}, {'in': 0.3908147709582293, 'In': 0.1403256622479474, 'of': 0.12791713783491604, 'to': 0.08202499246170654, 'on': 0.04544191536658504, 'is': 0.031171861692660327, 'that': 0.028831870191025098, 'and': 0.025755170416444585, 'at': 0.02562451144565219}, {'to': 0.11611623202716108, 'and': 0.0927670277041291, 'of': 0.05480015358824163, 'the': 0.03853384443427393, 'is': 0.03353964289198347, 'in': 0.029809014802675858, 'was': 0.0288691907044105, 'con-': 0.025306563829559637, 'will': 0.02411726427444757}, {'and': 0.06836615806839769, 'closing': 0.050893343497395126, 'was': 0.030410464365082754, 'valued': 0.024267484682224193, 'held': 0.022214654137899494, 'sold': 0.021055232583252027, '2': 0.020543621014705526, 'is': 0.020278384145430397, 'arrived': 0.019208907943256866}, {'w': 0.204322085795118, 'and': 0.16216918389669485, 'that': 0.05883039864098864, 'to': 0.043264065732226006, 'I': 0.033182656201785704, 'which': 0.031388609257306375, 'but': 0.024802736868557572, 'will': 0.0208529846777803, 'wr': 0.017723159722474707}, {'the': 0.30447143983542563, 'of': 0.13129106376583982, 'and': 0.08900012382201486, 'his': 0.057889008170207694, 'their': 0.04774602898723581, 'to': 0.04641207348808027, 'are': 0.04116794369033462, 'The': 0.0336446185337651, 'her': 0.02834598523306227}, {'he': 0.18947889568901766, 'be': 0.14556873473000095, 'and': 0.1116445641836796, 'I': 0.08815288498390507, 'is': 0.05193425605261219, 'she': 0.03892063297601805, 'it': 0.03619144078409441, 'they': 0.03382336526209322, 'was': 0.030653451994184053}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'one': 0.06994112583056121, 'part': 0.049001893622229294, 'that': 0.041251583664596754, 'out': 0.03474875385036625, 'and': 0.033299659145478576, 'day': 0.03301330089665913, 'all': 0.02937972153579541, 'sum': 0.021454092190673187, 'account': 0.019132888083682267}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'containing': 0.2055391792184623, 'of': 0.20391821527367401, 'the': 0.08714491218292937, 'and': 0.07284522341513287, 'about': 0.036247056293950586, 'to': 0.03616289566988071, 'or': 0.024516480365564485, 'in': 0.016358869900348894, 'at': 0.015966225662682305}, {'<s>': 0.06891257652744026, '.': 0.048887950757565704, 'it.': 0.017518504531235442, 'and': 0.015347493675762443, 'them.': 0.015054557098660156, 'time.': 0.008452285513696674, 'the': 0.007366849024624204, '4.': 0.006800615524182547, 'people.': 0.006662080271426233}, {'and': 0.06607371583779333, 'filled': 0.06375018165174698, 'charged': 0.04511924600293409, 'covered': 0.03855591536236391, 'together': 0.03302973946737482, 'it': 0.02203728765672006, 'up': 0.0184130051354166, 'but': 0.017646339410493355, 'met': 0.016210986800743257}, {'able': 0.08659224930188916, 'is': 0.07083297074515803, 'enough': 0.06562162780551149, 'and': 0.06084519652146346, 'him': 0.05482646347391267, 'unable': 0.05340171099137017, 'not': 0.04929723441967738, 'was': 0.044124876761506455, 'order': 0.04194773473161937}, {'the': 0.20023466803298923, 'and': 0.18160119434133312, 'be': 0.14552851837838507, 'was': 0.06810983904505451, 'been': 0.055450868529794285, 'is': 0.053682371275641794, 'to': 0.049374700536107465, 'are': 0.04192173053605505, 'he': 0.03610517419625576}, {'of': 0.07151161092194006, 'thousand': 0.04339072200016743, '160': 0.040611868049677785, 'hundred': 0.036543166015963045, 'ten': 0.03391720873162152, 'two': 0.028412831455081156, '40': 0.028256668974300955, 'sixty': 0.027397814798820735, 'fifty': 0.020345610276465288}, {'for': 0.23354308478774877, 'of': 0.18579956852018956, 'For': 0.14015246154938726, 'and': 0.09955384008605522, 'by': 0.05513168961218575, 'that': 0.04917455272186564, 'to': 0.04507783608501685, 'the': 0.04112716938571703, 'so': 0.03338095045124025}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'the': 0.44131919385065094, 'this': 0.09429045137220309, 'such': 0.08292273523742097, 'said': 0.06919423581673302, 'a': 0.05669430775211471, 'and': 0.02856262016890473, 'of': 0.022041781191192825, 'his': 0.019790542180710108, 'tho': 0.016639952301517595}, {'a': 0.1749502687995128, 'the': 0.08016855391599466, 'of': 0.07640293069346318, 'this': 0.06219472666513849, 'his': 0.06036728059310975, 'any': 0.05380908325444648, 'in': 0.05166057536539274, 'and': 0.04750128386399089, 'as': 0.04529289955779179}, {'one': 0.03872976195871674, 'on': 0.022069939347948268, 'two': 0.0166810052867728, 'sold,': 0.01659538137665742, 'more': 0.016312794112353115, 'and': 0.01504174879531028, 'little': 0.014676877364129506, 'law': 0.011544621174978132, 'action': 0.01107827631525584}, {'be': 0.2086725172290662, 'is': 0.17427284103647758, 'are': 0.10387379342971238, 'was': 0.09752997320967252, 'been': 0.06233047322628399, 'and': 0.04820247744493198, 'Is': 0.03350462403550586, 'were': 0.03313586472234721, 'being': 0.029998289148776097}, {'the': 0.36520045912262106, 'a': 0.2523063232929022, 'of': 0.07176614888695672, 'oak': 0.03104467035475973, 'to': 0.024620079008258917, 'this': 0.022994157096078556, 'tho': 0.01908381571377384, 'every': 0.015591346550661484, 'The': 0.01524359612985635}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'the': 0.26516721337852633, '.': 0.04518602662745817, 'and': 0.0340162900740793, 'Mr.': 0.025779489260718505, 'of': 0.021290711183982052, 'The': 0.01766911997797206, 'in': 0.017504184115997592, 'a': 0.015036145767830775, '<s>': 0.014955128612825809}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {"o'clock": 0.17782115476272908, 'Mrs.': 0.07584403706620779, 'and': 0.058491307624925395, '.': 0.052424045835975944, 'oclock': 0.028370703811446612, 'by': 0.025561899635860568, 'C.': 0.023607673854018893, 'of': 0.016614710415209993, 'J.': 0.015112580594709369}, {'the': 0.4352331222837237, 'a': 0.16162449670761841, 'of': 0.08758811946717326, 'in': 0.07897814395786884, 'The': 0.04731521970922333, 'to': 0.03960717427774195, 'for': 0.036883650613827514, 'tho': 0.031304108637844184, 'and': 0.02705606204310815}, {'with': 0.1224998562201363, 'is': 0.1221937167651082, 'in': 0.10362633971883084, 'of': 0.10327993602540429, 'was': 0.08978533392109392, 'as': 0.08760141769296237, 'to': 0.08115934522885132, 'and': 0.059849886378648305, 'be': 0.05821964995127155}, {'and': 0.09429795717382632, ';': 0.028389101477761844, 'as': 0.026796072064244083, 'but': 0.025239910836957084, 'And': 0.023493479634684754, 'is,': 0.016132656541701967, 'that': 0.014622915529553743, 'and,': 0.014560424787754248, 'is': 0.013173609358943355}, {'be': 0.31649849604625774, 'was': 0.249347734118641, 'been': 0.12505455584325786, 'is': 0.07006175700594622, 'were': 0.06302489661701413, 'being': 0.031622106990909685, 'are': 0.029836740401949675, 'and': 0.019964372911245323, 'bo': 0.018410769751642395}, {'<s>': 0.10225552675970181, 'it.': 0.018040258247695028, '.': 0.012420220132285336, 'them.': 0.011542572224673567, 'him.': 0.009172526515547645, 'city.': 0.00718471521718064, 'and': 0.006738664821384679, 'day.': 0.005768925546767206, 'in': 0.005692473433944819}, {'the': 0.22385503872495965, 'of': 0.12279558790102472, 'and': 0.08904475940933988, 'in': 0.026214263348173065, 'to': 0.024114504210968408, 'a': 0.02321007396449455, 'by': 0.02106572029940857, 'tho': 0.0175303616409138, 'as': 0.01654874013218091}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.33813955362700376, 'The': 0.1534445606109601, 'no': 0.08333976579091107, 'his': 0.058549318635889226, 'that': 0.05570409452348463, 'of': 0.05495778319144632, 'and': 0.042323295021783655, 'this': 0.03880749723950098, 'their': 0.02440341885485889}, {'the': 0.15413753871704813, 'of': 0.11370269078749792, 'and': 0.07619287806653173, 'a': 0.056091634495572855, 'to': 0.04553997908549901, 'in': 0.03805635260364339, 'or': 0.018592813688906418, 'for': 0.0174473360156774, 'by': 0.01676316881818453}, {'the': 0.09021475027604489, 'and': 0.0728897114419438, 'of': 0.06698765161904402, '.': 0.037834886532291355, 'to': 0.025550935926291304, 'by': 0.02358982970921613, 'Mrs.': 0.02231492202356854, '<s>': 0.019584464883561123, 'Mr.': 0.016579132974519996}, {'the': 0.5607020131901868, 'an': 0.09267912068104787, 'this': 0.051681290378518895, 'of': 0.0362815047127528, 'a': 0.03603492842315409, 'The': 0.03034543616737224, 'tho': 0.026720797190187363, 'said': 0.025447520983344553, 'and': 0.021891053198546923}, {'in': 0.18389482880006872, 'of': 0.16774544632523514, 'by': 0.07910979001414091, 'and': 0.07612972908166625, 'is': 0.05276505089324706, 'with': 0.05212303819973934, 'from': 0.0398113425110083, 'have': 0.0358718018786787, 'for': 0.03439137266941855}, {'of': 0.5850013450607637, 'in': 0.2482430093290351, 'In': 0.056169891716927496, 'to': 0.01411232631268687, 'by': 0.012956468802940033, 'the': 0.012729251721264328, 'from': 0.012501089059491594, 'for': 0.011938249199776995, 'at': 0.011734483150689942}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'the': 0.29740512866398505, 'of': 0.15301544238963477, 'and': 0.13631503093060238, 'to': 0.11963061038286704, 'a': 0.05220722351240952, 'in': 0.028942146013050098, 'his': 0.028532520989833506, 'or': 0.02492966151902269, 'for': 0.02417889777785008}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.4012557034822985, 'this': 0.17223719056017758, 'The': 0.12139666415059137, 'that': 0.0614222799973529, 'This': 0.04138348039618629, 'a': 0.04132123101678068, 'of': 0.039596785516984805, 'tho': 0.027368962472457875, 'our': 0.02129451716942525}, {'brought': 0.16681034810098716, 'went': 0.13412754567026336, 'come': 0.10538054712321668, 'came': 0.09232146567293191, 'go': 0.08982167936618322, 'look': 0.07471649675831264, 'looked': 0.06677665292661088, 'sent': 0.06509473469743686, 'it': 0.06382402825817708}, {'the': 0.5866943646722118, 'a': 0.12619079840224717, 'and': 0.07469797979423025, 'The': 0.0323229813438384, 'this': 0.02920047012835238, 'to': 0.026898300810005573, 'tho': 0.026236549138547435, 'of': 0.01368480570855334, 'in': 0.01210187029475053}, {'the': 0.12533168439691064, 'and': 0.06850798711092711, 'a': 0.03310221103294305, 'of': 0.02865849263634676, '.': 0.02139077814609405, 'that': 0.019999966002351467, 'to': 0.01606503824491145, 'for': 0.01497052868414985, 'The': 0.013671014679159202}, {'and': 0.2276632842243981, 'he': 0.08706475090965458, 'who': 0.06675364181044245, 'that': 0.05704612696634225, 'which': 0.055169105534837226, 'they': 0.03718691111126301, 'I': 0.033571777266726645, 'He': 0.03265247370147569, 'it': 0.03165098956541051}, {'the': 0.23788706881629273, 'any': 0.1580935485348128, 'no': 0.12153450531226385, 'this': 0.11364716251499545, 'that': 0.08128331094160736, 'every': 0.07538622761894231, 'a': 0.06847613236626311, 'some': 0.05127888544778323, 'his': 0.041214972125342995}, {'to': 0.19014054432796684, 'of': 0.1590648980729427, 'with': 0.08289647768465411, 'in': 0.08131383651279907, 'is': 0.07029786815421935, 'was': 0.06297295568411844, 'and': 0.0626619747334587, 'as': 0.059574091863037075, 'for': 0.05701574595916934}, {'him': 0.08835028056145772, 'and': 0.08377911830020884, 'is': 0.0626744760390501, 'able': 0.056685646847435295, 'have': 0.05334565619565987, 'right': 0.045265787058868884, 'was': 0.044920895210052984, 'them': 0.04416970263441463, 'order': 0.04358927890399933}, {'was': 0.23674499716953892, 'be': 0.155934266965422, 'is': 0.15571143828024706, 'been': 0.07465436853929326, 'and': 0.07057545427828908, 'are': 0.05688073278896316, 'were': 0.05085856797725936, 'not': 0.04902590146025951, 'as': 0.03260653228110036}, {'said': 0.030771958185933954, 'of': 0.023980818395830602, '.': 0.01782561978768444, 'the': 0.017154432215988683, 'and': 0.009082632797374014, '<s>': 0.008052290903135532, 'State': 0.0068627215176286956, 'Medical': 0.006406552298478564, 'Agricultural': 0.004258629888931856}, {'a': 0.23100336184366665, 'legal': 0.17250855446575064, 'the': 0.16107602353559614, 'and': 0.0565676178632289, 'of': 0.044209575952292614, 'very': 0.035670044580274, 'so': 0.034641054440358615, 'as': 0.03449657539502166, 'this': 0.030827029172073705}, {'lot': 0.2568125042297383, 'June': 0.08704543746302777, 'July': 0.07117410764865979, 'May': 0.06886395789822951, '18,': 0.06852664736370152, 'No.': 0.06447337751363168, 'block': 0.0583977396780635, 'April': 0.04186831511760112, 'March': 0.03825068545156558}, {'Resolved,': 0.085097462325087, 'enacted,': 0.07102080622153724, 'Provided,': 0.06238061061050083, '<s>': 0.056441562779459324, 'enacted.': 0.03986871969499015, '2.': 0.02126591713546462, '1.': 0.018242261415214497, '4.': 0.017677359389869595, 'it.': 0.016314659156524674}, {'<s>': 0.10416326801038844, '.': 0.01622411888705998, 'it.': 0.01294577549871813, 'them.': 0.010327194574601307, 'years.': 0.00940721620923379, 'time.': 0.008093788635841355, 'him.': 0.007593576750095916, 'else.': 0.0068856468511466025, 'day.': 0.006073800752840181}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'the': 0.274476561703674, 'and': 0.0781552467300407, 'a': 0.07383264054244307, 'their': 0.0726463949473657, 'of': 0.07062319128713626, 'his': 0.06736988987478773, 'no': 0.05973934918882615, 'its': 0.05093749074814704, 'any': 0.046457338349934076}, {'the': 0.4812545879283089, 'of': 0.10963942848150195, 'The': 0.0863933077971566, 'and': 0.051090550231581704, 'tho': 0.02828142400290918, 'that': 0.023030072376146155, 'his': 0.01988052248706548, 'to': 0.016165925887021804, 'said': 0.015194478134089404}, {'to': 0.2793876978786222, 'will': 0.20434622690788484, 'shall': 0.14243575449579837, 'may': 0.10970899389616162, 'would': 0.07382448660423598, 'should': 0.04968762028852216, 'must': 0.04070440808393249, 'not': 0.03418454924881099, 'can': 0.03382713442695154}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'and': 0.22630139171726704, 'about': 0.14651739333550237, 'of': 0.1379050328767539, 'or': 0.08403844746875626, 'to': 0.04281023100307904, 'from': 0.036761891666534256, 'the': 0.03234250245473554, 'in': 0.02221536895417794, 'for': 0.0221096886819886}, {'of': 0.32762155283223504, 'in': 0.146572826398568, 'with': 0.09016081588224191, 'to': 0.08573325769562344, 'by': 0.07050665121261264, 'for': 0.06655080862821344, 'that': 0.05806353445922237, 'and': 0.04858467747964674, 'at': 0.039452577060866044}, {'of': 0.3441172504161034, 'to': 0.1187486510785879, 'and': 0.08359958358732654, 'for': 0.07587468703419997, 'in': 0.07384570649782879, 'at': 0.05216105286767927, 'that': 0.05012464225202607, 'on': 0.04322369839336724, 'by': 0.040131423518166884}, {'has': 0.36782641564798835, 'have': 0.2920840295729715, 'had': 0.2108648213888605, 'having': 0.04089454925484938, 'not': 0.02545913496983865, 'lias': 0.012983600203266174, 'bad': 0.00998304658289881, 'ever': 0.007597242469218148, 'never': 0.007200877377562854}, {'he': 0.17506764892114762, 'and': 0.11842016294617023, 'it': 0.10025123565401124, 'He': 0.09295010227256123, 'It': 0.05806094118512135, 'she': 0.05091464282015127, 'who': 0.04841452565344299, 'I': 0.04229458900634407, 'soon': 0.03841095846128454}, {'and': 0.07649373792420387, 'is': 0.05483218564022622, 'was': 0.04363894475638878, 'as': 0.0399786790856547, 'him': 0.03826881165979915, 'made': 0.034168073190890984, 'them': 0.03350423668091311, 'it': 0.03082590857172501, 'time': 0.029878741208802025}, {'he': 0.12796615022783667, 'which': 0.10759486402893653, 'that': 0.09545825231252746, 'and': 0.08120273958817091, 'who': 0.08078516544260028, 'it': 0.060625525588113016, 'It': 0.04872342975498563, 'He': 0.04621530634185242, 'as': 0.03062800328368578}, {'the': 0.1519520614557729, 'and': 0.11012057867028197, 'of': 0.09022716461377349, 'a': 0.05889714157039182, 'in': 0.04368182034924286, 'to': 0.03274272982803014, 'that': 0.02059025213540791, 'I': 0.019078474651639504, 'for': 0.01766472465579394}, {'I': 0.12841294508229312, 'it': 0.10542064918185083, 'we': 0.08829220144663158, 'who': 0.08243478225763096, 'and': 0.07250696487970355, 'he': 0.07034448497139031, 'they': 0.06371112087990222, 'which': 0.05337536965357619, 'It': 0.04021330367279232}, {'the': 0.14049171217036022, 'of': 0.11129721382894606, 'and': 0.08908987543691149, 'to': 0.08312287486148097, 'a': 0.04211477594316105, 'be': 0.02951180015049161, 'or': 0.029425595758187317, 'his': 0.024543990657609, 'on': 0.02261090105281294}, {'the': 0.1331954013331003, 'of': 0.10395761905650669, 'and': 0.09166744382168995, 'a': 0.0674867672110823, 'to': 0.04481959524883369, 'was': 0.033914181021321675, 'be': 0.027669522756191306, 'is': 0.023821375196731925, 'been': 0.01992601692954109}, {'to': 0.47027385867717847, 'will': 0.1229874274948447, 'not': 0.07547800104859022, 'would': 0.06563086802147826, 'and': 0.061422606779530806, 'you': 0.02974945591392761, 'they': 0.028471274559459175, 'should': 0.02806866727808886, 'must': 0.0219797246581411}, {'the': 0.4449401789348992, 'The': 0.13085800476303824, 'that': 0.07695092986101226, 'this': 0.06341269736844729, 'his': 0.04423759690247015, 'en': 0.04109683448940477, 'tho': 0.0352438515300453, 'a': 0.02757661988554514, 'This': 0.026667771104633337}, {'to': 0.11611623202716108, 'and': 0.0927670277041291, 'of': 0.05480015358824163, 'the': 0.03853384443427393, 'is': 0.03353964289198347, 'in': 0.029809014802675858, 'was': 0.0288691907044105, 'con-': 0.025306563829559637, 'will': 0.02411726427444757}, {'be': 0.1397236629403859, 'and': 0.10128591056281533, 'as': 0.06687578240116275, 'any': 0.05143186839849721, 'either': 0.04532515828347913, 'manner': 0.041109467968661884, 'is': 0.037106000478347986, 'or': 0.036823324457099314, 'a': 0.03666661146947553}, {'of': 0.39323492503180746, 'to': 0.09535232418220015, 'that': 0.08964762380925644, 'by': 0.08305398863602713, 'and': 0.06881094485831334, 'under': 0.06127186866378058, 'with': 0.04336073993403831, 'for': 0.03824287371508382, 'in': 0.03292936183712856}, {'and': 0.0784946451584095, 'ready': 0.04326157288929368, 'used': 0.043043914714974194, 'demand': 0.03342611301858572, 'necessity': 0.028097762971004588, 'time': 0.02541626682996328, 'vote': 0.025079488871543622, 'place': 0.023450042347929436, 'enough': 0.022364779559986267}, {'the': 0.3513440164976778, 'and': 0.08839136024678208, 'a': 0.08747908859167339, 'of': 0.058612748519521675, 'The': 0.05202450407787496, 'to': 0.048929148274401854, 'his': 0.0415960961329582, 'with': 0.030312120141762586, 'tho': 0.02953679771638918}, {'the': 0.21275209010640173, 'of': 0.18881630274205627, 'and': 0.11028115821496172, 'in': 0.10898873502974989, 'or': 0.08091408093970026, 'with': 0.056999034071902856, 'to': 0.052569344599506886, 'by': 0.045306750521865245, 'for': 0.04111989405019257}, {'be': 0.22239642234383636, 'and': 0.1264255583094435, 'he': 0.12554821173684483, 'was': 0.09487376089410192, 'is': 0.06787126431257849, 'have': 0.037542007215695505, 'I': 0.03381459925712746, 'been': 0.03107677995559868, 'He': 0.02980170963977617}, {'the': 0.7355178435982961, 'tho': 0.03271751697237846, 'and': 0.02711228947086804, 'his': 0.024553006688020306, 'this': 0.02028764308508278, 'a': 0.019678620581372253, 'their': 0.019282337206613025, 'of': 0.019253333743070835, 'no': 0.01627155939113313}, {'the': 0.1931013193086735, 'of': 0.07760299558936101, 'his': 0.058950827199088694, 'this': 0.05047615861997768, 'and': 0.031238280707353898, 'a': 0.02561381900846546, 'their': 0.02556679660674639, 'or': 0.025201272772031713, 'our': 0.021083773277932902}, {'of': 0.2679649576817745, 'in': 0.13859753429775756, 'to': 0.11526236416345416, 'and': 0.08757230850194068, 'for': 0.08390238776367875, 'with': 0.0545488801142759, 'by': 0.04814177601854857, 'that': 0.04593018911830086, 'on': 0.04373853612393449}, {'to': 0.1821666562139872, 'I': 0.11027261321802753, 'would': 0.10576222532916502, 'they': 0.0917139041729031, 'we': 0.0834538459903675, 'who': 0.06497047361524243, 'will': 0.06145138929717931, 'you': 0.04592113567408516, 'and': 0.04127094069592593}, {'of': 0.2841521143602068, 'and': 0.1282116813115415, 'in': 0.1272673464219423, 'that': 0.09369661189341197, 'to': 0.07900663456176547, 'by': 0.052763133617928906, 'with': 0.045263450129225995, 'for': 0.04286498782833275, 'from': 0.03718067015735616}, {'Chief': 0.22070582093934066, 'by': 0.18021192693701565, 'of': 0.17847853432932023, 'and': 0.06930605265796473, 'to': 0.05958382347928632, 'the': 0.03775582063084511, 'said': 0.02919261581806891, 'on': 0.01592413951215127, 'Mrs.': 0.013305659249344976}, {'of': 0.15985453877695838, 'the': 0.09502846416525065, 'in': 0.05845807207715751, 'and': 0.04749673608087739, 'that': 0.03780945476695417, 'to': 0.031324348349176294, 'The': 0.026721992530225346, 'for': 0.023155839315457248, 'Mr.': 0.019973943650508502}, {'I': 0.28926204850734055, 'he': 0.16953968977964048, 'and': 0.09006325178207597, 'He': 0.07453378858611542, 'was': 0.07139763333898823, 'she': 0.04558177630799836, 'the': 0.03901419206992841, 'is': 0.03831499483230173, 'be': 0.03468644985441807}, {'and': 0.10531989031875885, 'is': 0.09054566165967387, 'was': 0.08886863490430062, 'are': 0.07164859370185002, 'be': 0.059081870692676834, 'not': 0.03898166350542516, 'were': 0.03884943654820033, 'been': 0.03748693317313217, 'it': 0.03596285427851969}, {'the': 0.30233211371776225, 'a': 0.1937435445216705, 'of': 0.05032611669912394, 'said': 0.0443670777670363, 'in': 0.040693338946127505, 'his': 0.03538430566154734, 'this': 0.03216952667061233, 'to': 0.027932807377866343, 'on': 0.021074552845347087}, {'and': 0.14657803290642857, 'or': 0.07266322751110858, 'made': 0.06906854952196012, 'it': 0.04016192716215538, 'that': 0.03590517308289613, 'done': 0.02373560421328539, 'him': 0.023717580857601117, 'only': 0.0231860994293552, 'them': 0.022471114130327388}, {'of': 0.37578534717373885, 'to': 0.1389404015103855, 'that': 0.0866112728273913, 'in': 0.07462049465260662, 'and': 0.0726493908010664, 'on': 0.05365184597622192, 'by': 0.03448822061656525, 'for': 0.029662738327041194, 'as': 0.027032480026652338}, {'that': 0.36527442338394733, 'if': 0.09541237384579382, 'as': 0.09047382689893438, 'which': 0.08414530554931711, 'and': 0.0660368549277253, 'where': 0.054962679484821295, 'when': 0.045766374129227363, 'what': 0.03893095634978717, 'but': 0.035569346710716016}, {'and': 0.12088571383948873, 'of': 0.11193016099870119, 'the': 0.10684465109453505, 'to': 0.04932095213480653, 'a': 0.04580769672027264, 'be': 0.034654512326306175, 'for': 0.02795884550763476, 'in': 0.026475392521398033, 'was': 0.025268880795969485}, {'the': 0.18603202795605486, 'of': 0.18301302949189097, 'in': 0.09276090980856067, 'by': 0.034370263364191814, 'and': 0.034352101943581105, 'a': 0.031010454491380058, 'his': 0.027451132657024608, 'for': 0.02259044794360631, 'In': 0.022509671366889538}, {'that': 0.20540011663198443, 'and': 0.18221851000644815, 'as': 0.09180803680625137, 'but': 0.07304657796521297, 'which': 0.050120964826038894, 'of': 0.03414188446524607, 'when': 0.03377322288586491, 'if': 0.031545220747812276, 'for': 0.029779767351494683}, {'the': 0.3473810192637672, 'a': 0.32392030854912857, 'The': 0.06469753230161573, 'of': 0.04538363079987967, 'and': 0.04048314118470777, 'his': 0.03027678168891938, 'this': 0.024575750128507753, 'tho': 0.01776187876449863, 'in': 0.017223237297445144}, {'to': 0.7173391182168051, 'not': 0.0656262151398547, 'and': 0.03788117450215927, 'I': 0.024726971993350746, 'will': 0.02042567275581809, 'would': 0.018020277505105403, 'of': 0.014558908679116214, 'in': 0.01447294871520539, 'could': 0.012234386881069505}, {'it': 0.17362527962793758, 'he': 0.16247249699531918, 'It': 0.13783830409764025, 'He': 0.07361646201608968, 'and': 0.07240212913358543, 'which': 0.03817353590642547, 'there': 0.036065651241985526, 'she': 0.031883362855963805, 'that': 0.03072213357150226}, {'the': 0.1844441770319582, 'south': 0.17270827545777226, 'north': 0.14758809253716265, 'east': 0.13312266834521988, 'west': 0.11740281509508677, 'one': 0.056493289570540436, 'other': 0.04689442941036244, 'either': 0.029527928032793346, 'a': 0.026020376492630268}, {'of': 0.22321851896234624, 'to': 0.13804965437796257, 'in': 0.13695884276610823, 'for': 0.08237126865042672, 'with': 0.0736767688098131, 'and': 0.06932135461622314, 'from': 0.062011793058641206, 'at': 0.05653848212759702, 'by': 0.038581890930144504}, {'and': 0.16661224913972483, 'of': 0.13875224413622406, 'to': 0.0650282848005051, 'all': 0.04645081868546712, 'in': 0.04242376862334243, 'know': 0.04063690221829623, 'fact': 0.040518903467851634, 'for': 0.03154415117304636, 'from': 0.02591552233730292}, {'and': 0.10506198287938252, 'him': 0.03209556935612786, 'application': 0.031061195895331416, 'was': 0.029615672989565755, 'it': 0.02744669467120214, 'up': 0.02677489106573396, 'made': 0.024182720209844934, 'out': 0.023178023165199367, 'time': 0.02248390682722411}, {'the': 0.2502706441203791, 'said': 0.14920369056469493, 'this': 0.09415473830749349, 'no': 0.07647906949858577, 'that': 0.0658858783190415, 'of': 0.05580284996210795, 'such': 0.05071962913308043, 'This': 0.04959518287199194, 'The': 0.04224926195903918}, {'the': 0.3997827806842814, 'this': 0.17202240641878427, 'that': 0.06527700657258118, 'his': 0.03963498381194669, 'first': 0.0375864105739917, 'a': 0.0367229912506743, 'on': 0.03293182270395997, 'took': 0.030411999734635053, 'second': 0.02966592673018539}, {'of': 0.46253061500958254, 'in': 0.22446144529854634, 'to': 0.07759662616201897, 'throughout': 0.04451033050691718, 'In': 0.04410196245065241, 'from': 0.034846248219588406, 'for': 0.03185947118653663, 'on': 0.024899031520446764, 'by': 0.024470586335412367}, {'of': 0.26365067549638527, 'in': 0.14921197979205159, 'to': 0.14134879586949767, 'at': 0.08106541642249707, 'by': 0.06847396884626557, 'with': 0.05180751942356725, 'from': 0.05154864522449027, 'for': 0.04902075613448108, 'and': 0.04362728011710545}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.30336259079464895, 'a': 0.21663595269423155, 'their': 0.0760252166882311, 'to': 0.06327033756919327, 'his': 0.05959056829277806, 'this': 0.04211456241688033, 'good': 0.041713129084150764, 'of': 0.041413645311453307, 'our': 0.039306612229134216}, {'the': 0.4730818442921763, 'a': 0.18560357369568806, 'this': 0.07840497814389959, 'The': 0.06341840295019031, 'and': 0.04024989649186361, 'tho': 0.0198984305185474, 'is': 0.01608621970074041, 'A': 0.01431172941898691, 'was': 0.013448023631901916}, {'and': 0.09526512985575117, 'be': 0.08818416284666024, 'was': 0.07744623180374037, 'of': 0.06830162208055474, 'to': 0.0677448321338085, 'been': 0.047203031048180404, 'is': 0.04339807709011545, 'were': 0.04166907305662907, 'are': 0.03727223769798888}, {'able': 0.06333034543078214, 'and': 0.057489200420798636, 'is': 0.05445189499779616, 'have': 0.051193826043758155, 'him': 0.048367260533454165, 'had': 0.0416959078666224, 'right': 0.0394564535533081, 'enough': 0.03872975251681809, 'willing': 0.037343981635249573}, {'the': 0.25893481798958107, 'a': 0.18461167682225968, 'and': 0.06043980782662575, 'of': 0.0518036459710552, 'The': 0.03511033524673782, 'an': 0.03463589010257429, 'that': 0.025553526970966474, 'to': 0.022411524873790358, 'tho': 0.017619436889371468}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'up': 0.030145831290426407, 'time': 0.02957773977800053, 'in': 0.02217217841680809, 'due': 0.02006624648926112, 'them,': 0.016771747943004393, 'it,': 0.01566017596470134, 'him': 0.014568434724187297, 'here': 0.013671689848728916, ';': 0.012588113326645205}, {'the': 0.8286361830007867, 'tho': 0.04801658885853878, 'The': 0.02317227625655698, 'tbe': 0.017799111501712157, 'of': 0.016925654645364295, 'and': 0.008980660585137534, 'in': 0.008468277427063799, 'by': 0.005744093077023968, 'a': 0.005721852046932911}, {'to': 0.7815826636910441, 'and': 0.06327466701938911, 'not': 0.05948916628198843, 'will': 0.024548065154112876, 'that': 0.009466381777837195, 'or': 0.009234658990816599, 'which': 0.00853150053264235, 'would': 0.008459321621165543, 'may': 0.007027354047317475}, {'the': 0.7961513011598973, 'tho': 0.029333495023375854, 'of': 0.025711990366677467, 'and': 0.022403113910474823, 'his': 0.022084231315861156, 'The': 0.018820547089285274, 'an': 0.01669221268682572, 'in': 0.012399741250179265, 'tbe': 0.010738878199151758}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'first': 0.13584580744853708, 'on': 0.11495550221249819, 'third': 0.08842318138487855, 'On': 0.08794804043398273, 'last': 0.046983727274836705, 'and': 0.03798781624424512, 'second': 0.0323032477035488, 'the': 0.029884603052999878, 'of': 0.02768833887330771}, {'taken': 0.09224702926832448, 'put': 0.0829333607749428, 'came': 0.0777380443535019, 'it': 0.0587379661342835, 'went': 0.05835966294161515, 'made': 0.052810304105470836, 'come': 0.05044406330750536, 'keep': 0.04797152770419809, 'get': 0.04036991889919372}, {'the': 0.2923232315387504, 'of': 0.2918840563395833, 'an': 0.11641223729358778, 'and': 0.08455923683972047, 'in': 0.049169337883845074, 'The': 0.04168769004430191, 'by': 0.02466088118556012, 'this': 0.020701221578917506, 'to': 0.017320837271239828}, {'brought': 0.16681034810098716, 'went': 0.13412754567026336, 'come': 0.10538054712321668, 'came': 0.09232146567293191, 'go': 0.08982167936618322, 'look': 0.07471649675831264, 'looked': 0.06677665292661088, 'sent': 0.06509473469743686, 'it': 0.06382402825817708}, {'and': 0.10126825575904944, 'filled': 0.07753007399603207, 'covered': 0.06188558253520376, 'together': 0.029794076274480188, 'accordance': 0.026498236786707662, 'charged': 0.025654039873227, 'parallel': 0.02267795073242683, 'up': 0.022632572097896687, 'connection': 0.022091203794824068}, {'and': 0.07183289031255977, 'demand': 0.025944685217575657, 'ready': 0.021477506387310677, 'used': 0.020653840313379437, 'time': 0.018693235575541325, 'not': 0.014344251169100857, 'vote': 0.014321157386397571, 'it': 0.014219992250690474, 'candidate': 0.013420651590409303}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.3086587955717624, 'thence': 0.2412463771902363, 'and': 0.07691111970861045, 'minutes': 0.04604787110417986, 'degrees': 0.03155997585008681, 'The': 0.029686746083707315, 'tho': 0.024545034194212275, 'feet': 0.021303996715815184, 'miles': 0.017836724498300285}, {'be': 0.3362046994529134, 'was': 0.12601416778761437, 'been': 0.08771689348678702, 'is': 0.0809451116012554, 'have': 0.0721852014734667, 'has': 0.056343259537123394, 'had': 0.044678362803599436, 'and': 0.043884949830430474, 'he': 0.03432153930390212}, {'and': 0.11341810912881184, 'was': 0.06186845286351615, 'are': 0.04760224843027736, 'is': 0.04466789309366116, 'been': 0.04029497378021955, 'or': 0.032394845277129596, 'be': 0.03182068296757089, 'were': 0.02889990298739721, 'not': 0.026681054374608604}, {'of': 0.19842626917812722, 'the': 0.09221176998556778, 'and': 0.044852165925766886, 'for': 0.04249776484264448, 'or': 0.0401728826200954, 'in': 0.031327377337724345, 'to': 0.028357616422605328, 'by': 0.023551083443656435, 'with': 0.016550294195239464}, {'this': 0.22783079574261933, 'the': 0.16710049723607126, 'his': 0.08991814926950745, 'same': 0.07433972787413354, 'own': 0.07256905854076656, 'any': 0.06387686561990737, 'their': 0.0589342564280572, 'other': 0.03853765474905621, 'that': 0.03697921968278646}, {'he': 0.1506439167305114, 'it': 0.10828348832785491, 'they': 0.06916069159459322, 'that': 0.06025367837025623, 'I': 0.05782377273162864, 'and': 0.0525697880207187, 'It': 0.050091615567670424, 'who': 0.0484728455269146, 'which': 0.044975949375746775}, {'the': 0.24215558524286593, 'of': 0.12441779729677725, 'and': 0.07305340992686211, 'to': 0.06361581024377289, 'a': 0.0410908803422835, 'The': 0.03634258096126635, 'in': 0.023814540571920444, 'with': 0.023037278012061988, 'for': 0.015821781274650528}, {'number': 0.038144732803375714, 'line': 0.03412027633528165, 'one': 0.03034440764842005, 'place': 0.028623677147738138, 'all': 0.024143575510676363, 'state': 0.023324992849176395, 'out': 0.0228089393796215, 'and': 0.021954012195765985, 'House': 0.021846665498217246}, {'Mrs.': 0.08252113535346639, '.': 0.054665902994418605, 'and': 0.03387149212672772, 'Mr.': 0.03021797029274383, 'J.': 0.02807342031510902, 'John': 0.023606089809168587, 'H.': 0.023349925730146784, 'C.': 0.02156658174752326, 'W.': 0.021374787744704082}, {'to': 0.5896926423749029, 'will': 0.06895816603250465, 'and': 0.04562667660360438, 'would': 0.0422521196809867, 'of': 0.04088626467043247, 'not': 0.0340960801705054, 'in': 0.02414642034788817, 'the': 0.0156914816781942, 'I': 0.013747592652247686}, {'time': 0.018242657995226962, 'dollars': 0.017627706592015284, 'up': 0.01682693325789064, 'north': 0.015185876002159687, 'hundred': 0.013060070092153929, 'men': 0.012943015596247288, 'principal': 0.010686290569520645, 'wife': 0.01050137377898342, 'city': 0.01038552452347014}, {'the': 0.12742448267130854, 'and': 0.10439047010070458, 'of': 0.09008308528693847, 'as': 0.08946547023415485, 'a': 0.04988938362235117, 'to': 0.042785061773461454, 'be': 0.034245776444171545, 'such': 0.029258330792545036, 'in': 0.02838714816744532}, {'in': 0.19513777298094537, 'of': 0.19354314136684575, 'to': 0.09385167068705595, 'for': 0.09178096937913113, 'and': 0.08687917855901357, 'on': 0.06672236673540073, 'with': 0.05205931282721656, 'In': 0.05035164750316998, 'from': 0.04591180016700649}, {'the': 0.2725431375984368, 'a': 0.150751961310706, 'his': 0.13220735313529192, 'her': 0.07535576135870534, 'and': 0.04610589832326157, 'their': 0.03461784959383476, 'my': 0.03175727071985661, 'of': 0.030263447157487997, 'to': 0.023143619875379242}, {'days': 0.14689455870081825, 'years': 0.12294908823561658, 'weeks': 0.11753889559521322, 'and': 0.06354945006850464, 'months': 0.044067205413661006, 'a': 0.03292499984495228, 'the': 0.03184946244586887, 'time': 0.03171314389960103, 'long': 0.02513949665718578}, {'a': 0.25328441716699196, 'the': 0.14072416761694032, 'of': 0.0984295194488796, 'and': 0.04622985707215942, 'in': 0.029414792428689124, 'to': 0.026587800679175634, 'as': 0.025830430749689486, 'for': 0.02080262724679701, 'that': 0.01859560600639787}, {'be': 0.4031739245865363, 'was': 0.1421255281279254, 'is': 0.1254478707820205, 'been': 0.07628035295245204, 'are': 0.045545460783060716, 'were': 0.040046143515385255, 'and': 0.037068431661940085, 'he': 0.034487019863649146, 'have': 0.03396517290196235}, {'enough': 0.07441354624292666, 'and': 0.07202353556365672, 'able': 0.0638652042671068, 'order': 0.06159956010529576, 'is': 0.05432058554929998, 'as': 0.05014224302445615, 'him': 0.044947962536253765, 'necessary': 0.04416828268944637, 'unable': 0.039035772180469275}, {'the': 0.3670410522565669, 'a': 0.1353775257663678, 'in': 0.10824186284272007, 'this': 0.0699094967226114, 'of': 0.0674393752229424, 'his': 0.032622291885505576, 'and': 0.026008363146480164, 'that': 0.025778346719804293, 'by': 0.021062339466016648}, {'of': 0.08485984044276894, 'the': 0.05761754648026127, 'and': 0.024744878581090632, 'to': 0.020930604602758116, 'at': 0.020695157405312144, 'by': 0.020065712746580075, 'a': 0.0159308048855614, 'was': 0.015058232016390975, 'be': 0.015052045584744402}, {'and': 0.06867437803019785, '.': 0.03469671769929879, 'E.': 0.02597244759142534, '<s>': 0.020233630986747908, 'W.': 0.01751686101948549, 'one': 0.014067816796736344, 'east': 0.013310546786605575, 'of': 0.013028503553369564, 'Miss': 0.011385803265644964}, {'the': 0.46452746648215065, 'The': 0.09390241246186999, 'and': 0.07152470923430496, 'of': 0.06789615490142127, 'that': 0.04648470877035467, 'this': 0.044203355239236616, 'in': 0.030279082531700193, 'tho': 0.027999407822460205, 'for': 0.027790297325453774}, {'the': 0.5402404009013247, 'an': 0.05280423760184883, 'of': 0.04084239965643014, 'and': 0.03857875179112921, 'a': 0.036574352027052656, 'his': 0.03557647963927309, 'tho': 0.03403653549750038, 'in': 0.024490919457677424, 'as': 0.024043254446724772}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'be': 0.20702820288977755, 'was': 0.15601953269649982, 'is': 0.12149659345223453, 'are': 0.06793605265633422, 'and': 0.06135950878536704, 'been': 0.06021488887965089, 'were': 0.05935670213050078, 'being': 0.025870405786005603, 'not': 0.025846157921812645}, {'a': 0.28868524760260417, 'the': 0.17342091332096185, 'most': 0.10941123563875725, 'and': 0.10218891709469848, 'of': 0.056656823813434405, 'is': 0.027493226777835708, 'very': 0.020886862739015695, 'are': 0.019774872792107736, 'his': 0.018996620232043238}, {'in': 0.31078403878355826, 'a': 0.2548546005297957, 'In': 0.1571446129072322, 'the': 0.13772265329555303, 'this': 0.03599747536023905, 'and': 0.018825926703562125, 'of': 0.010859610539441083, 'iu': 0.010807214969144975, 'great': 0.009765074211986753}, {'and': 0.1309870487363097, 'the': 0.1136490913303802, 'to': 0.10328118518405435, 'of': 0.06979906691426316, 'was': 0.058849764995111555, 'be': 0.04799661363032749, 'is': 0.042184439667639954, 'a': 0.03315452286223745, 'not': 0.03162376995483869}, {'State': 0.034111645339007145, 'state': 0.02484180711412786, 'out': 0.024149322744342883, 'and': 0.02371819816657117, 'county': 0.017160607740108604, 'or': 0.015338491569172542, 'city': 0.014342265750459772, 'time': 0.012681303227427356, 'that': 0.012569861712810021}, {'A': 0.19464896630719608, 'J': 0.1373493998539739, 'M': 0.09616587166763081, 'C': 0.09090444387508193, 'W': 0.07842209747015393, 'S': 0.07330138144911193, 'H': 0.0689538868053008, 'L': 0.06779158162734343, 'E': 0.06142221878045678}, {'of': 0.10086734990279973, 'a': 0.09001512764281541, 'and': 0.0822832063758928, 'to': 0.0679755247438051, 'the': 0.062710317686009, 'in': 0.05350091245255277, 'for': 0.03180940954038323, 'an': 0.020527725733180076, 'as': 0.01889605103815797}, {'the': 0.11130798959867352, 'and': 0.09605663508483009, 'of': 0.06480392143099066, 'was': 0.0581718352225614, 'be': 0.05113018783035471, 'a': 0.04102927143638295, 'is': 0.03515361438015116, 'to': 0.02847789924357014, 'are': 0.02655049204685416}, {'carry': 0.18281036161031505, 'through-': 0.1659987913497337, 'with-': 0.10472532803897346, 'carrying': 0.05989436857795188, 'pointed': 0.0481862496694261, 'and': 0.04287335829430306, 'sent': 0.03982769731396628, 'brought': 0.03556484937502764, 'carried': 0.03503961230482394}, {'act': 0.06815537561637174, 'State': 0.05139236659448533, 'day': 0.05040516944255257, 'one': 0.044522307461022224, 'members': 0.04411272024889308, 'state': 0.043457378969265034, 'Act': 0.04109194386294583, 'out': 0.04015977251199251, 'part': 0.039309857076529224}, {'to': 0.21245777769310675, 'of': 0.20695327466685504, 'with': 0.11371596011165563, 'from': 0.057294758860989864, 'by': 0.050232587455913656, 'for': 0.04905630049793785, 'among': 0.03275705626656294, 'and': 0.02937201769958302, 'in': 0.023385679555085616}, {'which': 0.15359721759916528, 'that': 0.11114705860316394, 'it': 0.10358365197857142, 'he': 0.10310153873780122, 'It': 0.08843716821224945, 'and': 0.07593535609292065, 'who': 0.06226688668469988, 'This': 0.04607405744027607, 'He': 0.038113517456435736}, {'the': 0.12813797323558626, 'a': 0.10933125424717283, 'and': 0.09349451373985841, 'of': 0.0620569380367325, 'to': 0.048449417315593366, 'in': 0.03402944418253317, 'that': 0.027710379640208317, 'which': 0.023464514542642877, 'an': 0.02332820042581184}, {'of': 0.1480995292335947, 'and': 0.09624185602721319, 'to': 0.060585889622265264, 'by': 0.04342586873473998, '<s>': 0.026543749243624296, 'in': 0.023707128895240192, 'for': 0.022164500252891604, 'that': 0.01774311375920518, 'at': 0.017047724336004058}, {'instituted': 0.45578960196072604, 'able': 0.05951513214209475, 'is': 0.03439500989685253, 'him': 0.03260178304444257, 'time': 0.03198735313095814, 'and': 0.0314253669814594, 'unable': 0.030429824935186228, 'have': 0.03018336934130517, 'me': 0.029910587063894302}, {'was': 0.2202424495701202, 'been': 0.14047186821451518, 'be': 0.1373121512222315, 'were': 0.09004974786071401, 'is': 0.0818151241742113, 'are': 0.054142647228449005, 'and': 0.049049339842765154, 'had': 0.043125386998736026, 'being': 0.03863238879949643}, {'the': 0.3864529461504253, 'a': 0.15896673769767375, 'and': 0.09553177979955699, 'of': 0.09451851376762514, 'The': 0.07131170013281239, 'in': 0.03437145944195678, 'most': 0.028495129815268142, 'tho': 0.025828390123340542, 'by': 0.02129515489866809}, {'and': 0.10796422594866632, 'I': 0.06717530304484291, 'it': 0.05504273486076921, 'he': 0.053552918034339536, 'It': 0.04447239540448394, 'that': 0.039266963927845476, 'which': 0.029689066563868563, 'was': 0.029442787268699408, 'be': 0.029303956313950833}, {'in': 0.355547718903282, 'of': 0.14540952496084755, 'In': 0.08062788506575864, 'and': 0.07480483938950568, 'to': 0.06364546064549584, 'for': 0.05779930956125817, 'on': 0.05684079187278013, 'that': 0.04032447545670017, 'at': 0.030868706153258783}, {'a': 0.38592593729585367, 'the': 0.2983514479282696, 'this': 0.07063748625316234, 'The': 0.05492475757616832, 'no': 0.040352405686959546, 'any': 0.02841630393720132, 'This': 0.027748898710004213, 'that': 0.02220019554275195, 'No': 0.020779264188251507}, {'and': 0.11731301388143589, 'of': 0.08744294099229041, 'put': 0.08553840489924404, 'as': 0.07947620599453563, 'make': 0.0688058920828317, 'that': 0.06616177558168397, 'for': 0.054752710006307964, 'to': 0.050228904945984865, 'with': 0.04561235820437173}, {'intoxicating': 0.3650101554686265, 'of': 0.15075350396809406, 'malt': 0.10770371131960105, 'spirituous': 0.06262166980851931, 'in': 0.044475489420614474, 'the': 0.03637832310535679, 'for': 0.031821671815884654, 'and': 0.026249863393182898, 'all': 0.01635611249232187}, {'away': 0.06925205172028555, 'and': 0.06007808449668492, 'taken': 0.04760906637168378, 'miles': 0.0428166599829834, 'feet': 0.03837562943164214, 'come': 0.026889243450533045, 'them': 0.026073675669967263, 'out': 0.02484981837258804, 'came': 0.02410733092637395}, {'he': 0.20315396321110715, 'I': 0.1431524828962829, 'who': 0.1279085170747977, 'they': 0.09114971333708406, 'she': 0.05846150160235535, 'He': 0.05251131875891878, 'have': 0.04940383978931944, 'we': 0.04215520000899936, 'and': 0.04116493459711271}, {'day': 0.07026281576542386, 'number': 0.056794576647285044, 'line': 0.0537633327489968, 'side': 0.04867142123668936, 'part': 0.03788174149882349, 'state': 0.03237240968052387, 'out': 0.02633564461914105, 'corner': 0.025074562207014674, 'case': 0.01920264843547551}, {'of': 0.19014211724948005, 'to': 0.12747652434157788, 'in': 0.09588807362353523, 'by': 0.08107271580830137, 'and': 0.08091301579016257, 'as': 0.07873871743816135, 'at': 0.07126596232201904, 'with': 0.06726153957036779, 'for': 0.06240603073527962}, {'of': 0.39559408959634657, 'in': 0.09795310929559838, 'for': 0.09222177157709377, 'to': 0.08457928087670068, 'that': 0.07084736155867931, 'and': 0.06206668380234938, 'with': 0.049305562927811165, 'by': 0.03438251178122792, 'In': 0.03343508978971195}, {'could': 0.20892226826216848, 'would': 0.20427583762890694, 'did': 0.1363549287453858, 'will': 0.13514227760349076, 'do': 0.08175122231180977, 'does': 0.07803545085872957, 'should': 0.055785415770467216, 'shall': 0.03406518912838424, 'may': 0.03258815521764581, 'can': 0.0230792544730114}, {'and': 0.058773342646874345, 'him': 0.04018097180358005, 'feet': 0.038027891237291236, 'time': 0.03547265887029936, 'as': 0.03412277606243768, 'them': 0.031273014419390927, 'up': 0.030785999885583826, 'right': 0.025891633157302706, 'is': 0.02567118250220025}, {'he': 0.18733828285607393, 'it': 0.17433348738086127, 'they': 0.10752314972265517, 'It': 0.09609719701841689, 'I': 0.06973128401339104, 'that': 0.04393819514901867, 'we': 0.042219762376550264, 'who': 0.0412383621158049, 'she': 0.039715373584194455}, {'at': 0.5338384061973014, 'At': 0.1332839214597483, 'about': 0.1096752615538099, 'About': 0.04023563819048508, 'of': 0.031015758351906838, 'and': 0.01583392087257593, 'feet': 0.011839470675881142, 'for': 0.011093011773616407, 'or': 0.01099197869450311}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.25734031892258186, 'of': 0.09020025439623483, 'and': 0.06235618858661057, 'that': 0.05274466151546219, 'The': 0.04433422530714993, 'a': 0.03668438834521419, 'Mr.': 0.03520820651417283, 'or': 0.02339822625282543, 'no': 0.02014344672284482}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'of': 0.1223604424710912, 'to': 0.08495760263939635, 'the': 0.056690509962678874, 'and': 0.05351788584555306, 'was': 0.030140473075305815, 'at': 0.02635291996092436, 'by': 0.02548538497235281, 'on': 0.02457214004943332, 'a': 0.02292461146317973}, {'in': 0.024348570352223476, 'up': 0.016510650707042347, 'good': 0.01629302562729848, 'life': 0.014467450307988634, 'health': 0.013836833825460571, 'men': 0.013698924069158746, 'time': 0.012480322823229688, 'strength': 0.011500274553722302, 'city': 0.011288223371134203}, {'the': 0.41728571974270245, 'and': 0.10484521044153476, 'The': 0.08028621418624947, 'a': 0.05937272018597381, 'of': 0.05318184993258331, 'their': 0.029528725373205174, 'his': 0.029301704852055164, 'tho': 0.026273128882422343, 'all': 0.021516079963932715}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'the': 0.33082850050323975, 'and': 0.13162115187356355, 'to': 0.12315225643844312, 'an': 0.06593425919553517, 'a': 0.06166109546090496, 'of': 0.05609422991064514, 'in': 0.05073438989308323, 'The': 0.03075556707621572, 'this': 0.02664693596791179}, {'and': 0.12475392607185817, 'succeeded': 0.042513060492406246, 'was': 0.04214553480264845, 'is': 0.04125544557232524, 'be': 0.03539922023774353, 'it': 0.03512608689648036, 'that': 0.03507229189311516, 'are': 0.027216976906030636, 'them': 0.026154747820954297}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'Mr.': 0.017295512831420532, 'wife': 0.008756319752434972, ';': 0.00848382131193191, '.': 0.007634408833446275, 'William': 0.006843204710373574, 'men': 0.006799589686852596, 'Robert': 0.006321607060099373, 'John': 0.005913078293493753, 'Smith': 0.005834605178291733}, {'and': 0.13326860796844436, 'at': 0.10027707281780637, 'the': 0.04441926775825437, 'of': 0.042753557578621926, 'about': 0.02294150537171187, 'than': 0.022880942316672353, '-': 0.021865445783650413, '.': 0.02080685683588036, 'for': 0.01711127617956448}, {'the': 0.12064253008003335, 'of': 0.09578111070245154, 'and': 0.08662151949513294, 'to': 0.06215641848177085, 'in': 0.031454184194828004, 'or': 0.024229501602538776, '<s>': 0.020729147156823856, 'by': 0.019489755975129593, 'for': 0.018604846106950575}, {'they': 0.17031168374022307, 'there': 0.08115873186257842, 'who': 0.0693124421228196, 'and': 0.06191325855215071, 'which': 0.04859664770538727, 'we': 0.0461562925552551, 'men': 0.04339294837914709, 'They': 0.04107686835953216, 'There': 0.03572194705072757}, {'of': 0.19758864485865663, 'to': 0.14030523172928197, 'and': 0.1249587649487295, 'in': 0.08726736992183473, 'with': 0.08138268120129157, 'for': 0.07265022527432723, 'all': 0.0639198806587629, 'is': 0.050642623009790604, 'by': 0.05031195085785161}, {'and': 0.1189733053664964, 'the': 0.10287702719755622, 'of': 0.08189169893754962, 'to': 0.06345255385957328, 'be': 0.04334095657672097, 'was': 0.04121106403093484, 'in': 0.03680279821111817, 'is': 0.030567295462412034, 'are': 0.02482235030573041}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'feet': 0.07231511115829735, 'entitled': 0.05352733332171755, 'up': 0.04917083484974709, 'amounting': 0.04744002622193815, 'went': 0.046691429613337394, 'and': 0.04641274770047419, 'him': 0.04312562800613275, 'as': 0.03488112314307717, 'them': 0.03240536991228052}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'<s>': 0.05853076640687723, 'that': 0.05360000315563107, 'and': 0.028468892423494714, 'it.': 0.024960893987115183, 'but': 0.01735835078593881, 'as': 0.014815840893292666, 'them.': 0.014318802615316317, 'country.': 0.011732596730942993, 'of': 0.011348659858762027}, {'<s>': 0.15187370558278682, '.': 0.03774847930662963, 'it.': 0.023664507169160458, 'him.': 0.021023649572698373, 'them.': 0.01395812631216205, 'Mrs.': 0.01209106232421292, 'time.': 0.011321311105802371, 'city.': 0.011301053950397226, 'Mr.': 0.010581313135088331}, {'of': 0.3191385403283612, 'to': 0.10782820182800405, 'in': 0.10277184906962568, 'for': 0.07651896317056273, 'and': 0.07359946660067801, 'that': 0.05845011372439141, 'on': 0.0573198860992649, 'all': 0.04675980931945282, 'by': 0.04251916138432793}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'the': 0.5303661590929102, 'a': 0.07524943447525018, 'his': 0.049885382406625885, 'of': 0.04359614950833455, 'and': 0.0382792113074555, 'The': 0.03558180263718448, 'their': 0.03173133669005487, 'my': 0.029409669319535266, 'tho': 0.027526563634128295}, {'and': 0.13130204547848093, 'to': 0.1236753343123462, 'that': 0.10936979338130945, 'will': 0.10648021190550856, 'would': 0.09414030729997182, 'which': 0.07705653390854487, 'when': 0.04936851754688096, 'but': 0.04745793753069046, 'should': 0.03961312939136039}, {'a': 0.49651724295245697, 'the': 0.31191900189525334, 'The': 0.033962672006979076, 'his': 0.02372131925419874, 'of': 0.018873846750736844, 'tho': 0.01707509041058113, 'and': 0.015002156802417019, 'no': 0.014697747257119776, 'any': 0.013115442357164817}, {'the': 0.7418429469769608, 'The': 0.06612371255491603, 'a': 0.05571852037371924, 'tho': 0.03365945555971852, 'of': 0.019286924888121594, 'and': 0.01707755975649508, 'tbe': 0.009265138557247025, 'in': 0.006070859747274217, 'vitiated': 0.00553862968305357}, {'of': 0.09610412401046105, 'to': 0.05994099199447405, '.': 0.04965117727365271, 'in': 0.04964566278483671, 'and': 0.037833562009912995, 'the': 0.03446953701759929, 'by': 0.029202446021050866, 'Mrs.': 0.02350834539178023, '<s>': 0.017175581161303674}, {'of': 0.20636577592813976, 'the': 0.1736446163038695, 'in': 0.07297704124552887, 'to': 0.046269911939648974, 'a': 0.03735455041372496, 'and': 0.025669722112170598, 'on': 0.024901833394527433, 'at': 0.020579919213333, 'from': 0.018149041929142306}, {'and': 0.2131945870050834, 'that': 0.06301282767278064, 'and,': 0.02946942912835381, 'that,': 0.025512971586558617, 'but': 0.02338259112057603, 'And': 0.01588652130337051, 'time,': 0.012096922000636052, 'them,': 0.011695236197153715, 'which,': 0.010312144107070209}, {'the': 0.20760661794916957, 'and': 0.06819347621223956, 'of': 0.05335765280976587, 'be': 0.045335387178431184, 'to': 0.03511261304872767, 'was': 0.03420813712604875, 'in': 0.028220346889759062, 'is': 0.026950442042386558, 'on': 0.023734253723136246}, {'the': 0.48119031071626056, 'this': 0.12931346816202102, 'a': 0.09651344413143237, 'The': 0.07617780510274715, 'that': 0.05620800545982968, 'tho': 0.032738176459252706, 'no': 0.0268962536311668, 'present': 0.021170233747468868, 'any': 0.01620739451048951}, {'and': 0.10835562215215849, 'to': 0.0780904243577292, 'of': 0.0489406106372292, 'not': 0.03317463712770287, 'the': 0.030517850589819935, 'as': 0.027611113269777693, 'for': 0.02325979465602054, 'is': 0.022107335058943415, 'was': 0.0194628356932978}, {'to': 0.5459297027327307, 'will': 0.10647476250902033, 'would': 0.05777350262876173, 'you': 0.03555013940536348, 'not': 0.03544599593185211, 'they': 0.03426005609426581, 'and': 0.03102308180997065, 'we': 0.02557692595313958, 'should': 0.022219902954032502}, {'new': 0.01611838215402058, 'made': 0.014227223305728301, ';': 0.013982441661380551, 'large': 0.013574295087960271, 'principal': 0.013126284648998586, 'time': 0.01288871219154905, 'city': 0.012124387789090453, 'land': 0.011982649682520172, 'law': 0.011386415378633948}, {';': 0.02255620845960988, 'it,': 0.018938466820205693, 'here': 0.01419691666680549, 'him,': 0.013908502069253172, 'them,': 0.011076069037997814, 'him': 0.009444246935145272, 'up': 0.009440770847772572, 'time,': 0.009063235768169722, 'in': 0.008019594958106535}, {'is': 0.2027256810578972, 'be': 0.15019916841423825, 'was': 0.10227348415527407, 'are': 0.0858722482387983, 'and': 0.07390407808066521, 'from': 0.07171107878666029, 'of': 0.05324842565621218, 'not': 0.043218027754973506, 'it': 0.03753794416068267}, {'of': 0.23245403547360013, 'to': 0.13218854896682938, 'in': 0.0898301563210251, 'and': 0.07930341407335002, 'with': 0.07678648201834135, 'that': 0.06373743237925404, 'for': 0.05044306575975251, 'by': 0.04867379128241054, 'on': 0.03527870632128774}, {'and': 0.09791171716372934, 'together': 0.04339419758715828, 'it': 0.03842628212908165, 'him': 0.03533870431682793, 'dealt': 0.029423719650181052, 'them': 0.027584370594248935, 'do': 0.027426146894482764, 'complied': 0.025516371701653662, 'charged': 0.022857332263483895}, {'a': 0.17523357011570054, 'the': 0.13322938068206072, 'of': 0.11378635839293329, 'in': 0.05969415775176269, 'and': 0.0576225769235264, 'to': 0.046516488064961274, 'an': 0.03654912902619585, 'for': 0.0203897744532919, 'his': 0.017916214191763345}, {'to': 0.7104590703309351, 'will': 0.056746437178535766, 'and': 0.051991045262661455, 'would': 0.024330171026067604, 'can': 0.023195425970868103, 'could': 0.02163759385828921, 'shall': 0.019944674845697227, 'not': 0.017551314194418646, 'may': 0.016628084364615898}, {'of': 0.24886393297431122, 'and': 0.12440959094452084, 'know': 0.0830442601655144, 'with': 0.053428528807241096, 'see': 0.05169969680177905, 'to': 0.047321977408807496, 'is': 0.04470289347462767, 'but': 0.04231168769768751, 'as': 0.036435821236167586}, {'of': 0.24808839328983143, 'in': 0.14841525509356943, 'to': 0.1272203553349918, 'and': 0.0759362262330255, 'with': 0.07011033149579059, 'on': 0.0684841931769493, 'that': 0.047738976180462744, 'from': 0.045683232272593945, 'for': 0.04556058203282262}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'at': 0.07536871260763028, 'and': 0.05724450935357237, 'No.': 0.04854638990192267, 'the': 0.02480631223201455, 'an': 0.024072878512956416, 'of': 0.02401697405377165, 'that': 0.019929220045644857, 'No': 0.019358698350290197, '<s>': 0.01935845883195164}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.2091105244598185, 'of': 0.11583748250031987, 'and': 0.062187724235506454, 'to': 0.05148466792785966, 'in': 0.039748901321996793, 'a': 0.029656298502506707, 'be': 0.026874953513053256, 'for': 0.0259894641219416, 'was': 0.025716973713086257}, {'at': 0.20019574401943915, 'of': 0.1806013158406764, 'in': 0.14833252573679828, 'to': 0.08127886317173648, 'on': 0.06498511204165315, 'for': 0.0648944728858489, 'and': 0.057868996324392234, 'that': 0.040296604571923675, 'from': 0.038253800346840276}, {'and': 0.10070431440779438, '<s>': 0.04486730329977197, 'in': 0.039053095671819964, 'to': 0.035543158616386, 'New': 0.032399876117487146, 'I': 0.023793876698203043, 'Mr.': 0.023565724067232043, 'by': 0.02330512732545283, 'of': 0.021230399176797875}, {'a': 0.28954317721148937, 'very': 0.12401066299620171, 'is': 0.11021812788825794, 'the': 0.10275482447444852, 'too': 0.07868042557012818, 'but': 0.0551186926766259, 'so': 0.051042915189852434, 'was': 0.05055993875543288, 'are': 0.03925424336567434}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.15792309918554137, 'was': 0.07517220255778688, 'arrived': 0.06928229571235837, 'is': 0.06691991566290123, 'appear': 0.04028180951841684, 'are': 0.036924364935178595, 'up': 0.03657664081143128, 'came': 0.0345064322241532, 'made': 0.03131246825485817}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.19736234925926688, 'of': 0.09695312528518454, 'and': 0.0868225206045156, 'in': 0.03836490081655848, 'a': 0.03829013956115437, 'to': 0.033146182245689534, 'his': 0.027362433516055773, 'be': 0.023273614554944737, 'their': 0.022778657576300435}, {'and': 0.06357578541649768, 'less,': 0.04505040635114853, 'and,': 0.032309337288921006, 'you,': 0.022409815689119116, 'them': 0.019108259646050625, 'as': 0.017974785638875734, ';': 0.01731494239762249, 'are': 0.015404839874245685, 'made': 0.014603907067458628}, {'the': 0.33438716167988713, 'a': 0.1803898104083156, 'of': 0.16761866701971317, 'no': 0.0600792165975606, 'with': 0.05545061220530447, 'and': 0.04890189342404759, 'The': 0.039658022480177274, 'that': 0.03310197651017119, 'any': 0.027002274409404656}, {'of': 0.11771772108934433, 'the': 0.10834742670794954, 'and': 0.09551761088885818, 'to': 0.06077776922412324, 'a': 0.03462918201859301, 'in': 0.029091557119467547, 'by': 0.022892317658787985, '.': 0.02084942882576189, 'for': 0.019229744821505263}, {';': 0.019336688636049267, 'and': 0.01504175077149274, '<s>': 0.00691661555690442, '.': 0.0054205148554824925, 'him,': 0.005298760441341969, ',': 0.005026492165461868, 'them,': 0.004886253976890109, 'it,': 0.00456795884406785, '1': 0.004093194386737097}, {'they': 0.16111188785265268, 'there': 0.06626249220905589, 'and': 0.06077457897578308, 'who': 0.05732257284091478, 'we': 0.045083092791755895, 'which': 0.044647664622390684, 'They': 0.03565243903755429, 'There': 0.03090159854777091, 'that': 0.02999419587928608}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'that': 0.3048592550653344, 'and': 0.19879926436897044, 'but': 0.06590660959264018, 'which': 0.042310867716278906, 'where': 0.04216322225482907, 'if': 0.03991189958813, 'as': 0.03341458253147177, 'But': 0.030455862306052434, 'If': 0.030386438730380945}, {'be': 0.28021966405998466, 'and': 0.10761392637154908, 'was': 0.09124801081752316, 'is': 0.08861229104408487, 'he': 0.06965926192324894, 'are': 0.0627367457555279, 'were': 0.04129623180974649, 'been': 0.03554764623404736, 'have': 0.023592846105669328}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'the': 0.48540440669651364, 'a': 0.07638484966966375, 'The': 0.06237892432231036, 'tho': 0.035080203129665664, 'great': 0.03388452131296341, 'large': 0.033749650194675684, 'and': 0.032540978892651555, 'good': 0.022115703573260787, 'by': 0.019444333900595467}, {'of': 0.4222129050238352, 'from': 0.07208539961867587, 'in': 0.06780391702624332, 'to': 0.05822779713624984, 'at': 0.0581342068153087, 'for': 0.04925617006362956, 'and': 0.03853566847240558, 'the': 0.025835100717901203, 'In': 0.025557392601746057}, {'and': 0.10840190534614898, 'week': 0.07401326640845082, 'one': 0.03610669480129969, 'up': 0.031230132784533595, 'work': 0.025378405503331584, 'time': 0.02511002328216291, 'was': 0.02210455623327866, 'room': 0.02023973138971351, 'it': 0.020089083292839302}, {'to': 0.34378129718365846, 'will': 0.15287135864951518, 'would': 0.08615903395787451, 'may': 0.07844929048361882, 'should': 0.05682249178971402, 'shall': 0.05432412913287461, 'not': 0.05091775331157668, 'must': 0.03610577244404393, 'can': 0.03580596083245932}, {'he': 0.15833783157006798, 'who': 0.11252166679113242, 'which': 0.10007920750248263, 'they': 0.08307407047038702, 'it': 0.07687172224910013, 'that': 0.06547997363155768, 'I': 0.05314002564963188, 'there': 0.04507481930663967, 'she': 0.04354106747792997}, {'the': 0.40529822480491295, 'his': 0.089061667352921, 'a': 0.08061602899717699, 'this': 0.05779980344393044, 'her': 0.050850099879837414, 'healthy': 0.05016578478599047, 'good': 0.0452408937282198, 'and': 0.041497704277413255, 'their': 0.040945662948475854}, {'was': 0.12492537302822405, 'and': 0.10649773189192072, 'be': 0.10627773435309645, 'been': 0.10360132482520812, 'are': 0.08516026455726419, 'is': 0.06821130032917327, 'the': 0.06655806477682347, 'were': 0.05442175008621114, 'of': 0.0530906396529213}, {'a': 0.12730001873837127, 'young': 0.08593649727221721, 'better': 0.06836290227591403, 'of': 0.05533347661181921, 'the': 0.04259552543381595, 'other': 0.032135066155655645, 'white': 0.03167431944675038, 'any': 0.026121005051740125, 'in': 0.023043923288849032}, {';': 0.02462598480819333, 'it,': 0.01719665926724624, 'him': 0.012585070814077035, 'in': 0.012521345876532489, 'them,': 0.011854479993809381, 'it': 0.011853898810728835, 'him,': 0.011673954467508104, 'and': 0.011305855080689549, 'me': 0.009092530524306313}, {'and': 0.13620552913135772, 'of': 0.12882913256683962, 'was': 0.09880369654132681, 'is': 0.06293167993018538, 'are': 0.05069475197267144, 'were': 0.045813331781653456, 'for': 0.037845162866836396, 'in': 0.03713888572284056, 'one': 0.031074522732989163}, {'J.': 0.06809705154547084, 'Mrs.': 0.06507725719052598, 'John': 0.06300524656571624, 'and': 0.05870246146789504, 'W.': 0.054274363660877074, '.': 0.05311672062708137, 'A.': 0.045636908571032746, 'of': 0.040094287587142, 'Mr.': 0.03580198057955319}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.10985765360012639, 'to': 0.0870112436273619, 'of': 0.07894186089764132, 'the': 0.07005492844823415, 'in': 0.032364668243275635, 'be-': 0.03196946985605434, 'that': 0.025107085000234345, 'was': 0.023436862887310478, 'for': 0.02150877633014445}, {'and': 0.13171365636802773, 'has': 0.10901855504586716, 'be': 0.09288404190505381, 'have': 0.09049731179571105, 'he': 0.08523226751872483, 'had': 0.06861456911735223, 'was': 0.05269752456708023, 'I': 0.04859525978821856, 'is': 0.03869530414569001}, {'and': 0.16994243063037628, 'made': 0.04948929976120752, 'but': 0.040199781561504555, 'or': 0.03799035381838333, 'them': 0.030002899064437108, 'is': 0.027466784103631292, 'that': 0.026980600811331495, 'be': 0.026416371564736675, 'well': 0.021550743710518648}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.3657446822627616, 'in': 0.10376635443085964, 'to': 0.0988240898770974, 'and': 0.0847485121960644, 'that': 0.0766424916658344, 'by': 0.04862093555976338, 'for': 0.045838266609817435, 'In': 0.044885027866880235, 'from': 0.030015130225369537}, {'the': 0.11864215425377549, 'and': 0.08972371643926988, 'of': 0.04809559438679374, 'in': 0.028133273792285047, 'was': 0.0281079026913601, 'to': 0.02452133112173075, 'for': 0.021775516249969755, 'that': 0.021265180784699016, 'is': 0.021104290924603225}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'and': 0.05710497442831868, 'thence': 0.03924676394424772, 'compared': 0.03861819841344837, 'filled': 0.036473042299789246, 'covered': 0.03613724002435293, 'connected': 0.029686659349920052, 'together': 0.02775063642309519, 'charged': 0.022455071018486657, 'met': 0.01928499022382017}, {'a': 0.3047583528216625, 'the': 0.10502916147004075, 'that': 0.1025770619903654, 'per': 0.09290488126275065, 'every': 0.08359772602452611, 'one': 0.07080546075222138, 'this': 0.06849409785511447, 'said': 0.03674262008350912, 'to': 0.02274533568251619}, {'be': 0.10872295151851856, 'and': 0.10706323205682734, 'have': 0.10425866686703936, 'was': 0.08526732155686682, 'had': 0.07457756792983658, 'not': 0.06694046290630801, 'has': 0.0669169470132332, 'to': 0.05546103553803763, 'he': 0.05428160636943914}, {'<s>': 0.11878650567456728, '.': 0.019354118486196083, 'it.': 0.018208990156162952, 'them.': 0.01363716919232608, 'day.': 0.009898838134580368, 'time.': 0.00838973742943802, 'him.': 0.007448769226108595, 'year.': 0.006871607733745746, 'city.': 0.0066556217812868326}, {'and': 0.16289480867414785, 'the': 0.12737040694313342, 'of': 0.1185250577063175, 'in': 0.0627044451497763, 'to': 0.054506999710030236, 'for': 0.04469205365291036, '<s>': 0.03757462677856598, 'The': 0.02489800357318118, 'by': 0.022861508944124878}, {'about': 0.15159886604915127, 'and': 0.13298800331459798, 'of': 0.1262816782668704, 'or': 0.10792471270493012, 'than': 0.10252258239966161, 'for': 0.07385506383892038, 'twenty': 0.06364488981524649, 'at': 0.052932032986778225, 'to': 0.05229017069533312}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'has': 0.12402270706278268, 'was': 0.12234570333543399, 'have': 0.11101384804230546, 'and': 0.09822275057196478, 'had': 0.09392003213824428, 'he': 0.06747691312246576, 'were': 0.05059300085947929, 'been': 0.04668788313614136, 'be': 0.04666932087455958}, {'of': 0.13250592418377344, 'and': 0.11286076586839974, 'the': 0.0724161720551502, 'to': 0.04987028954598605, 'in': 0.029480081258064967, 'with': 0.025272515268875115, 'for': 0.0247404785505104, 'was': 0.023120806944180405, 'a': 0.022003766483762448}, {'of': 0.3743951990996794, 'at': 0.13855027126113603, 'in': 0.10202097794728093, 'to': 0.0913627915613973, 'and': 0.05861646341997748, 'for': 0.05086542475256355, 'by': 0.03257658402523223, 'In': 0.028696964027358562, 'with': 0.027317920232769306}, {'and': 0.09163968276229653, 'that': 0.04182891208420174, 'when': 0.036996686432185275, 'at': 0.03620111926650043, 'I': 0.03413717131293758, 'which': 0.03185820846944952, 'the': 0.030586417639404163, '<s>': 0.02751036370357131, 'of': 0.024801947393304543}, {'the': 0.22038313903105292, 'Mr.': 0.07937156760867098, 'of': 0.07368785948768332, 'The': 0.06437454493038172, 'and': 0.05944888902093017, 'that': 0.046904228525190425, 'a': 0.028819451762637286, 'his': 0.018895379103475607, 'Mrs.': 0.016510016796138643}, {'and': 0.13537904857910368, 'was': 0.13519275303638567, 'is': 0.12203382904720367, 'have': 0.05694775689210227, 'be': 0.05670734967105261, 'not': 0.05668313908319774, 'are': 0.04691082854992168, 'had': 0.04623803749946858, 'been': 0.04199883953381855}, {'a.': 0.046146862527154546, 'p.': 0.043976309003150825, 'p': 0.033905858551405224, 'of': 0.029411317359196304, 'and': 0.027208513528482643, 'the': 0.02702328880381361, 'a': 0.024185126960307942, 'in': 0.022556122776917646, '.': 0.016253678509744546}, {'much': 0.2009781738337653, 'part': 0.16322816385620406, 'copy': 0.09465175344636163, 'plat': 0.08894998336445256, 'payment': 0.03565826517145127, 'portion': 0.035589992097738755, 'survey': 0.02916935441818071, 'holder': 0.025172930898622353, 'notice': 0.021278628304231426}, {'and': 0.08367627229325318, 'them': 0.0453729404876382, 'was': 0.04218293784608318, 'are': 0.03647775414923646, 'look': 0.035262169304586845, 'it': 0.02708516196796737, 'is': 0.026530629846533284, 'or': 0.025979886655154483, 'him': 0.025639832448799454}, {';': 0.0186410028407771, 'city': 0.015373094345792416, 'Mr.': 0.010204335895907891, 'State': 0.007727461369074271, 'Mayor': 0.007492108841888229, 'in': 0.007397810778762705, 'men': 0.006082876907930596, 'Mr': 0.006011853849435003, 'mortgage,': 0.005895378062672908}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'city': 0.024137952393045396, 'right': 0.01830500954388966, 'men': 0.014436238682397268, 'in': 0.01194264853909788, 'North': 0.011598725986217803, 'wife': 0.011475250278346515, 'friends': 0.011401960876293683, 'time': 0.010701318996462834, 'north': 0.010519858095627341}, {'of': 0.22652027902211405, 'about': 0.13555805971909424, 'and': 0.12220863382173107, 'or': 0.09043906123279659, 'for': 0.08019763575544567, 'at': 0.06433666607721533, 'to': 0.06216245636080005, 'a': 0.04159662549317427, 'than': 0.04136794517795736}, {'and': 0.17596106684280022, 'to': 0.09705634816379151, 'of': 0.043853882963741174, 'which': 0.04307159982379265, 're-': 0.036121002228894326, 'that': 0.03457731553129466, 'for': 0.0298838750270468, 'or': 0.02922632231759091, 'not': 0.02791646393032946}, {'at': 0.2511821869413555, 'of': 0.165854218500987, 'to': 0.16165023341944215, 'in': 0.1131631637195477, 'and': 0.07181042862905632, 'from': 0.046020760534324315, 'with': 0.0441399190694836, 'for': 0.028851971432454413, 'by': 0.026174831736006907}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'a': 0.40236954440793327, 'the': 0.2279065564433508, 'of': 0.07749140947956407, 'and': 0.054835808002650234, 'with': 0.04625299306557883, 'The': 0.04090928939156542, 'very': 0.0315430139136405, 'so': 0.025574250020739615, 'by': 0.022222736535322078}, {'would': 0.17959540429010784, 'to': 0.13519794944916977, 'who': 0.09755427043109222, 'they': 0.08092794866467283, 'I': 0.07229973568327139, 'which': 0.06237819314755754, 'must': 0.053838397959161594, 'might': 0.048424713189248424, 'shall': 0.04348004295022552}, {'he': 0.1635807399857661, 'it': 0.09795082018513447, 'and': 0.09588461664712694, 'which': 0.08349182834687202, 'who': 0.07150254685720023, 'It': 0.060027052295061493, 'He': 0.03980334251894989, 'that': 0.03629481483858203, 'they': 0.0325027210681717}, {'is': 0.18582870030652213, 'well': 0.15460794774118797, 'be': 0.1062165795398068, 'was': 0.0654118875682882, 'not': 0.060209677431808724, 'been': 0.05181632779811929, 'are': 0.04694564724086244, 'and': 0.04658390517460511, 'have': 0.03590793285074792}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'I': 0.1604143003140404, 'who': 0.0984335930327786, 'and': 0.09437707877600623, 'we': 0.08759355164320043, 'he': 0.08758027101043774, 'it': 0.07347771787690983, 'they': 0.05757257357082641, 'which': 0.04592387788747542, 'you': 0.032181238053016266}, {'of': 0.2754034364738985, 'on': 0.09148594666353768, 'and': 0.07621011852636514, 'to': 0.0545909617884878, 'from': 0.04972508628176019, 'in': 0.045162748490521945, 'for': 0.04321052153973822, 'by': 0.03900854565065474, 'at': 0.038992187233889135}, {'and': 0.09207332313732873, 'is': 0.07380061341887476, 'able': 0.06501197671098757, 'not': 0.06135308676233327, 'have': 0.04963192063749718, 'order': 0.04794798950060513, 'enough': 0.04668644500225044, 'had': 0.04239040236542827, 'was': 0.04196532632059205}, {'in': 0.17635678835710344, 'of': 0.15309164727335328, 'to': 0.09922200092870499, 'for': 0.0755201721616355, 'with': 0.0615221475086542, 'from': 0.05991868815771717, 'by': 0.05491816673292545, 'at': 0.04110373617227536, 'In': 0.04016490729053633}, {'pow-': 0.04728534599554818, 'nev-': 0.040462253942760824, 'oth-': 0.037597878122478834, 'moth-': 0.02054860398739199, 'oth\xad': 0.01880004858771533, 'anoth-': 0.01868767622345057, 'pow': 0.015228979961427571, 'wheth-': 0.010825828118564973, 'prop-': 0.00997078154817623}, {'and': 0.09387774087508678, 'as': 0.027933102814393835, 'the': 0.017614786854432164, 'him.': 0.016230286569077094, '<s>': 0.014821799138272388, 'it.': 0.014064409623744977, 'that': 0.013313990577892329, 'them.': 0.009907308834521811, '.': 0.007806302121263229}, {'to': 0.2593442991781813, 'of': 0.15015187262801066, 'as': 0.09096963385913695, 'with': 0.08751138810303814, 'for': 0.05469441602889661, 'upon': 0.051984584754203526, 'tells': 0.03368615913014777, 'and': 0.031216775875558055, 'from': 0.023620536368525534}, {'the': 0.2146404301464452, 'in': 0.15936265209763334, 'of': 0.08240716448834992, 'a': 0.08208478255679343, 'In': 0.04268909587364858, 'and': 0.036030494675824386, 'that': 0.027454886399466204, 'an': 0.02499258270518159, 'for': 0.024989131645672142}, {'be': 0.12281713265477252, 'was': 0.10959075417541651, 'and': 0.10677539777863804, 'the': 0.08008728519066284, 'had': 0.07471340150000354, 'has': 0.06910541937537461, 'to': 0.06719458368283723, 'he': 0.06717780662840275, 'have': 0.06616731543964864}, {'the': 0.46073732889452224, 'of': 0.05184443155444316, 'State': 0.028281295315790756, 'at': 0.02597230730834836, 'tho': 0.022035894516012854, 'Lake': 0.01915460056746583, 'National': 0.016584383931601217, 'tbe': 0.015305404719389818, 'The': 0.013809710868123756}, {'her.': 0.04692309596434301, '<s>': 0.040024500702274604, 'it.': 0.024769601169580796, 'him.': 0.01795825096050119, 'them.': 0.015102105670118241, 'life.': 0.010951171980991188, 'years.': 0.01075649464197148, 'time.': 0.009974735384672223, 'day.': 0.00846941378618775}, {'was': 0.17110292360417717, 'is': 0.13398482545732435, 'and': 0.07162056309585006, 'are': 0.05172171855611437, 'of': 0.04630307910505407, 'be': 0.04453802967663163, 'were': 0.04099616470003079, 'as': 0.03414297383757007, 'much': 0.02964574241009936}, {'I': 0.1874245448890453, 'we': 0.14542081277211655, 'they': 0.10715222142522093, 'We': 0.0832336763993008, 'will': 0.07357707216266383, 'would': 0.07231771458181784, 'who': 0.06899096329637142, 'to': 0.06750989898812214, 'you': 0.05248565438755063}, {'the': 0.7499706737502158, 'at': 0.09175832936001016, 'The': 0.06216904518104825, 'tho': 0.025108467308403312, 'At': 0.022278950444669703, 'a': 0.011851804358750719, 'tbe': 0.010482313426975181, 'his': 0.009964153688616553, 'its': 0.004240111481907985}, {'the': 0.15074154122063466, 'and': 0.09955173653754493, 'of': 0.09095614919403532, 'to': 0.05618591723729392, 'a': 0.05612999152035257, 'is': 0.045027631857007026, 'was': 0.041559415440580186, 'be': 0.0376243649998588, 'are': 0.03054339957595198}, {'of': 0.18364007540752023, 'the': 0.13393617971055063, 'and': 0.10997449607258084, 'in': 0.10421400771987298, 'his': 0.06542455954717098, 'a': 0.0469335358108819, 'to': 0.038444340432030294, 'that': 0.036218549598354986, 'this': 0.03572341048173268}, {'will': 0.3154466520894114, 'to': 0.22647337933543843, 'would': 0.12296289794452309, 'may': 0.07579629236626323, 'should': 0.06862463152926342, 'not': 0.0524752899785443, 'shall': 0.044997170583159996, 'must': 0.04141487298976131, 'can': 0.024175976257302972, 'could': 0.017632836926331837}, {'he': 0.17475438872346447, 'it': 0.1359286733624291, 'they': 0.09637533336931273, 'I': 0.08453683576858537, 'that': 0.07339259747557059, 'It': 0.07261110104187243, 'we': 0.044348645187426095, 'which': 0.04425071068500445, 'and': 0.04339726392581102}, {'the': 0.39358596958914915, 'of': 0.15802702997556495, 'a': 0.13018331048273524, 'in': 0.035779670315869275, 'The': 0.03566967739820018, 'our': 0.03546997997741041, 'and': 0.03203650275731729, 'to': 0.02298435818197338, 'for': 0.021385414574021457}, {'of': 0.5591541271592289, 'to': 0.1111657518043274, 'by': 0.0489708819599026, 'that': 0.048427224325921794, 'in': 0.0445214043378384, 'for': 0.03911003193502656, 'and': 0.029052343996317637, 'with': 0.028829014015023014, 'at': 0.020881288120855202}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'to': 0.6283664582159135, 'and': 0.08198562598253185, 'will': 0.07454910141694382, 'not': 0.04441987156945688, 'would': 0.0410023912808943, 'To': 0.029370225402102882, 'can': 0.02131640666932298, 'I': 0.017405137690428372, 'who': 0.015838018319395394}, {'city': 0.04220033693764425, 'part': 0.03606365500538136, 'State': 0.03284312755771925, 'state': 0.030747457697412696, 'Board': 0.03073299148021667, 'day': 0.030288279061852195, 'side': 0.028376259948145133, 'line': 0.02823443213231634, 'out': 0.022373604881216827}, {'the': 0.36192879692410374, 'The': 0.18862733038504353, 'a': 0.07202439298400977, 'his': 0.023827962679186434, 'that': 0.02061792130090632, 'of': 0.020431481172519243, 'A': 0.01806865129827264, 'tho': 0.017029929766389583, 'said': 0.01687938803752866}, {'the': 0.2485078906399204, 'court': 0.08799653570863537, 'a': 0.05399745127488057, 'dwelling': 0.044726604859377773, 'of': 0.023257700573691722, 'boarding': 0.019042619784643267, 'tho': 0.018754279210104613, 'school': 0.017358748347203405, 'opera': 0.0158239932794871}, {'and': 0.09923529701220198, 'as': 0.06912387059173151, 'is': 0.06734101133061439, 'time': 0.05954288143540033, 'enough': 0.05097448495836954, 'able': 0.04411514286514282, 'them': 0.04342291664826082, 'him': 0.041360334543502644, 'necessary': 0.038866713788808356}, {'he': 0.21647776251996115, 'I': 0.1738646652702539, 'they': 0.08254924173014083, 'and': 0.07634783593140587, 'He': 0.07365575669346504, 'it': 0.06629423222542247, 'she': 0.06533323031275313, 'there': 0.04777306516444797, 'who': 0.0431520565165679}, {'the': 0.32743583122508996, 'a': 0.3174214910872237, 'Republican': 0.06259882836836107, 'Democratic': 0.05742027026117291, 'The': 0.03532011076012515, 'A': 0.02525534711282069, 'democratic': 0.02266276886936847, 'tho': 0.021809074401576298, 'one': 0.017267572872558267}, {'the': 0.6497379783107368, 'of': 0.08024019314167229, 'in': 0.045551277204193594, 'tho': 0.027928415160801443, 'for': 0.02553444558345637, 'his': 0.018481567448419098, 'to': 0.017716290639123264, 'and': 0.016009502096360668, 'a': 0.013111649887053066}, {'it': 0.1942377674833811, 'It': 0.1196382377309365, 'he': 0.11555470934464755, 'I': 0.10660963846112233, 'and': 0.06704114083305802, 'there': 0.04399547866809459, 'which': 0.04215449621723039, 'He': 0.04024635907665479, 'she': 0.036891826278630156}, {'the': 0.161571823160705, 'of': 0.09066395789307255, 'and': 0.08811651892316719, 'to': 0.04899478563575888, 'a': 0.04339234346550187, 'in': 0.02742755197900953, 'be': 0.01966761960337111, 'his': 0.018152941337592668, 'or': 0.01745461527325544}, {'of': 0.3312574557156918, 'in': 0.14453979771972578, 'to': 0.09218907899210019, 'with': 0.07568120205854978, 'from': 0.06516890778368861, 'for': 0.06391153671069222, 'at': 0.040745999874360894, 'by': 0.03496687749559762, 'and': 0.034271331894641106}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'the': 0.5954011151311119, 'The': 0.1289241312523354, 'tho': 0.03842003166683006, 'of': 0.034624409286663424, 'and': 0.033740606840810226, 'that': 0.0218185519810462, 'stock': 0.019629423077036027, 'this': 0.01744869206268873, 'a': 0.016518782920951096}, {'in': 0.2810067400031167, 'of': 0.20057748967401265, 'the': 0.18934187728316118, 'In': 0.06192471818691492, 'and': 0.04387531628685414, 'by': 0.03995297783284072, 'his': 0.030053981177727507, 'an': 0.029267301122481583, 'all': 0.024706599715535384}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'of': 0.36817578885963376, 'to': 0.11076947608071802, 'in': 0.08650177453723773, 'by': 0.06052172034501094, 'and': 0.059130631926824356, 'that': 0.05887371347346977, 'on': 0.05488452382338286, 'with': 0.05144047949332066, 'from': 0.03669730732084931}, {'of': 0.27729012029510164, 'in': 0.13547098097122912, 'to': 0.10761445461048424, 'and': 0.07905017078913738, 'that': 0.060875759589525374, 'In': 0.05520332590186275, 'all': 0.04879829855589465, 'with': 0.04465897827132502, 'by': 0.03687009965501041}, {'recorded': 0.5292483363344281, 'corded': 0.04320236944900912, '<s>': 0.04199075494292374, 'and': 0.015333253835952125, 'Monday': 0.011423810147822741, 'situated': 0.009502687152072772, 'filed': 0.008246956567563114, 'held': 0.0073551554419919625, 'in': 0.00726975970885904}, {'the': 0.211892120772943, 'of': 0.15304155414835974, 'and': 0.08167878049694735, 'to': 0.04929196881086108, 'a': 0.04784900264420664, 'with': 0.03804226246193828, 'in': 0.03629892535336548, 'by': 0.0284292408478428, 'on': 0.023630710489546226}, {'a': 0.2120510131139882, 'the': 0.1447339820397688, 'is': 0.1187709130455646, 'no': 0.09131701543500133, 'much': 0.09104213602375177, 'or': 0.0729989847205041, 'are': 0.06591332257626532, 'and': 0.0656409502767789, 'of': 0.05115199266311075}, {'of': 0.2578257012213694, 'in': 0.1401247198026584, 'the': 0.10962207393693923, 'to': 0.05848024642052347, 'for': 0.04307022982155963, 'a': 0.03391578764929841, 'on': 0.032478662393450965, 'and': 0.031419954197993996, 'In': 0.024564566217929604}, {'the': 0.10496754577909226, 'of': 0.08717199036651303, 'and': 0.07411726588896764, 'to': 0.06362778820888396, 'at': 0.04668706321655632, 'a': 0.043428830056495754, 'in': 0.038032177069806064, '.': 0.03790694416229309, 'by': 0.02220602387500581}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'a': 0.159106635729302, 'and': 0.10089280946843265, 'the': 0.09155898539542276, 'under-': 0.08096235397219088, 'was': 0.07943483228208427, 'his': 0.042058389635083786, 'one': 0.039154629523500996, 'of': 0.03754102194387461, 'by': 0.03519616954866217}, {'the': 0.20849665906433557, 'and': 0.1142767670160047, 'of': 0.0996603529965147, 'The': 0.06524073313159189, 'that': 0.024980514504802553, 'these': 0.01841332784867121, 'a': 0.016378062967323737, 'or': 0.01599964531259606, 'to': 0.01465781744434432}, {'of': 0.30893068276357155, 'between': 0.1022627028286747, 'in': 0.0912317824069695, 'and': 0.08716180288301997, 'for': 0.08340978582734004, 'to': 0.08165600473586285, 'that': 0.052270056584734034, 'on': 0.04426389814115279, 'by': 0.0439683994715577}, {'of': 0.27175468321880464, 'to': 0.13815273410370366, 'in': 0.13296966621519818, 'for': 0.08521412198459308, 'on': 0.07021215058345794, 'at': 0.054491523409826985, 'and': 0.04868163183036879, 'from': 0.04593925780550958, 'with': 0.0358874195916845}, {'and': 0.15778666842537623, 'to': 0.12173348091476627, 'the': 0.10920499630034565, 'of': 0.09657810343330342, 'in': 0.031729378575704965, 'a': 0.028145520055305046, 'be': 0.024299123073262367, 'or': 0.02259080173811744, 'is': 0.01850230775048177}, {'is': 0.22807567861982064, 'was': 0.14950006798960344, 'are': 0.1099320543732436, 'ought': 0.10289217307223149, 'and': 0.05325523990299844, 'were': 0.04676608594263899, 'do': 0.04364633680618877, 'it': 0.03886979964996613, 'Is': 0.03650582808910874}, {'the': 0.34058898195474924, 'Court': 0.3127532584081254, 'White': 0.06422834087650987, 'The': 0.03985938522244578, 'Custom': 0.021713928816274958, 'Opera': 0.020301137739452985, 'tho': 0.012776589441634728, 'this': 0.01169108370275827, 'States': 0.01086340268693397}, {'the': 0.13176059970706558, 'of': 0.1135059791658658, 'Mr.': 0.06738335125518273, 'and': 0.06288945023150325, 'that': 0.036609919376956734, 'The': 0.034943476481392566, 'in': 0.02536506797106764, 'for': 0.022587056788599194, 'as': 0.02201859480662348}, {';': 0.05110908004283132, 'nothing': 0.023396960531790807, 'and': 0.01927064172855997, 'it,': 0.019210371804394055, 'him,': 0.014051472991395163, 'is': 0.012938263540499288, 'time,': 0.01200212797872395, 'them,': 0.011515945702380504, ',': 0.008595257915022159}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.24208460859198386, 'and': 0.12744912877491568, 'be': 0.10203250763955551, 'to': 0.09051373307205508, 'an': 0.06588833571270486, 'a': 0.04361389927969946, 'of': 0.04282276743002703, 'was': 0.03995949183203351, 'is': 0.03152717392292306}, {'of': 0.44800580925469785, 'in': 0.11624710555660377, 'to': 0.08116264662152552, 'for': 0.05423551812814329, 'by': 0.053543967320087184, 'the': 0.03675697514979051, 'on': 0.033735916388627746, 'In': 0.0291969227319561, 'from': 0.020941994772667567}, {'he': 0.20786989413563015, 'I': 0.10276935996300361, 'who': 0.09330149586052307, 'they': 0.06726709902526262, 'she': 0.05434595869646194, 'and': 0.04974755009242985, 'which': 0.04388005821217511, 'He': 0.03641445868141367, 'that': 0.03592110807205212}, {'of': 0.35465516044816947, 'in': 0.07054053296705755, 'and': 0.07030003833688771, 'to': 0.032313899683777014, 'the': 0.030138614128490344, 'from': 0.028362077057902817, 'by': 0.027288423237217453, 'Mr.': 0.022014928630100527, 'In': 0.01723302768222749}, {'deg.': 0.0959703005653574, 'of': 0.046340961077954275, '.': 0.04359971557224275, 'to': 0.037098242024518814, 'deg': 0.02947878547625316, 'Mr.': 0.026229459963457387, 'degrees': 0.0230332459096805, 'min.': 0.02064935572739475, 'and': 0.020524532188325652}, {'there': 0.23967468777519785, 'There': 0.15961667647363528, 'they': 0.12338597292917364, 'who': 0.056001118666082886, 'and': 0.0479695181660033, 'which': 0.04762183788747762, 'They': 0.03806210423652568, 'that': 0.03181676566178695, 'we': 0.02977239860014375}, {'and': 0.09468249737622518, 'depend': 0.03875088893599322, 'based': 0.03863406357657407, 'placed': 0.0380392715961322, 'depends': 0.03779424552216468, 'called': 0.03705486424756454, 'down': 0.03295251281941486, 'made': 0.032658028953724605, 'effect': 0.028685464570585545}, {'and': 0.05993839149298216, 'known': 0.04374486971352591, 'men': 0.03785562985710842, 'out': 0.030440294343405973, 'land': 0.02844153531715345, 'him': 0.028201288052214384, 'them': 0.026353710828450384, 'people': 0.019238945394059636, 'friends': 0.01909514454590354}, {'of': 0.2926425117975524, 'to': 0.11491561345932486, 'in': 0.08299852347023945, 'and': 0.07499822455283754, 'on': 0.063336558608552, 'with': 0.06008852365096821, 'by': 0.05633669457315129, 'that': 0.05217049812292514, 'from': 0.051097732668219195}, {'and': 0.16407569480988862, 'had': 0.12920595700216986, 'have': 0.11958387268679961, 'he': 0.11765355530831818, 'has': 0.1154591046503979, 'be': 0.06844591253915534, 'I': 0.06294201071578935, 'was': 0.03679823506086421, 'which': 0.03558705747592613}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'and': 0.22497831462866738, 'he': 0.10628320379832246, 'I': 0.08741133301151652, 'have': 0.08037226339491235, 'be': 0.0583078467315382, 'the': 0.05234218176125054, 'had': 0.050687062816255846, 'was': 0.049510592034611986, 'not': 0.04666906723229561}, {'of': 0.3554393147322924, 'to': 0.12069283826997325, 'in': 0.09352077072068289, 'and': 0.06963804252167645, 'that': 0.05794614107009636, 'with': 0.04596239132308226, 'for': 0.040191741324714855, 'from': 0.0395469811965641, 'by': 0.035230345373329856}, {'men': 0.028338682320048544, 'time': 0.015365180751539273, 'up': 0.014269789030896367, 'hundred': 0.013251660691819763, 'in': 0.010768706389300145, 'out': 0.009557619860042159, 'and': 0.009471049257439601, 'principal': 0.008960033837175278, 'made': 0.008661058811460478}, {'they': 0.17020549475837582, 'who': 0.07942546223405256, 'we': 0.059816228825063204, 'which': 0.058697619666380575, 'and': 0.04872091571771842, 'They': 0.04645417035361081, 'men': 0.037280704490621215, 'I': 0.027738833305221096, 'We': 0.022471729373331802}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'up': 0.059742153302260244, 'and': 0.05155824137472079, 'went': 0.04202636728668512, 'go': 0.035485411513625054, 'as': 0.03516057012667616, 'them': 0.03110957722720821, 'came': 0.030581709700008352, 'back': 0.03025642429863969, 'down': 0.02635985655219579}, {'the': 0.4117720138792285, 'The': 0.08671174745169187, 'of': 0.07896098220515758, 'this': 0.0678261683546975, 'other': 0.06738107945893618, 'in': 0.04665171356086837, 'his': 0.04331069467315713, 'these': 0.04327075140411961, 'and': 0.03367438961520055}, {'the': 0.8450033498011243, 'tho': 0.05304777714421684, 'The': 0.03753411522807594, 'tbe': 0.017472975546513725, 'of': 0.01350902749928591, 'and': 0.0055366109604262715, 'a': 0.004401955077791598, 'by': 0.0034840106110702075, 'that': 0.003461839744949644}, {'and': 0.10900244936529545, 'that': 0.05957716405866333, 'was': 0.0341321923873442, 'be': 0.03142608957910278, 'as': 0.030412224484437773, 'placed': 0.02846302784231855, 'it': 0.02812309038588701, 'is': 0.025812736087666998, 'them': 0.025775352538333834}, {'to': 0.24814672849979388, 'who': 0.09900761027908998, 'would': 0.08140783404219745, 'they': 0.07625544358223749, 'we': 0.07157826903471415, 'I': 0.070032996066988, 'will': 0.05822147549181465, 'you': 0.05709308253321189, 'and': 0.048387854346176325}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'is': 0.22239223296194982, 'be': 0.19497063440777812, 'as': 0.15133131661074334, 'was': 0.10983037038271723, 'so': 0.09059159670236992, 'are': 0.06341515708909769, 'Is': 0.04939281528348321, 'and': 0.0481421424553916, 'not': 0.030375630471428893, 'were': 0.029558103635040155}, {'to': 0.23610980323556066, 'and': 0.13511881900324113, 'in': 0.05235308266561143, 'all': 0.04974345317806369, 'of': 0.04906823250985794, 'was': 0.04192224822186447, 'not': 0.03812813693845807, 'I': 0.03797107431055813, 'be': 0.03052087355103134}, {'the': 0.23552649805602838, 'a': 0.16647692304347175, 'of': 0.14917522453202323, 'this': 0.11244297169894593, 'his': 0.07610297900592077, 'in': 0.0616504054890058, 'to': 0.057827887389671824, 'that': 0.03220493774104647, 'last': 0.03209264907271328}, {'the': 0.17400946547346474, 'of': 0.1005591321511009, 'and': 0.08826614949155956, 'to': 0.0453668567978259, 'a': 0.03974407148603198, 'in': 0.033718444319693695, 'Mr.': 0.02556230257880391, 'that': 0.021067176133362783, 'this': 0.01874834427166031}, {'and': 0.09117560965046155, 'is': 0.07138438832695539, 'began': 0.06449538896238498, 'able': 0.05271654476128398, 'him': 0.04604490944624556, 'go': 0.04554852395446974, 'as': 0.04477151354646006, 'was': 0.04124121952171892, 'ready': 0.04097633664775225}, {'of': 0.07480542117919003, '<s>': 0.04052978351986655, 'to': 0.029469415127791696, 'him.': 0.019166033155725973, 'it.': 0.017491400416982442, 'that': 0.01572428458706076, 'and': 0.015501008522678467, 'in': 0.015384779450756246, 'years.': 0.013253583308496991}, {'A.': 0.43360557090372076, 'J.': 0.07212770841445257, '.': 0.06255321229566484, 'John': 0.05207851210537079, 'W.': 0.044351403316365653, 'C.': 0.02567972199559769, 'Washington,': 0.023637131543785533, 'E.': 0.020869484679730137, 'H.': 0.02085967387763711}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'the': 0.1376864072258645, 'of': 0.10158183311040732, 'and': 0.09643064594485966, 'a': 0.0633633470943813, 'to': 0.05454627787357334, 'at': 0.03525117082441449, 'in': 0.026258161793649638, 'on': 0.02464887747688778, 'was': 0.017921337863363408}, {'of': 0.21030354194379108, 'and': 0.1410775833298136, 'in': 0.10403343649825787, 'with': 0.08459492879502785, 'to': 0.08236173980853444, 'for': 0.062334351357193854, 'that': 0.05431989460073243, 'by': 0.04487330906084482, 'at': 0.04112867941551489}, {'the': 0.28820819031272676, 'a': 0.07987216883235336, 'of': 0.07277355562599283, 'and': 0.05959496593436513, 'in': 0.03256053809235269, 'two': 0.025578906396432937, 'or': 0.022796347210651987, 'The': 0.021274109138688664, 'tho': 0.01721283117081193}, {'New': 0.17694740649397067, 'of': 0.13485976199945218, 'the': 0.12609628459705155, 'in': 0.07902863107009712, 'and': 0.05120453603849916, 'a': 0.04856140680200178, 'his': 0.030439073782394018, 'dis-': 0.025343769575521046, 'to': 0.023387944764570474}, {'and': 0.08499789743315106, 'as': 0.07230325637184033, 'way': 0.029497370760572295, 'time': 0.020718118605887948, 'is': 0.019102377525720814, 'said': 0.01869077989552704, 'referred': 0.01815365149351867, 'subject': 0.01735800622368556, 'him': 0.016699663343601203}, {'the': 0.18993880449201844, 'of': 0.11639210830738761, 'and': 0.08735698721996352, 'Mr.': 0.04797666771675121, 'a': 0.04136447797506552, 'to': 0.030717163312382403, 'The': 0.02649997786553738, '.': 0.022960452586241215, 'by': 0.020277340511229532}, {'at': 0.25552581422027815, 'to': 0.07514880268264362, 'No.': 0.07329557945226547, 'of': 0.07076310931724207, 'and': 0.06302834329805786, 'a': 0.023986855552827282, 'from': 0.02224123552091963, '.': 0.020323762276145768, 'by': 0.01693941422109474}, {'of': 0.1977873672047701, 'in': 0.09614992803725511, 'to': 0.03493458105267395, 'for': 0.03346083223874186, 'and': 0.0331953806009568, 'from': 0.032640201907701664, 'upon': 0.025208940174412487, 'that': 0.024755386809916312, 'on': 0.024448632563701583}, {'has': 0.443880484193916, 'had': 0.19125541337578786, 'have': 0.17234867094548761, 'lias': 0.031194159404487835, 'and': 0.02362759349260155, 'having': 0.0191176780130668, 'he': 0.01643673980699601, 'which': 0.014364355653170936, 'who': 0.0138794972698284}, {'as': 0.32064783300273475, 'and': 0.07020835064398837, 'is': 0.03495781959694681, 'seems': 0.03211613644086681, 'not': 0.03200466438453172, 'seemed': 0.030075741973794663, 'it': 0.027959725544490457, 'come': 0.024701338230842976, 'referred': 0.023094563664056805}, {'<s>': 0.08661829860427782, 'it.': 0.03228327337061434, 'them.': 0.021790721361047656, 'him.': 0.01823053803685412, 'us.': 0.014110770093798472, 'day.': 0.0132720526352466, 'time.': 0.009256191370663431, 'way.': 0.008693529937744028, 'and': 0.008535250085811989}, {'the': 0.43659316135666987, 'The': 0.13579537606906528, 'few': 0.08658326209237459, 'these': 0.064244916234712, 'no': 0.043397499794335, 'a': 0.04176132492707474, 'two': 0.036814074508094125, 'other': 0.03166755521508835, 'of': 0.031379318775858665}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.22070100985644897, 'of': 0.09480042365482616, 'a': 0.06542850014365104, 'and': 0.0642619086020835, 'to': 0.056601613816981006, 'that': 0.035436857267602866, 'for': 0.029034397255002314, 'by': 0.028828410549835252, 'at': 0.026033374581946184}, {'and': 0.11855345980160215, 'that': 0.04834655291398339, 'made': 0.0378194600336547, 'is': 0.03527537111848093, 'was': 0.03499608325061649, 'placed': 0.02838596072187782, 'as': 0.025722738445492364, 'be': 0.025414814918467716, 'or': 0.02501953233801765}, {'of': 0.3838491432847543, 'to': 0.15944317131333685, 'in': 0.07840085759842302, 'by': 0.061464319543815635, 'that': 0.05669494716952944, 'and': 0.056689380166043135, 'In': 0.03214990933481186, 'from': 0.031234050223553078, 'for': 0.030208673715689992}, {'was': 0.13839146280287365, 'not': 0.1111946176600516, 'and': 0.09868938134613806, 'is': 0.09788302940239393, 'to': 0.06208696937644544, 'are': 0.056975202757184214, 'be': 0.05542030127499317, 'were': 0.05149321038232315, 'been': 0.04099167770481889}, {'of': 0.20049164813437464, 'in': 0.14164889230278, 'at': 0.11799612469470523, 'to': 0.10805733829235892, 'and': 0.07080272692268391, 'on': 0.06624397867355822, 'In': 0.05530128686766816, 'At': 0.05409308602139609, 'with': 0.042837581200100526}, {'of': 0.35786233287513447, 'in': 0.3157541188175992, 'to': 0.08551562757768857, 'In': 0.05400356926463127, 'for': 0.03658767253243935, 'by': 0.03405949167205674, 'from': 0.030112118107386492, 'that': 0.026334092969945534, 'and': 0.023044326307172028}, {'away': 0.06925205172028555, 'and': 0.06007808449668492, 'taken': 0.04760906637168378, 'miles': 0.0428166599829834, 'feet': 0.03837562943164214, 'come': 0.026889243450533045, 'them': 0.026073675669967263, 'out': 0.02484981837258804, 'came': 0.02410733092637395}, {'with': 0.16732318153961473, 'of': 0.1581254471540315, 'the': 0.15416949342924285, 'and': 0.14838120925902698, 'an': 0.0922851403552822, 'their': 0.0451775528499689, 'no': 0.044855484288063324, 'any': 0.03686843574351955, 'as': 0.031017498042739004}, {'<s>': 0.03992632265758468, 'manner': 0.03326913725728521, 'and': 0.0232635023046438, 'that': 0.02197088632605459, 'land': 0.010114711611678356, 'way': 0.008892368679972295, 'money': 0.00880890739265093, 'it': 0.008269574915294967, 'work': 0.007990849453376381}, {'the': 0.7534835855758021, 'and': 0.050578630962446226, 'The': 0.03521043357864417, 'tho': 0.029533007586895182, 'a': 0.02348705110546077, 'permanent': 0.018696924600172887, 'of': 0.016136850192909582, 'or': 0.014317953246951079, 'in': 0.01361022409502395}, {'they': 0.13480086370020142, 'I': 0.1157280532538064, 'he': 0.08882460798865753, 'who': 0.06345421583153323, 'and': 0.05645518515025672, 'we': 0.05420656535232376, 'They': 0.045571662771792004, 'there': 0.0332257925173118, 'men': 0.02976730846912338}, {'have': 0.27527764806109156, 'had': 0.19807157909312145, 'be': 0.1106660513406429, 'has': 0.09793278116824863, 'was': 0.06781740831561427, 'he': 0.06424396520573764, 'I': 0.050199259559756265, 'been': 0.04582927896173142, 'and': 0.04057392838707333}, {'the': 0.19061695361287265, 'a': 0.14041255515988155, 'of': 0.07992152109581542, 'and': 0.06992640204187661, 'to': 0.06308496466756996, 'in': 0.04412418792508066, 'his': 0.025716721860892813, 'with': 0.017213983867143578, 'an': 0.016878045672308616}, {'to': 0.3001961733862119, 'the': 0.12440308342009172, 'and': 0.06759007793800638, 'not': 0.052716406919939944, 'this': 0.03915989452797684, 'in': 0.030255811055420908, 'of': 0.02892880032798355, 'will': 0.02825213830939911, 'may': 0.027780046884162017}, {'<s>': 0.0902194251088351, 'it.': 0.02202268026160413, 'them.': 0.018130224591470144, 'us.': 0.015184296497702492, 'day.': 0.010656939479299389, 'him.': 0.009067499156490995, 'years.': 0.008446648614412458, 'country.': 0.008158787426757923, 'and': 0.008023960502902602}, {'lots': 0.24486687995348433, 'from': 0.07773951659749204, 'at': 0.06214315916472868, 'Lots': 0.060684480934521126, 'No.': 0.05867011446882221, 'and': 0.044194917927660976, 'an': 0.02839586126958206, 'of': 0.02621174910969339, 'the': 0.024870542651511403}, {'the': 0.13321303691828681, 'of': 0.11030344488397249, 'in': 0.09706388198721799, 'and': 0.05827490227020332, 'to': 0.03765102908729309, 'for': 0.03634108375826946, 'In': 0.02269457997618823, 'a': 0.019222600469015243, 'by': 0.017248972335068762}, {'and': 0.10771429496195964, 'was': 0.08243168818636402, 'is': 0.05691386509438326, 'be': 0.04034375647942941, 'been': 0.037584865834425434, 'made': 0.02946465459573823, 'are': 0.029191867053005686, 'that': 0.028598459257963248, 'not': 0.02845592815699328}, {'the': 0.5190960696006941, 'of': 0.13249352760884378, 'and': 0.06408335260611518, 'The': 0.04575614464314584, 'tho': 0.03940993516529604, 'no': 0.0252535438150686, 'their': 0.020569362403364846, 'a': 0.01976646466806355, 'by': 0.019754913204729656}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.22376675678896588, 'and': 0.11894565519471034, 'to': 0.10285864248691212, 'a': 0.08975179393917965, 'of': 0.08399001975735913, 'be': 0.0509749888196219, 'his': 0.037793003813015216, 'was': 0.03609926906814657, 'The': 0.033179033099978154}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.11460600361372933, 'laid': 0.053777665214042834, 'put': 0.049303718760361985, 'sat': 0.04397107716204627, 'went': 0.04380097063564163, 'came': 0.041075184956861625, 'it': 0.03933502415359, 'lay': 0.03611253982992894, 'come': 0.03268485194880728}, {'the': 0.38406004436132996, 'of': 0.18381165056382243, 'and': 0.11625938806687636, 'in': 0.04167269640576663, 'The': 0.03720464921483171, 'with': 0.026013271135715558, 'tho': 0.02430506843671238, 'by': 0.018649749139012958, 'as': 0.01827000229089016}, {'and': 0.07356187177184594, 'him': 0.06101728081640613, 'is': 0.05778944836760529, 'not': 0.04845774864897596, 'was': 0.04749219290637261, 'them': 0.042472904758339564, 'have': 0.04241624596878469, 'had': 0.04073247507503145, 'as': 0.039300779321008186}, {'and': 0.11581373767837377, 'of': 0.09874492887890648, 'for': 0.037918134923795116, 'on': 0.0361263995203914, 'in': 0.03268758447303498, 'to': 0.02913940066737545, 'that': 0.024057591451706363, 'from': 0.01771324712357513, 'by': 0.01658289498606066}, {'and': 0.09421774065471863, 'as': 0.09242018517481641, 'time': 0.05444640755822317, 'necessary': 0.05350104639021579, 'enough': 0.05348698981430839, 'is': 0.04930215228199572, 'order': 0.04905770331297093, 'able': 0.048636038286169005, 'them': 0.038657855096347504}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'and': 0.11521002652180307, 'It': 0.09222178705785088, 'it': 0.06889750899955047, 'that': 0.047049218643905925, 'which': 0.04103052029439843, 'he': 0.023704399152911896, 'is': 0.02147704893331253, '<s>': 0.01901292837088312, 'but': 0.013081559349563985}, {'be': 0.22445201265589182, 'was': 0.1870864580179647, 'is': 0.10091204049447593, 'been': 0.0860195598856005, 'and': 0.07820230145489718, 'are': 0.07711846532294163, 'were': 0.07570625935523664, 'he': 0.05637932334708153, 'being': 0.025910410660755036}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'the': 0.7294030002544625, 'a': 0.07466643301528504, 'The': 0.03153123395521, 'tho': 0.02332282945202514, 'any': 0.015216466976164399, 'this': 0.014863963474955472, 'tbe': 0.010322183073069499, 'first': 0.008860350041560962, 'high': 0.008252620764191367}, {'he': 0.17301592994057766, 'it': 0.09489131975105507, 'and': 0.09080450137909507, 'who': 0.07337743927079116, 'which': 0.06467956182691516, 'It': 0.057823330385520025, 'He': 0.05275997331012988, 'that': 0.051227610192713595, 'she': 0.03889023549774483}, {'and': 0.0793828315152381, 'has': 0.07040588908277856, 'of': 0.05788893267915832, 'which': 0.057476149946757774, 'the': 0.05628532843982875, 'have': 0.052173058144137266, 'had': 0.04304510449343966, 'to': 0.04265668777708361, 'as': 0.03704059743310469}, {'and': 0.24450424342641733, 'of': 0.2227438410934938, 'the': 0.10862011780672184, 'to': 0.05484795064453466, 'in': 0.038466005818741635, 'for': 0.03440844509064178, 'that': 0.02980071792599858, 'by': 0.026529414871440796, 'with': 0.026461147583123505}, {'the': 0.2266867370793355, 'of': 0.15552016725855222, 'in': 0.08914890678383959, 'and': 0.05614419184881246, 'to': 0.03291585807473905, 'a': 0.029496637132082854, 'that': 0.026775019163753636, 'In': 0.026554201968074072, 'for': 0.024108825337863064}, {'the': 0.10474038413955195, 'of': 0.07186487721135203, 'and': 0.06643072562192762, 'a': 0.05877895208854047, 'to': 0.050053655004591295, 'in': 0.03566736795546962, 'by': 0.03125726783741102, 'at': 0.026417185298963572, 'for': 0.026342583968485746}, {'hereby': 0.16313780648739878, 'be': 0.15822500183160534, 'was': 0.14318473605143495, 'and': 0.10658083621618769, 'is': 0.08453821067982632, 'been': 0.07562149341470983, 'duly': 0.05492703721430662, 'as': 0.044368084219342165, 'were': 0.04322630976059208}, {'is': 0.17259142955892112, 'ought': 0.08272961521902446, 'are': 0.08056057458647582, 'seems': 0.07558392967483372, 'was': 0.06572888558670693, 'not': 0.06439114674223405, 'said': 0.05149586598076354, 'seemed': 0.04272828164381891, 'as': 0.041024869025136954}, {'the': 0.49590232801756284, 'of': 0.07935747478731615, 'this': 0.07232077289167536, 'any': 0.06392820716056831, 'a': 0.048234815175553405, 'and': 0.04110992632413626, 'said': 0.027759502792049126, 'County,': 0.023729501081645964, 'tho': 0.020632643587227106}, {'day': 0.08185004114352579, 'out': 0.07195029483206025, 'side': 0.03420275631056278, 'number': 0.033660325244539296, 'means': 0.030669102583319622, 'point': 0.02443189988547875, 'one': 0.019613872587173325, 'place': 0.019403442322525215, 'purpose': 0.018732864514526416}, {'the': 0.2736728817408305, 'of': 0.14076078863158537, 'a': 0.09941837013481172, 'this': 0.058125307558422906, 'in': 0.05106696633947727, 'his': 0.0405320521314214, 'on': 0.03481370802792464, 'by': 0.03032741756066254, 'and': 0.02460642537670166}, {'and': 0.18000726411130824, 'said': 0.10109705394995844, 'fact': 0.06528395459074089, 'stated': 0.05302264213713355, 'so': 0.04517641253901115, 'him': 0.03871021418260112, 'know': 0.03725473856966339, 'say': 0.029084524660267504, 'is': 0.028698334626685935}, {'the': 0.39800755549393546, 'an': 0.11351017056673765, 'years': 0.1027785477396001, 'of': 0.10120080699812282, 'his': 0.04581111771335186, 'good': 0.03698087855332754, 'their': 0.029291106381784858, 'very': 0.025592477112631767, 'tho': 0.024310910154034394}, {'of': 0.11690508211977808, 'and': 0.08506526109596341, 'to': 0.07020317752725898, 'that': 0.07003106277263911, 'by': 0.06174993379723965, '<s>': 0.03806828473792376, 'as': 0.02942978237911792, 'with': 0.028569679573238888, 'which': 0.020422424110410703}, {'be': 0.20037775489565451, 'was': 0.19527985389803085, 'been': 0.12990670001970908, 'is': 0.07423765895623358, 'were': 0.07369619080367386, 'and': 0.061774693708341856, 'Action': 0.057470491167890964, 'are': 0.04968755789535415, 'being': 0.035425795736994524}, {'and': 0.071173104850156, 'according': 0.06346541987096775, 'as': 0.0554379979333024, 'up': 0.05415163187580366, 'went': 0.05348806424220626, 'go': 0.046070230618213574, 'down': 0.04552423784023091, 'subject': 0.03646407642801668, 'back': 0.03462663030419494}, {'and': 0.2061485713705332, 'about': 0.18397193583124533, 'or': 0.13363984686944652, 'than': 0.06748316381748658, 'of': 0.06684735208472668, 'least': 0.05610273301803128, 'west': 0.04323992041059601, 'hundred': 0.041387175094317025, 'east': 0.03627972259059609}, {'it': 0.16688975287350227, 'he': 0.12621999569722347, 'It': 0.1050878203016805, 'I': 0.07525612483431166, 'which': 0.06286166006432448, 'and': 0.04838109235794837, 'He': 0.03955595227368417, 'who': 0.034325603712885976, 'that': 0.029857457704042602}, {'the': 0.16034095759089487, 'of': 0.08337930770201633, 'and': 0.08167606873219838, 'a': 0.06797230011329618, 'to': 0.06200499524654075, 'be': 0.030872590248614943, 'was': 0.024646243111901316, 'or': 0.02030169971211091, 'is': 0.017847106309518128}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.19466672131519716, 'a': 0.09413134900911205, 'of': 0.08121785325950204, 'and': 0.058600378892892185, 'in': 0.038652018526927595, 'Mr.': 0.0366294974322452, 'to': 0.03538761288693941, 'The': 0.03232576015503898, 'his': 0.020743507242144656}, {'the': 0.1957366689312998, 'of': 0.12394983779215435, 'and': 0.06381778281665965, 'a': 0.0550503770034518, 'to': 0.04734098835975284, 'be': 0.03631581363119324, 'was': 0.028483159442301724, 'his': 0.027168244725169363, 'in': 0.02428861656549176}, {'be': 0.09745511216987043, 'and': 0.08857306480415586, 'never': 0.06771079180047454, 'he': 0.0645948344319904, 'have': 0.06384045019999807, 'I': 0.055658849551979604, 'was': 0.05403364146100806, 'is': 0.05325071960633281, 'they': 0.04475995723976265}, {'is': 0.20995142563213318, 'and': 0.13706670477368252, 'was': 0.1332257589378552, 'have': 0.0686816167756605, 'had': 0.06190395694706812, 'that': 0.05138845752501512, 'do': 0.04830435833677295, 'say': 0.041519308656773175, 'Is': 0.040783942090736665}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'<s>': 0.027210482769269538, 'it.': 0.023579868754567756, 'him.': 0.014761844689702203, 'them.': 0.014576594672967815, 'time.': 0.007200989504645252, 'day.': 0.006487713976892431, '.': 0.006258324158373179, 'again.': 0.005803023011229191, 'all.': 0.005477100913709749}, {'the': 0.15676759060377146, 'of': 0.09585176101063159, 'and': 0.0765590794845677, 'a': 0.04673912159187728, 'was': 0.03239607826331756, 'Mr.': 0.024757875127117475, 'to': 0.02462730405479784, 'that': 0.02394682843589941, 'The': 0.023852095499903938}, {'<s>': 0.08189857624640334, 'and': 0.07963867700765191, 'of': 0.03999134283431419, 'to': 0.03938680132944478, 'for': 0.02406115041033875, 'them.': 0.0200312827187539, 'it.': 0.01678343568015245, 'in': 0.016617211328031595, 'the': 0.01572011743023408}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.2786863266953637, 'in': 0.1432704543058693, 'to': 0.11279064374584272, 'for': 0.08268658938976789, 'and': 0.07735117020645453, 'on': 0.05635224460605471, 'with': 0.05558528335690884, 'that': 0.054416323707198816, 'by': 0.05254159720697771}, {'be': 0.1876470827322745, 'have': 0.13399446036385132, 'and': 0.12752537275391151, 'was': 0.09222311809696515, 'had': 0.0652183150711708, 'been': 0.06009295921009364, 'he': 0.06008538877719085, 'has': 0.058542061198632186, 'were': 0.04630735358862127}, {'W': 0.10885086180981304, 'M': 0.08962385808542442, 'J': 0.08815037885305665, 'C': 0.08144449491961595, 'S': 0.07565573974651656, 'E': 0.07480965297703332, 'A': 0.07089097266370924, 'H': 0.06872129070148511, 'B': 0.06456748181320644}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.2635438870245752, 'of': 0.2614732094151628, 'and': 0.12469329142643883, 'a': 0.037184691886710586, 'in': 0.034021625420465496, 'for': 0.02533430984215787, 'The': 0.02155602845948777, 'with': 0.01943855375019777, 'to': 0.017672820003848927}, {'is': 0.2380598924524132, 'be': 0.1940353928845435, 'was': 0.12223369962235185, 'are': 0.08921641562398507, 'amount': 0.08582122035427031, 'Is': 0.0360098339821344, 'now': 0.03569281387424605, 'been': 0.03505585469775737, 'were': 0.02993169083099452}, {'a': 0.6143218345416028, 'the': 0.1214369353856578, 'in': 0.04908289937609334, 'his': 0.044991336206677036, 'and': 0.036106522440074354, 'very': 0.03118714232845086, 'of': 0.0284832784373307, 'most': 0.025029176372254377, 'its': 0.014188184906491626}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'for': 0.19903507900221515, 'about': 0.13292384542271413, 'of': 0.12758401134745456, 'than': 0.11036935910214374, 'past': 0.09647672826941256, 'or': 0.07838087743226832, 'and': 0.07522616041552274, 'the': 0.05957509510260514, 'last': 0.05154549334306489}, {'be': 0.22691840868156646, 'was': 0.21459941989859443, 'is': 0.1072859704226824, 'were': 0.05897435996328843, 'been': 0.05408568278002285, 'he': 0.05271229051189992, 'and': 0.04767578485669527, 'are': 0.04459694088319134, 'being': 0.03133046537856693}, {'and': 0.19047888093746124, 'have': 0.14593362230276338, 'had': 0.10757393604275078, 'I': 0.10113793213775459, 'has': 0.06764406983483709, 'he': 0.0605648913575663, 'they': 0.04504592364033135, 'never': 0.043750148878835014, 'it': 0.04292699633711703}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'he': 0.18733828285607393, 'it': 0.17433348738086127, 'they': 0.10752314972265517, 'It': 0.09609719701841689, 'I': 0.06973128401339104, 'that': 0.04393819514901867, 'we': 0.042219762376550264, 'who': 0.0412383621158049, 'she': 0.039715373584194455}, {'the': 0.35523831670485306, 'of': 0.11824882092461868, 'and': 0.09588213053668133, 'a': 0.08545064435533493, 'for': 0.058505769089814946, 'The': 0.051642761827219066, 'their': 0.0311445645856505, 'to': 0.029510552651217915, 'by': 0.026591344954250865}, {'the': 0.33445514132523824, 'The': 0.12506979612342592, 'Mr.': 0.0472768843275293, 'and': 0.03876119535977667, 'Daily': 0.03353999887864359, 'his': 0.0249420959660019, 'Newport': 0.024271918476711517, 'of': 0.022635198420199096, 'said': 0.022590099386600802}, {'the': 0.39694565065116916, 'a': 0.07960958569252298, 'and': 0.04993579845200135, 'tho': 0.034143092155421544, 'of': 0.02502916188787053, 'The': 0.023972074338483702, 'tbe': 0.019790019028839926, 'in': 0.017554817071606468, 'or': 0.017322798758582843}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'of': 0.19366070569213534, 'the': 0.1121171322210983, 'a': 0.10946825119230925, 'and': 0.077627106166962, 'to': 0.07081464741904812, 'for': 0.05465212802010809, 'in': 0.04460072807002852, 'with': 0.0312824770748155, 'or': 0.02651844515590348}, {'to': 0.48218283414198515, 'had': 0.09943393019507395, 'will': 0.09869420483527416, 'have': 0.051098705162747025, 'not': 0.04542029830547452, 'has': 0.044669440673029005, 'and': 0.041948778810032866, 'would': 0.03428227622094419, 'I': 0.024589880332286505}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'the': 0.1490200984978787, 'of': 0.12475784060124713, 'and': 0.08332622964215788, 'to': 0.05867845548911974, 'be': 0.058590683649372324, 'a': 0.04942649770895696, 'in': 0.03191216801432571, 'was': 0.028354276095852542, 'is': 0.02656627788943941}, {'of': 0.37801987687800326, 'in': 0.15284081557092635, 'to': 0.08778938466228974, 'In': 0.04700816141813068, 'that': 0.04252946715914091, 'for': 0.04167777519437705, 'by': 0.03795272869101662, 'and': 0.03672477113784621, 'on': 0.035641453486719196}, {'the': 0.13264142302453788, 'and': 0.11176080903058162, 'to': 0.0781136421143708, 'of': 0.07719893999291987, 'a': 0.0688982060457412, 'in': 0.05920965235424849, 'was': 0.04673743374996631, 'be': 0.03838395842594805, 'his': 0.0303296452534337}, {'p.': 0.2170031967087727, 'a.': 0.14650441478372245, 'of': 0.03467141308087098, 'p': 0.028511942322525262, '.': 0.024256348611606485, 'at': 0.019220579034873363, 'by': 0.018237752736502306, 'the': 0.014577113183954984, 'said': 0.012398337608596507}, {'of': 0.3575961017240896, 'the': 0.25439072915974775, 'and': 0.057750327390304786, 'for': 0.03703064129166954, 'The': 0.03437676008318527, 'such': 0.03104795952242899, 'other': 0.030435940650607233, 'a': 0.024343793981868478, 'all': 0.022694040720448463}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'the': 0.17853814565867898, 'a': 0.13075420630756807, 'of': 0.1298774748508188, 'and': 0.10815144894952206, 'to': 0.10013525032822476, 'no': 0.05088316430113685, 'in': 0.04650331584490913, 'at': 0.04504382904045468, 'not': 0.04143334479360897}, {'of': 0.4010096413171902, 'in': 0.10037584196876558, 'for': 0.08709353606213892, 'and': 0.06473868865113082, 'that': 0.06388289006114854, 'to': 0.06259698694757813, 'with': 0.055025047438323725, 'all': 0.052705918274601964, 'from': 0.04098501954914764}, {'to': 0.744785744210384, 'will': 0.0654956433887342, 'and': 0.04355894192546314, 'not': 0.038925243161013964, 'would': 0.0310606672140349, 'can': 0.013112117675277724, 'could': 0.009223806840276872, 'To': 0.008793611597459429, 'of': 0.006529842335567643}, {'thence': 0.32197943896985565, 'and': 0.050776743892772286, 'east': 0.048043377617030744, 'two': 0.04360752540588811, 'feet': 0.04215582676236521, 'north': 0.040785782190195304, 'west': 0.0398825597769499, 'all': 0.03285257015596583, 'south': 0.03014335181161914}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {';': 0.04180507875746951, 'is': 0.027896428568593333, 'nothing': 0.02387734620198421, 'are': 0.015080021303589848, 'to': 0.014051581641845596, 'and': 0.013466186925222267, 'was': 0.010463797181423063, 'cannot': 0.010460249778094923, 'it,': 0.010222948128716148}, {'the': 0.3860310649883897, 'in': 0.06490053645922637, 'of': 0.05406547405049446, 'and': 0.04784882490432951, 'his': 0.03698513537665342, 'an': 0.03283887157106506, 'a': 0.029603927519874486, 'The': 0.029533253809657347, 'tho': 0.0257608654031947}, {'no': 0.22741059575637274, 'a': 0.16227836511510937, 'and': 0.09194302895468827, 'or': 0.09118260433531798, 'much': 0.08567592911465802, 'the': 0.08010607610543455, 'is': 0.07891518761465027, 'any': 0.0516002408073988, 'not': 0.04555221144530357}, {'or': 0.2202100548504856, 'for': 0.15734851854173024, 'of': 0.118882960768356, 'and': 0.09845857585060257, 'the': 0.08727833432039439, 'about': 0.0847800667997944, 'in': 0.05585062554975614, 'at': 0.05013658886346283, 'a': 0.04030749826797755}, {'a': 0.503796814396552, 'of': 0.15382206474227333, 'the': 0.06111176185176052, 'with': 0.05043362771849575, 'and': 0.03851246542289951, 'make': 0.03184161220847138, 'A': 0.031149916463562348, 'as': 0.029539621609550648, 'in': 0.02708751831705392}, {'the': 0.169123373026678, 'of': 0.10497154947527229, 'and': 0.07266431541621465, 'a': 0.056309765160557294, 'to': 0.053721079697297745, 'was': 0.02861411457258916, 'be': 0.02791642277896183, 'in': 0.022676803489143832, 'is': 0.022627446812614763}, {'accrue': 0.1250732000732035, 'and': 0.08998613712116336, 'called': 0.04213306910788753, 'made': 0.04032770988120024, 'effect': 0.033500681623175634, 'look': 0.030315523128992796, 'depend': 0.030200343247001594, 'that': 0.025288871554781194, 'imposed': 0.022663940577435683}, {'the': 0.07687622306821405, 'and': 0.06044740630954683, 'of': 0.04547397762573842, 'to': 0.04495352162774399, 'a': 0.027121208846052597, 'Havre': 0.019894430125544236, 'said': 0.018901987175594423, 'crepe': 0.017678162161019098, 'an': 0.01502603676242191}, {'of': 0.36123412214628414, 'to': 0.10125082179090406, 'in': 0.08817926176601189, 'and': 0.08331412708172647, 'that': 0.08173086928812813, 'for': 0.052213056088706536, 'by': 0.048876021756201, 'as': 0.0407515807127377, 'with': 0.03175718203487931}, {'and': 0.12596253371482474, 'demand': 0.038395993270483125, 'candidate': 0.029494562447198537, 'but': 0.02520752910752226, 'time': 0.024246912643312083, 'it': 0.02410824714033688, 'that': 0.023852405905486644, 'used': 0.023506397814975474, 'vote': 0.019314811175160415}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'time': 0.026325164372353892, 'more': 0.024642917445122793, 'in': 0.016460378009139878, 'men': 0.014725993698505796, 'man': 0.014566108925110698, 'him': 0.013309558267849743, 'out': 0.013060767779927956, 'large': 0.010904534734594745, 'it': 0.010863928241002149}, {'the': 0.23363970241465482, 'a': 0.22817917252462985, 'last': 0.166937764054422, 'this': 0.09069267562152604, 'one': 0.06063079949399293, 'next': 0.05743073969547553, 'every': 0.04750268005147009, 'per': 0.04506576243066032, 'each': 0.024941561940671087}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'the': 0.17270350189149897, 'of': 0.13908102856543003, 'for': 0.12491161356842405, 'and': 0.07043617548056381, 'in': 0.044901022575147595, 'a': 0.04118382122787732, 'to': 0.03457578435143348, 'all': 0.021724471732012682, 'by': 0.015793987476360658}, {'the': 0.1716651147218746, 'of': 0.12017241105327997, 'and': 0.06386540135415332, 'a': 0.04084798884730423, 'Mr.': 0.0295575201857318, 'to': 0.024580687676458077, 'The': 0.022760397743127582, 'in': 0.021585930007273133, 'that': 0.015025355563077632}, {'is': 0.18972946248636194, 'have': 0.146127039607109, 'had': 0.1339513858126289, 'was': 0.09227501710467406, 'has': 0.08387773797547021, 'that': 0.0807889779299187, 'and': 0.0705403593371523, 'be': 0.05318753434650576, 'made': 0.035852680695645685}, {'the': 0.1564714741985996, 'of': 0.14242791455171744, 'to': 0.12800483496082213, 'in': 0.08807118242279893, 'at': 0.07686981297025643, 'a': 0.057489876359906586, 'on': 0.04449592992533525, 'and': 0.043950455306935594, 'that': 0.02140815120004461}, {'of': 0.27981277537789645, 'and': 0.11836564765683255, 'to': 0.10871129791868353, 'that': 0.06482159297879399, 'in': 0.061412304894064844, 'with': 0.06033043080988611, 'for': 0.057853587404027816, 'all': 0.057340828343569246, 'is': 0.052421181571612595}, {'<s>': 0.11641827282935946, 'it.': 0.03078220725035143, 'them.': 0.017720561560076422, 'us.': 0.01363191607225989, 'country.': 0.010614598619002767, 'day.': 0.009650195363476796, 'and': 0.009532689798263059, 'time.': 0.008929075653659618, 'him.': 0.008909962139334884}, {'of': 0.38548366475109314, 'in': 0.12669378515733362, 'to': 0.09649792657573976, 'for': 0.06563963124783886, 'and': 0.058457151094925684, 'by': 0.05248886848091205, 'that': 0.04796655187357666, 'on': 0.04198141468621957, 'with': 0.035569412091572876}, {'the': 0.18993880449201844, 'of': 0.11639210830738761, 'and': 0.08735698721996352, 'Mr.': 0.04797666771675121, 'a': 0.04136447797506552, 'to': 0.030717163312382403, 'The': 0.02649997786553738, '.': 0.022960452586241215, 'by': 0.020277340511229532}, {'the': 0.1844441770319582, 'south': 0.17270827545777226, 'north': 0.14758809253716265, 'east': 0.13312266834521988, 'west': 0.11740281509508677, 'one': 0.056493289570540436, 'other': 0.04689442941036244, 'either': 0.029527928032793346, 'a': 0.026020376492630268}, {'of': 0.30473492444843625, 'to': 0.11153800346307673, 'in': 0.10166257690695385, 'at': 0.07327978962407757, 'on': 0.06436506692254712, 'and': 0.05152401417373993, 'by': 0.05139459344746552, 'for': 0.04590735926862809, 'with': 0.04237941242951543}, {'and': 0.08362943294997585, 'together': 0.07769806815080653, 'connected': 0.0635902168573379, 'connection': 0.06228367212358626, 'accordance': 0.047530813078388766, 'comply': 0.026000666542743977, 'acquainted': 0.023189098613704624, 'compared': 0.02214887744238745, 'contact': 0.01973810078197255}, {'in': 0.1503537230983529, 'and': 0.12090968327368529, 'for': 0.1068328216536227, 'of': 0.10193197520235167, 'was': 0.10133599613140262, 'is': 0.08799717988723171, 'to': 0.06742160919547473, 'with': 0.0551782619440437, 'In': 0.0482157528039993}, {'of': 0.2140284057678995, 'and': 0.12754487397280917, 'that': 0.10042140094111113, 'if': 0.09974734682000008, 'any': 0.061910635822388045, 'If': 0.05567444574865982, 'for': 0.04526389623713153, 'all': 0.04114144729283117, 'to': 0.04078982197857356}, {'the': 0.26473022636348115, 'and': 0.11110434360103265, 'a': 0.08747365471139787, 'of': 0.07684697971159747, 'to': 0.05236456210192894, 'in': 0.02121109045270671, 'that': 0.018649888686854868, 'The': 0.017723104624445093, 'be-': 0.016278399508576114}, {'and': 0.15001188352477832, 'the': 0.1115963250707473, 'a': 0.08773634951894745, 'to': 0.06359147262444309, 'his': 0.03966344357119323, 'I': 0.03719159330836157, 'her': 0.03511699017334654, 'he': 0.03491922841526473, 'one': 0.031142924878388344}, {'the': 0.36511926953564006, 'of': 0.27463406284815395, 'on': 0.1209980070653564, 'in': 0.06250299937551425, 'and': 0.02500908931987138, 'for': 0.017303176092024336, 'tho': 0.01611213735029711, 'with': 0.013843779615065546, 'this': 0.013714592913955659}, {'to': 0.5442483903741634, 'will': 0.11283086625870635, 'would': 0.07685309120960326, 'not': 0.055520897646547406, 'can': 0.0546699806005531, 'and': 0.034288261441152205, 'I': 0.032214281655143194, 'may': 0.031816609082536175, 'could': 0.02678614659083395}, {'the': 0.14773084675710904, 'and': 0.12998877578006512, 'of': 0.1287436932066753, 'a': 0.05211508628254506, 'to': 0.030557929501212555, 'that': 0.030122568609628256, 'or': 0.02663027627215573, 'in': 0.021986018679158597, 'be': 0.02098203719347106}, {'on': 0.20993569704057904, 'of': 0.18694740757935688, 'in': 0.1475307757096513, 'to': 0.12713602164875615, 'at': 0.08454680785708253, 'from': 0.06141139752863743, 'for': 0.04397138087513402, 'In': 0.04194927258813154, 'and': 0.034509811317505606}, {'away': 0.09770646566849965, 'and': 0.07501247912930689, 'taken': 0.05761575945283907, 'come': 0.04264261482583526, 'came': 0.040003500825972274, 'him': 0.034197788886333014, 'them': 0.03376206134646781, 'it': 0.02834034090593571, 'received': 0.024152916470165844}, {'and': 0.13130204547848093, 'to': 0.1236753343123462, 'that': 0.10936979338130945, 'will': 0.10648021190550856, 'would': 0.09414030729997182, 'which': 0.07705653390854487, 'when': 0.04936851754688096, 'but': 0.04745793753069046, 'should': 0.03961312939136039}, {'and': 0.13263084432377326, 'of': 0.1266233192475734, 'the': 0.12072926579988355, 'a': 0.1122448872307992, 'be': 0.10208484680404857, 'is': 0.08277076363298398, 'much': 0.06810755072797299, 'was': 0.06143408980788234, 'to': 0.05651163329967244}, {'is': 0.3906004059039942, 'are': 0.32644998207034354, 'Is': 0.059421257720852244, 'was': 0.050898552575254614, 'and': 0.045519042812260276, 'am': 0.02202305813297368, 'be': 0.022011345355920753, 'were': 0.01988727312717976, 'has': 0.015116654091422559}, {'and': 0.13930693184015489, 'is': 0.1369041732412834, 'so': 0.11828612457832144, 'are': 0.0936469447544294, 'too': 0.06717526317878857, 'was': 0.05844046934348224, 'have': 0.0535018391478496, 'very': 0.04791102106550657, 'a': 0.045443117547081045}, {'be': 0.14633613035422596, 'was': 0.11915243811825305, 'have': 0.11480471212277689, 'he': 0.10735131276595208, 'so': 0.10698559618259991, 'has': 0.08030446782619527, 'had': 0.07210428350155568, 'is': 0.07169685460468593, 'I': 0.06476994164770185}, {'city': 0.009680795665624653, 'hundred': 0.008651630860989981, 'State': 0.008233711093787417, '1': 0.008137366889768918, 'John': 0.008090157471477566, ';': 0.008020245297710811, 'men': 0.007387147725470039, 'wife': 0.007337860632639327, 'gold': 0.007170977032351624}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'to': 0.43344092985124444, 'and': 0.11072678064006701, 'a': 0.06287040277216167, 'not': 0.05678387446801948, 'we': 0.04559492271206604, 'will': 0.03282031596495694, 'I': 0.02982114781679811, 'would': 0.026918065248817548, 'they': 0.025636014012341914}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'and': 0.09377129454296322, 'was': 0.04271315341537484, 'out': 0.028524574363226172, 'that': 0.02811573968936019, 'placed': 0.027131868575018914, 'work': 0.02578173844450971, 'made': 0.024681420068921236, 'is': 0.024021050156212566, 'up': 0.023509378606325886}, {'Mr.': 0.09485626425208118, 'Mrs.': 0.06762738060248816, '.': 0.0479375964032774, 'and': 0.043615202491726054, "o'clock": 0.02653249558072967, 'C.': 0.02647530829368063, 'John': 0.022775210691802036, 'Dr.': 0.021329555745461862, 'of': 0.01753726940228978}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'and': 0.10466368863392646, 'well': 0.06334100313938278, 'so': 0.051656700786368144, 'far': 0.039548002707420406, 'long': 0.03921127843653979, 'soon': 0.035536977446204064, 'just': 0.03465139368236798, 'much': 0.030822074908900293, 'but': 0.02684281042214808}, {'to': 0.39425946984997756, 'for': 0.09121121574807195, 'of': 0.09118217335632753, 'and': 0.054579055200386216, 'in': 0.05268378455989246, 'as': 0.03377431333544196, 'can': 0.03352362413489352, 'not': 0.03332132025144662, 'with': 0.03213168706352433}, {'a': 0.19207242579498446, 'the': 0.1588096899905541, 'to': 0.07811063649051668, 'and': 0.07742664819150626, 'his': 0.0769135032837208, 'of': 0.06301619168372063, 'I': 0.05297785589857885, 'her': 0.039219983558672754, 'my': 0.027464221179436067}, {'and': 0.09459184455064815, 'men': 0.08028173331847586, 'I': 0.05496816505573441, 'you': 0.046700197284941763, 'that': 0.041808001796446906, 'he': 0.03709300378254309, 'man': 0.03517974084578719, 'we': 0.03457768009792125, 'so': 0.033380601439795696}, {'the': 0.5047190359786563, 'of': 0.1231522523464927, 'and': 0.054524431405160216, 'a': 0.03156080462392789, 'The': 0.031520762047041365, 'his': 0.029879563960638972, 'tho': 0.029227257856980743, 'to': 0.022308665225025677, 'their': 0.02199347560639143}, {'of': 0.14089648345564953, 'and': 0.11970690112426702, 'Mr.': 0.056838466460024356, 'Mrs.': 0.05125429911280489, 'to': 0.049233130074505506, 'by': 0.04634442783825781, 'that': 0.028590174018716646, 'said': 0.019661294499463956, 'with': 0.018475918427791}, {'and': 0.10729386518414952, 'is': 0.04662860553676888, 'was': 0.03972954493201689, 'feet': 0.03707734880890828, 'that': 0.03355862525845424, 'as': 0.030631589899636446, 'be': 0.029559886328783907, 'it': 0.02874470894882542, 'recorded': 0.02500916973677355}, {'of': 0.02421872890645029, 'and': 0.015655249542636147, '-': 0.015508619228312598, 're-': 0.015085449085669486, '.': 0.013746971639827259, 'the': 0.012584511196831764, 'a': 0.010939866559422213, '<s>': 0.010342549212821142, 'to': 0.006761680985911518}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'the': 0.23929232967876676, 'of': 0.23473256214840935, 'Of': 0.0949852546290775, 'a': 0.06552455947551317, 'his': 0.05388982076384527, 'this': 0.04214962888119318, 'their': 0.04101322875923554, 'in': 0.03639964524443486, 'no': 0.018350242232227337}, {'per-': 0.52328042039213, 'per\xad': 0.18513406873873348, 'per¬': 0.1393986123081252, 'a': 0.020630843879965874, 'the': 0.018848130217291963, 'his': 0.018314565523143294, 'de-': 0.014995431868230701, 'more': 0.013281580562725565, 'their': 0.011908568841039434}, {'virtue': 0.07446520038896885, 'out': 0.065008335608151, 'part': 0.03947215825672998, 'one': 0.03562890125655043, 'quarter': 0.03241584136443704, 'favor': 0.0239235849421329, 'result': 0.023354276051738905, 'guilty': 0.022667050730808908, 'means': 0.022196791642065155}, {'and': 0.18131397666980698, 'so': 0.06770764033415409, 'fact': 0.06582762655246482, 'said': 0.06013436074258803, 'is': 0.051757242074063556, 'say': 0.03898147673898407, 'stated': 0.035179516468256025, 'believe': 0.027625167593184508, 'know': 0.026281212619492945}, {'of': 0.38269118328533114, 'a': 0.08363428427212587, 'and': 0.08103051317966697, 'the': 0.06175675379735927, 'with': 0.051316531854994504, 'their': 0.03378067861586109, 'to': 0.03060074999226149, 'for': 0.02653528623674987, 'his': 0.02581014500772971}, {'this': 0.3097054477170287, 'the': 0.22887350455763583, 'a': 0.1195400048894101, 'that': 0.06935680003797501, 'This': 0.05805526139957164, 'any': 0.04249764104906081, 'The': 0.0401566414205022, 'every': 0.030243100701037005, 'same': 0.02202454133603608}, {'the': 0.4120509573518938, 'a': 0.33305906962011844, 'The': 0.03618065997425182, 'A': 0.02563125111922408, 'of': 0.02516136398201648, 'tho': 0.024149048191765953, 'our': 0.023268172571305396, 'his': 0.022246742120048214, 'in': 0.01989897264880594}, {'an': 0.3288264185042012, 'the': 0.26489027109168334, 'most': 0.08525295496908813, 'a': 0.08288017191718383, 'very': 0.05674907309003321, 'and': 0.03774608079219332, 'An': 0.03631620462304257, 'his': 0.03478229947798522, 'The': 0.02707051533108502}, {'of': 0.3340860853059036, 'to': 0.12502539946326763, 'and': 0.08163936369051793, 'that': 0.07658368033798145, 'in': 0.07430386148012054, 'for': 0.05131312914778556, 'all': 0.0455525441805041, 'by': 0.04496420145879731, 'with': 0.0425074159711825}, {'he': 0.26104399989049076, 'I': 0.12024191949131778, 'they': 0.08875233791966627, 'who': 0.08265766490403806, 'and': 0.06858714196875218, 'she': 0.05826872108551056, 'it': 0.049148658124607086, 'He': 0.04553916604728974, 'we': 0.03347203216693729}, {'the': 0.3744238167349112, 'of': 0.11229602954423387, 'and': 0.05690076902490089, 'his': 0.033858573996302696, 'a': 0.03337596859805573, 'in': 0.03115892721312895, 'their': 0.02290397105682138, 'tho': 0.01988747747305153, 'to': 0.018865054010819306}, {'of': 0.21156155364868404, 'in': 0.1267583770421922, 'to': 0.12080600440639551, 'with': 0.10889919144911882, 'on': 0.07435716860127442, 'by': 0.06507902842641167, 'and': 0.05750789388641568, 'from': 0.04039256570954333, 'upon': 0.03391819233807758}, {'be': 0.23632411339016454, 'was': 0.19934260757595085, 'been': 0.1040233972250408, 'is': 0.08556174845776396, 'were': 0.06209736322682058, 'and': 0.05729889814151176, 'are': 0.04994842464096204, 'being': 0.035199992182029086, 'it': 0.03304437816440445}, {'and': 0.08773880553555198, 'is': 0.040951052777359304, 'was': 0.03585712515252451, 'so': 0.028781664693477326, 'wondered': 0.021975408273381767, 'but': 0.021488470234682016, 'arrived': 0.020676427561734798, 'held': 0.020495477242330525, 'it': 0.019736139084345496}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.1035558995544, 'of': 0.09363279584433269, 'and': 0.06407442918057434, 'a': 0.036477100762533785, 'at': 0.029133906343215332, 'to': 0.02619431799692425, '.': 0.022935309760179098, '<s>': 0.016714089931506772, 'from': 0.014728936560328981}, {'and': 0.1313056501793289, 'made': 0.034551030036317, 'necessary': 0.03191530070016697, 'provide': 0.023191256277008975, 'him': 0.021827387004521748, 'time': 0.02091411247587312, 'but': 0.020346196766889778, 'pay': 0.02006785098451588, 'responsible': 0.019399383232926184}, {'and': 0.06947920987160032, 'in': 0.0475472824655232, 'do': 0.04012872668888804, 'of': 0.03075438839610108, 'for': 0.02864650640247807, 'I': 0.026092948744480142, 'it': 0.024559425400911272, 'is': 0.021282920550311422, 'was': 0.018908547232219856}, {'the': 0.14049171217036022, 'of': 0.11129721382894606, 'and': 0.08908987543691149, 'to': 0.08312287486148097, 'a': 0.04211477594316105, 'be': 0.02951180015049161, 'or': 0.029425595758187317, 'his': 0.024543990657609, 'on': 0.02261090105281294}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.278367470954847, 'her': 0.128401585422129, 'years': 0.09153746728115544, 'his': 0.055044454671557184, 'or': 0.04928536511753007, 'days': 0.04472216237410047, 'the': 0.044489216085543196, 'to': 0.036654729914909014, 'minutes': 0.0346935344218147}, {'of': 0.21495184768300432, 'and': 0.04794806860665411, 'in': 0.04335147764656736, 'for': 0.032299159396605076, 'that': 0.03147016047968343, 'on': 0.022984351318457594, 'to': 0.0226304689570426, 'by': 0.019190292324879645, 'upon': 0.015083968380541182}, {'of': 0.630264555498638, 'in': 0.12056122489315471, 'In': 0.034251726157378364, 'for': 0.026380730284020062, 'to': 0.0249684526887634, 'from': 0.01803344653539066, 'on': 0.0173641306716491, 'by': 0.016247528160472986, 'at': 0.015188906820037108}, {'and': 0.11806801595638686, 'was': 0.0656655564015758, 'is': 0.046792063468053986, 'up': 0.03108395308599868, 'it': 0.03021415321434409, 'made': 0.026603113622950526, 'put': 0.026294257073757266, 'placed': 0.02593741995179731, 'that': 0.025049778326914608}, {'of': 0.18182878119871623, 'and': 0.09420983750556988, 'the': 0.08949743038958297, 'to': 0.0704159957678298, 'in': 0.03787375319065678, 'at': 0.03524726419544282, 'or': 0.03386845759662208, 'a': 0.017639496804156274, 'from': 0.016819213553663788}, {'manner': 0.1103951809557842, 'and': 0.052453475314599624, 'that': 0.03036937771827381, 'way': 0.019689239401330938, 'time': 0.015058937839784212, 'it': 0.013360831017844856, 'all': 0.011946359345780016, 'one': 0.011858054142763546, 'part': 0.011827296831737295}, {'of': 0.2720498650658965, 'to': 0.11676078686840029, 'and': 0.10442048597508306, 'in': 0.09026658242249531, 'on': 0.0760693387923633, 'for': 0.07443986361907223, 'that': 0.05796523859195575, 'by': 0.042739087154046514, 'In': 0.04000461559853449}, {'the': 0.13087787299382608, 'of': 0.1227244337372524, 'and': 0.08025503692600622, 'a': 0.07697873592625161, 'to': 0.04513622002192643, 'Mr.': 0.036936442634786994, 'in': 0.031202062299773778, 'with': 0.02506970664364511, 'or': 0.023582725236507687}, {'of': 0.3054123271162632, 'the': 0.15127921719007142, 'a': 0.1159892620777521, 'and': 0.07159696694146817, 'this': 0.03557220033967614, 'to': 0.03177886628602985, 'in': 0.024791751567967302, 'other': 0.0152254034586749, 'for': 0.01442875146251631}, {'all': 0.24409181958852832, 'it': 0.05208153851587076, 'and': 0.05182874380208619, 'went': 0.02669603225231095, 'passed': 0.02463405621597863, 'go': 0.024297493747885878, 'them': 0.023637933743481967, 'looking': 0.02359765038285721, 'of': 0.023189313837229567}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {';': 0.019764678555309913, 'up': 0.016119641386348176, 'them,': 0.008253150084225863, 'it,': 0.008047612568076372, 'in': 0.007982256235127407, 'years,': 0.007851660011729473, 'States,': 0.007692151207270224, 'him,': 0.0074138045797371615, 'and': 0.007125218347165323}, {'of': 0.13371095863694998, 'the': 0.10186323435319235, 'Mr.': 0.07994187687147021, 'and': 0.06034023562905588, 'in': 0.056462688954639406, 'that': 0.0430827619764323, 'The': 0.0326692079802617, 'which': 0.02673675921715785, 'Mrs.': 0.02329825115809766}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.16351604598957767, 'and': 0.14508150364657338, 'from': 0.12373349319757657, 'by': 0.07419966091150211, 'is': 0.07340444381595332, 'are': 0.0730891817564668, 'the': 0.06268762790411904, 'with': 0.05781450613598154, 'for': 0.056424743257233484}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'Mrs.': 0.13292736742795958, 'of': 0.07102053566912819, '.': 0.06005987215893209, 'and': 0.05062424646359962, 'Mr.': 0.04871549131887012, 'by': 0.03789202372535769, 'the': 0.037789914490636546, 'Dr.': 0.03005297942912247, 'to': 0.027940826556049222}, {'the': 0.2127797365208638, 'of': 0.08302074642967078, 'and': 0.07380683214123993, 'a': 0.06568303652727647, 'in': 0.027923783153467472, 'to': 0.02344842585727404, 'for': 0.020987680758112734, 'or': 0.0200710438986922, 'that': 0.01912950736957076}, {'to': 0.7089526564824776, 'will': 0.07050867794959294, 'not': 0.05285520115425472, 'would': 0.037343201919090865, 'and': 0.02909331213338869, 'can': 0.024292664880054837, 'could': 0.02263388422278922, 'or': 0.01652347905592206, 'shall': 0.01504642740109009}, {'the': 0.24748366394625684, 'a': 0.1404761200812764, 'and': 0.09766120307475845, 'of': 0.0684139284921935, 'to': 0.03928373381674511, 'in': 0.02494966148913706, 'an': 0.02340028683914639, 'with': 0.020834145785299275, 'The': 0.02015765414291097}, {'of': 0.34375778541088614, 'in': 0.15579598120474125, 'to': 0.12825787848335474, 'that': 0.07213147972237152, 'and': 0.07196381331073341, 'by': 0.04340054164395211, 'In': 0.04129757749367209, 'on': 0.041258606868012984, 'from': 0.038518775370369455}, {'be': 0.22840328118110115, 'was': 0.2088063832344332, 'been': 0.10692731598381332, 'and': 0.07192007358562659, 'were': 0.0698084535754357, 'is': 0.06753546618873356, 'are': 0.04829216843926617, 'he': 0.034500111188172075, 'being': 0.02775849740449977}, {'and': 0.08982958695143188, 'as': 0.057872506399982974, 'up': 0.03797818852282238, 'it': 0.03558311627548061, 'addition': 0.03475437521256774, 'according': 0.029937851424849105, 'them': 0.02917724694962127, 'him': 0.0252912593620309, 'entitled': 0.024724715744633273}, {'of': 0.21921494083849208, 'the': 0.13240407626662565, 'with': 0.10204027784963862, 'and': 0.09493953523295431, 'in': 0.06158057008122024, 'for': 0.05716057941620078, 'a': 0.04683308119925384, 'by': 0.041658797647399125, 'his': 0.03337612496481702}, {'a': 0.3662752673796111, 'the': 0.31166251538753237, 'this': 0.07700595205014316, 'tariff': 0.03964512241026876, 'The': 0.025536826701058595, 'appropriation': 0.020299500280310533, 'tho': 0.019451497667245625, 'no': 0.01730733733446438, 'A': 0.016252946686612715}, {'the': 0.215187735091695, 'and': 0.17962576212207843, 'to': 0.1134794663133043, 'of': 0.08723604784429967, 'or': 0.07507605003377642, 'their': 0.05768142269717065, 'any': 0.052976152519089104, 'such': 0.05251408363085057, 'other': 0.04584568604442976}, {'capi-': 0.09018559537150284, 'men-': 0.060622869307676665, 'and': 0.03960194813053383, 'the': 0.03374552993877837, 'of': 0.024409573021755625, 'to-': 0.012259771808758944, 'a': 0.011624334967244907, '.': 0.01110914546706756, 'men\xad': 0.010722323511499713}, {'was': 0.09786974711262497, 'and': 0.07756164202749875, 'is': 0.05544086387763385, 'are': 0.043832464267426874, 'arrived': 0.03963848727388075, 'be': 0.03901910836398561, 'looked': 0.03403109130477186, 'were': 0.03155452010773148, 'held': 0.030224475170413358}, {'according': 0.0703887044241746, 'and': 0.06570530686308022, 'as': 0.05576395576818246, 'is': 0.03842119085880814, 'went': 0.037203766295105405, 'him': 0.03288272961129085, 'it': 0.028554499512795675, 'them': 0.028548386410474254, 'up': 0.02601171134242876}, {'and': 0.1334376392144769, 'was': 0.09872982091164806, 'is': 0.08296044181133103, 'placed': 0.05475178737589324, 'be': 0.04536820637803948, 'that': 0.045072248196065264, 'as': 0.03988054752441717, 'are': 0.03605591966218533, 'up': 0.034941077667389436}, {'and': 0.10140014335088963, 'balance': 0.09342335346526738, 'was': 0.05609796671584839, 'residue': 0.046837511313213114, 'that': 0.04097087822790046, 'one': 0.040847691517001024, 'is': 0.03565608505813412, 'up': 0.03240511531004738, 'are': 0.028649476793647984}, {'to': 0.665178903489973, 'and': 0.10355353417329202, 'will': 0.04100584473266931, 'not': 0.018940329093279896, 'would': 0.01416741312476826, 'I': 0.01346967004707883, 'you': 0.009164432282354773, 'must': 0.008515015859227999, 'we': 0.007914901963251739}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'and': 0.06927007646680819, 'away': 0.05114589278874477, 'them': 0.050839836531031656, 'him': 0.05006100103159529, 'taken': 0.04370888532280929, 'far': 0.0364563109777523, 'miles': 0.03086025367350594, 'us': 0.030718300434249834, 'it': 0.030198004334876}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {';': 0.036564817555138796, 'nothing': 0.019258707322298393, 'and': 0.01779391315876045, 'is': 0.01510810976078452, 'it,': 0.014402449713088981, 'them,': 0.012159405974494525, 'are': 0.012019681225245495, ',': 0.009916620042651952, 'him,': 0.008553174530880104}, {'the': 0.3955562256922086, 'a': 0.1760807209531702, 'little': 0.10201105731311563, 'The': 0.03325000417863068, 'and': 0.03097634710588241, 'his': 0.028125965624668868, 'young': 0.023919926625197374, 'her': 0.02025486732388152, 'one': 0.015838085321061783}, {'his': 0.2978507207910017, 'their': 0.2629716241783125, 'our': 0.13439852392120596, 'my': 0.07406517134790937, 'her': 0.06296221610326126, 'your': 0.062402856942499904, 'its': 0.055836439902922926, 'bis': 0.017237463233593497, 'a': 0.010095215222148742}, {'and': 0.1282691811486205, 'the': 0.08509414601289018, 'of': 0.0812812207845079, 'to': 0.04605614398557045, 'a': 0.04095459394628087, 'in': 0.031565176513665714, 'I': 0.031064760479046463, 'not': 0.029548342067184683, 'be': 0.02899938552784431}, {'be': 0.1927230577438384, 'was': 0.16514754257723688, 'been': 0.10210497864448585, 'is': 0.08597890804650093, 'are': 0.0850934271906456, 'were': 0.0753695150719001, 'he': 0.06164029014596945, 'and': 0.05523888388426051, 'had': 0.05338204075657228}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'and': 0.2716480739135659, 'that': 0.13110270327121776, 'as': 0.06398625636164172, 'is': 0.0513797987054625, 'was': 0.04761015061674427, 'but': 0.035274332585868394, 'up': 0.022445905338206836, 'Then': 0.018371468910339944, 'Is': 0.01643289827314391}, {'<s>': 0.09080539385770117, 'it.': 0.024538169363839832, 'them.': 0.018539414618746298, 'people.': 0.013416360436663898, 'country.': 0.011846701188156283, 'and': 0.010473243890910219, '.': 0.010341951657898215, 'time.': 0.009902401902556354, 'him.': 0.00938005552744686}, {'of': 0.17198603082418581, 'and': 0.14809981825258633, 'to': 0.07755345391387061, 'is': 0.06596963026446678, 'with': 0.06225005429807001, 'in': 0.05566370515869081, 'for': 0.048614962853835944, 'was': 0.04771482978262967, 'that': 0.04572235162392733}, {'and': 0.07263527974348528, 'free': 0.054818328250428025, 'far': 0.04330931856293301, 'come': 0.04007811963489676, 'came': 0.036581155302101986, 'miles': 0.03419307044722656, 'it': 0.03210510293408097, 'or': 0.031243212158950692, 'feet': 0.028782720029011968}, {'and': 0.06378560307707554, 'of': 0.016411799706270765, 'or': 0.015653380516573417, 'et': 0.01179525711390191, 'person-': 0.011645863119279282, 'to': 0.011247380918235659, 'a': 0.009324370531285618, 'in': 0.009105853007908884, '<s>': 0.007730616530137844}, {'to': 0.23313659367061298, 'I': 0.10985816604062904, 'will': 0.08681407867861628, 'and': 0.0839438254682822, 'who': 0.058403503837357214, 'they': 0.05646844604825053, 'we': 0.05416367615568219, 'would': 0.047913285828374154, 'you': 0.04364151415572982}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.12738314739290363, 'of': 0.0703776594591422, 'a': 0.06754738357230247, 'and': 0.06691130598774021, 'to': 0.05037995941988345, 'for': 0.0386925442234725, 'in': 0.030182507616962163, 'as': 0.018403113892989088, 'or': 0.01798873698652886}, {'<s>': 0.04546393199106484, 'that': 0.03174839395730504, 'and': 0.01935956463665111, '?': 0.01863585922345676, 'it.': 0.016277909902356665, 'them.': 0.010245819547368256, 'I': 0.006372393502591351, 'him.': 0.005559982786281927, 'man': 0.00549044045081732}, {'the': 0.16034095759089487, 'of': 0.08337930770201633, 'and': 0.08167606873219838, 'a': 0.06797230011329618, 'to': 0.06200499524654075, 'be': 0.030872590248614943, 'was': 0.024646243111901316, 'or': 0.02030169971211091, 'is': 0.017847106309518128}, {'to': 0.7281152312190905, 'not': 0.047052259550831255, 'will': 0.03777895266659274, 'would': 0.0309235104749887, 'and': 0.02777018695088666, 'they': 0.01917726128038675, 'the': 0.016467682932261904, 'a': 0.014093808996061705, 're-': 0.012404196225984685}, {'the': 0.1796178325163099, 'a': 0.16311711305974025, 'much': 0.116684535963927, 'no': 0.11235473748461296, 'and': 0.10417628254820065, 'or': 0.08825598951636307, 'is': 0.05756626212240701, 'once': 0.0466253537184514, 'far': 0.045393324541771744}, {'on': 0.19828061725145263, 'was': 0.13747593544139752, 'is': 0.11642004947913083, 'of': 0.08521613251645999, 'and': 0.08228594147942503, 'as': 0.07618668422991774, 'in': 0.06605849766696356, 'to': 0.05824244857466797, 'be': 0.04501419492075934}, {'of': 0.15368329699708103, 'the': 0.14478733190814722, 'and': 0.09099589359781372, 'to': 0.049039706365569556, 'a': 0.04858151386942047, 'in': 0.03939741894501108, 'by': 0.030044876776230415, 'with': 0.026222790183482843, 'for': 0.02180705785656022}, {'and': 0.06838878633470773, 'made': 0.026893344431252443, 'sale': 0.02607144683964262, 'as': 0.024491741996520752, 'land': 0.023480074059204888, 'sold': 0.023172095029693116, 'that': 0.020304832907633526, 'was': 0.01668606818140995, 'or': 0.016248617454312872}, {'of': 0.09917509491524419, 'the': 0.07239359414356225, 'and': 0.052450968337877886, 'per-': 0.04714988569080686, 'their': 0.04435299598295103, 'many': 0.0283903165195732, 'two': 0.027767043969769697, 'his': 0.027405735947892175, 'three': 0.02425560498256954}, {'and': 0.2294261551541956, 'was': 0.06480913257114321, 'are': 0.0544005922553153, 'is': 0.04933657951530723, 'be': 0.04089550420623944, 'do': 0.03800792201262525, 'or': 0.03628517020243061, 'been': 0.03211386868053052, 'were': 0.031991093009016376}, {'the': 0.5157116162279705, 'a': 0.14627087139435113, 'any': 0.09857071422695932, 'this': 0.0366011696984967, 'tho': 0.028196881901045665, 'of': 0.02524333520802642, 'great': 0.021483693710958183, 'said': 0.019580762098713563, 'such': 0.016014830254761626}, {'and': 0.1313056501793289, 'made': 0.034551030036317, 'necessary': 0.03191530070016697, 'provide': 0.023191256277008975, 'him': 0.021827387004521748, 'time': 0.02091411247587312, 'but': 0.020346196766889778, 'pay': 0.02006785098451588, 'responsible': 0.019399383232926184}, {'about': 0.1262192248961146, 'west': 0.09918769774228384, 'east': 0.0929842095435602, 'and': 0.09279583149802871, 'north': 0.0864750614211309, 'to': 0.07047767031569253, 'south': 0.07030869555062196, 'of': 0.05844317010236908, 'street': 0.05317891563734063}, {'I': 0.06688758459411091, 'to': 0.050981039324136085, '1': 0.0380388374380935, 'the': 0.03206643643276265, 'of': 0.029874742688992192, 'and': 0.0223224180456513, '<s>': 0.020217698036352805, 'not': 0.019566939789784896, 'a': 0.015995769291930258}, {'they': 0.17803316553990944, 'we': 0.10777462248919689, 'who': 0.08785392359802066, 'and': 0.06202633212518225, 'which': 0.0583573019887814, 'They': 0.04913497987820439, 'We': 0.04712227926257516, 'you': 0.043580152698181975, 'that': 0.04056301569858289}, {'and': 0.1313056501793289, 'made': 0.034551030036317, 'necessary': 0.03191530070016697, 'provide': 0.023191256277008975, 'him': 0.021827387004521748, 'time': 0.02091411247587312, 'but': 0.020346196766889778, 'pay': 0.02006785098451588, 'responsible': 0.019399383232926184}, {'the': 0.4229364079618504, 'of': 0.10249451936338619, 'to': 0.04990667443926184, 'a': 0.046119753318804545, 'their': 0.04557721235152078, 'and': 0.040383779569691705, 'our': 0.03266205279553575, 'in': 0.02892489979099539, 'his': 0.02827083555918837}, {'the': 0.2967250180656193, 'an': 0.13818551812107813, 'a': 0.1372047567374554, 'his': 0.09334805402400835, 'and': 0.03662439461535776, 'her': 0.029420125667358712, 'this': 0.023692501276222404, 'its': 0.022449365266040792, 'of': 0.02041281136435787}, {'will': 0.23552290604453374, 'to': 0.1971460002965169, 'may': 0.12240299330422948, 'would': 0.0779178562894354, 'should': 0.07456860978993433, 'shall': 0.06933202236570728, 'can': 0.06490948029946114, 'not': 0.05880589559144769, 'must': 0.04928955480219592}, {'be': 0.21854224766974095, 'was': 0.18285286641550175, 'been': 0.15669319284513245, 'were': 0.06748626801250715, 'is': 0.06295520457578879, 'are': 0.050366342811190554, 'being': 0.04424894152988498, 'and': 0.03871184461292563, 'Is': 0.014476735610564794}, {'of': 0.43977520835951933, 'in': 0.12609418008209183, 'to': 0.0852967197684242, 'that': 0.060507968031397484, 'for': 0.046208055239182526, 'by': 0.039896547079566795, 'on': 0.030709868469672517, 'with': 0.02602009531335485, 'and': 0.023403423801631743}, {'<s>': 0.049308015734409745, 'and': 0.044760235681683774, 'was': 0.030238007057285368, 'that': 0.026973768073573965, 'be': 0.023894139091784505, 'recorded': 0.021077527956497595, 'as': 0.016817210840990346, 'set': 0.015594972858173997, 'put': 0.014132231856783918}, {'to': 0.23210926601853046, 'his': 0.1714567418110947, 'in': 0.13866881483608234, 'my': 0.09860964637221371, 'of': 0.07930763694052297, 'and': 0.06427134546878283, 'her': 0.059844701362627664, 'their': 0.039553369857434656, 'your': 0.02746926575153166}, {'the': 0.20166040258652856, 'a': 0.14497484100007285, 'of': 0.04800855141648104, 'and': 0.03942980303972807, 'to': 0.03250508988530289, 'an': 0.028654787685944948, 'The': 0.028494960596063497, 'Mr.': 0.022339458899616468, 'in': 0.021786389121075066}, {'the': 0.733682814333266, 'of': 0.031929839551881785, 'tho': 0.02906648675697541, 'our': 0.027431278926463017, 'American': 0.024132663574800386, 'a': 0.021217918336631336, 'this': 0.01913081875767408, 'tbe': 0.012367326659480864, 'State': 0.011985423225588477}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.07277171662292223, 'away': 0.05413619706555429, 'taken': 0.044460878284923795, 'them': 0.024310285997948055, 'miles': 0.023589824086546616, 'come': 0.02355027722420585, 'out': 0.02299254849041232, 'came': 0.022314115584183412, 'down': 0.021745658153020583}, {'it': 0.14955951016349814, 'he': 0.12208270626376869, 'It': 0.1176360424407116, 'I': 0.06377324091482366, 'He': 0.05273810719939792, 'which': 0.04762508588745403, 'and': 0.0414895552660444, 'that': 0.0313732685415149, 'who': 0.03098096546970579}, {'of': 0.37931569765866413, 'the': 0.21308551922111857, 'in': 0.08245141834852862, 'for': 0.05724573457418974, 'with': 0.04610037168520339, 'to': 0.04600269898235976, 'and': 0.03717494752064868, 'by': 0.023557344135877012, 'a': 0.020987739429580005}, {'the': 0.10567725082292885, 'of': 0.10212483709706624, 'to': 0.09990032851733815, 'and': 0.05120476179874442, 'in': 0.028301056445777118, 'on': 0.0260733901279727, '<s>': 0.025616759472457735, 'a': 0.020913040454298, 'at': 0.02088304194257278}, {'well': 0.11033327876805342, 'such': 0.09442467916433443, 'and': 0.09147749815925312, 'known': 0.07461245712094298, 'far': 0.07398004730391868, 'soon': 0.06756514318620697, 'just': 0.04698511585468673, 'long': 0.04352204992707905, 'regarded': 0.028989494601603463}, {'and': 0.177788367571259, 'a': 0.17090336770797357, 'is': 0.13130604974377688, 'of': 0.09674269658433375, 'was': 0.07888869428704537, 'has': 0.06278316411734397, 'have': 0.059927707085202356, 'not': 0.055233809901274994, 'are': 0.05152542434545526}, {'number': 0.06179817016370221, 'sum': 0.05917387799515436, 'rate': 0.05889230920935865, 'out': 0.04443242484628196, 'full': 0.036081551130589806, 'matter': 0.03570434814362349, 'amount': 0.034731231165047984, 'loss': 0.03463316137478718, 'and': 0.02900580988848534}, {'and': 0.1694104484576571, 'so': 0.08075910206397889, 'fact': 0.06822494254521948, 'said': 0.053635380755513086, 'know': 0.05328572089839013, 'say': 0.04839641616649573, 'is': 0.035001958690005365, 'but': 0.02915110413798316, 'believe': 0.02807139541470667}, {'and': 0.17590902521399912, 'was': 0.13161242510568738, 'the': 0.12378641582937568, 'be': 0.07082699416481973, 'is': 0.06266248132762689, 'were': 0.05324801003897564, 'he': 0.04984645071539556, 'are': 0.04291765007704521, 'or': 0.0372583819505077}, {'in': 0.02913647645503041, 'up': 0.023224396981967807, 'hundred': 0.015079821787614587, 'out': 0.011645201591611741, 'day': 0.011429098610783322, 'men': 0.010224252237174731, 'city': 0.010064769282747984, ';': 0.00992065309101342, 'dollars': 0.009215038597781104}, {'the': 0.11779962059490376, 'of': 0.08596740294820827, 'and': 0.07568776954042707, 'a': 0.05077869504587158, 'to': 0.04502980800732101, 'be': 0.03528964289240952, 'in': 0.03435426147766118, 'was': 0.032825852443482004, 'is': 0.018753788213466776}, {'time': 0.025821206664916135, 'men': 0.02264305663003521, 'up': 0.01306837887294347, 'hundred': 0.012349609952331014, 'in': 0.011504171257048147, 'long': 0.010781850228766756, 'one': 0.010372601882068825, 'him': 0.0103639341038696, 'good': 0.01021868626327883}, {'to': 0.14984830528483964, 'and': 0.12953982426545474, 'of': 0.07860626208347367, 'the': 0.07691798941713279, 'not': 0.033703548771144586, 'in': 0.029878044104333645, 'or': 0.019540954723604488, 'I': 0.019470783117956744, 'is': 0.01848032906678628}, {'the': 0.5348877884768282, 'The': 0.061382937276538985, 'of': 0.057190571869651916, 'other': 0.051442084560603854, 'a': 0.04535896396391818, 'and': 0.04283817473624978, 'tho': 0.04040998211901377, 'by': 0.019463565099858606, 'their': 0.018920395729708953}, {'and': 0.057765830586075685, '-': 0.03320942762235012, 'that': 0.03042180110062631, 'the': 0.025393641181966166, '.': 0.022165131753286396, 'of': 0.01909627998759813, 'land': 0.01881653077013778, 'to': 0.01797072459222232, 'was': 0.01786333450854447}, {'the': 0.1926016607246558, 'a': 0.17730777211950255, 'any': 0.08406168430455131, 'in': 0.07540739772979599, 'first': 0.07533714247421311, 'his': 0.06853779480426907, 'of': 0.05470461003903417, 'their': 0.04338319077108348, 'and': 0.035095950377231816}, {'and': 0.07342237599288812, 'was': 0.047273640370580204, '<s>': 0.03514003180591593, 'is': 0.030523808133445535, 'be': 0.02364620460868653, 'that': 0.019462532233949534, '.': 0.017090720398439965, 'brought': 0.015146720115706709, 'been': 0.014603174584204414}, {'of': 0.33582638384455793, 'to': 0.10645366813217157, 'and': 0.0895830913015119, 'in': 0.08844859982750043, 'for': 0.06721913040579897, 'that': 0.05872085856815277, 'with': 0.040748054057039684, 'all': 0.040484304304871016, 'on': 0.04045527827621567}, {'and': 0.07612134346033654, 'to': 0.06830738860141998, 'the': 0.06669535409295753, 'of': 0.05773822886995287, 'be': 0.04201206704110583, 'is': 0.03390648034840745, 'was': 0.031278412243457836, 'for': 0.02881307163082205, 'in': 0.023659524336909526}, {'and': 0.08092359492008375, 'that': 0.04741594699975734, 'I': 0.022011342166218393, 'but': 0.01986198521346032, '<s>': 0.01921989284162524, 'which': 0.018888949760715874, ';': 0.011942332783268374, 'as': 0.01193919021748142, 'it': 0.01080244571402989}, {'get': 0.07245670546976644, 'was': 0.06827773018828956, 'and': 0.06627903282426373, 'him': 0.052442468208758614, 'it': 0.050561188617061346, 'them': 0.04807318223935662, 'are': 0.047026350523610795, 'go': 0.0433307210705129, 'come': 0.040797963484801664}, {'of': 0.30318609221144677, 'to': 0.17833588642755788, 'in': 0.07866212328713304, 'that': 0.06483374191095946, 'on': 0.06016151909610833, 'and': 0.057922937309758095, 'by': 0.037223039112498524, 'when': 0.03622138798621265, 'with': 0.034802911857391414}, {'is': 0.17259142955892112, 'ought': 0.08272961521902446, 'are': 0.08056057458647582, 'seems': 0.07558392967483372, 'was': 0.06572888558670693, 'not': 0.06439114674223405, 'said': 0.05149586598076354, 'seemed': 0.04272828164381891, 'as': 0.041024869025136954}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'of': 0.405530601070391, 'to': 0.1426943747346734, 'that': 0.06931428765616057, 'and': 0.06475943583734131, 'in': 0.06343256088830615, 'for': 0.060945030441621244, 'with': 0.04807920230266921, 'by': 0.04009465225345415, 'on': 0.03659384142960656}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'and': 0.11817822303601837, 'him': 0.07729069730683749, 'was': 0.07548397575560292, 'is': 0.04080320295406146, 'it': 0.03942232404596535, 'up': 0.037149082658908886, 'as': 0.03386881442310722, 'come': 0.029644220632803028, 'placed': 0.028841837624514165}, {'in': 0.09584253400760474, 'of': 0.09389212449637514, 'to': 0.06515439483359822, 'on': 0.039029345465688564, 'and': 0.03625149443641084, 'with': 0.027620816334882815, 'upon': 0.023131793930897076, 'from': 0.021025823628615974, 'by': 0.01710670428008299}, {'and': 0.18000726411130824, 'said': 0.10109705394995844, 'fact': 0.06528395459074089, 'stated': 0.05302264213713355, 'so': 0.04517641253901115, 'him': 0.03871021418260112, 'know': 0.03725473856966339, 'say': 0.029084524660267504, 'is': 0.028698334626685935}, {'have': 0.14144370114769442, 'has': 0.12034420330873478, 'are': 0.11475874620452195, 'is': 0.10550122388255069, 'had': 0.07066474631124632, 'was': 0.052973210170787495, 'be': 0.04858507523731717, 'and': 0.03607100866276837, 'were': 0.03403903551314338}, {'the': 0.18554142658334877, 'and': 0.11580052587238193, 'of': 0.10046825746557018, 'that': 0.029281917217386547, 'The': 0.028776420815648962, 'a': 0.02757388782740672, 'or': 0.01849222669130677, 'I': 0.018308378153822583, 'in': 0.017083742238733587}, {'the': 0.1287053056813113, 'and': 0.09508927028557602, 'to': 0.07119949655636888, 'of': 0.06102613577256228, 'so': 0.03421728976199958, 'is': 0.030015551339827497, 'be': 0.023127371175015583, 'he': 0.020689572386688632, 'was': 0.018665179604157495}, {'in': 0.17635678835710344, 'of': 0.15309164727335328, 'to': 0.09922200092870499, 'for': 0.0755201721616355, 'with': 0.0615221475086542, 'from': 0.05991868815771717, 'by': 0.05491816673292545, 'at': 0.04110373617227536, 'In': 0.04016490729053633}, {'a': 0.7509407794964609, 'the': 0.1458603180725257, 'A': 0.018382072255260985, 'The': 0.010138516893066836, 'this': 0.009837483756701675, 'long': 0.00869274561626613, 'first': 0.007584924399404, 'and': 0.00685735904875958, 'tho': 0.006838305789479659}, {'will': 0.2188433002954092, 'could': 0.17723328418365344, 'did': 0.14162491358513585, 'would': 0.1370619043830073, 'does': 0.10284036086043237, 'do': 0.07100773146194463, 'shall': 0.04244173216110202, 'should': 0.03810570337476074, 'is': 0.03598013377113973}, {'and': 0.18026812209157972, 'of': 0.1415620257756529, 'by': 0.12591717562470178, 'in': 0.11824520068735218, 'was': 0.08577390281173103, 'with': 0.052203298547425725, 'for': 0.04000753622751983, 'are': 0.038451968889086516, 'to': 0.03785252611569846}, {'and': 0.18000726411130824, 'said': 0.10109705394995844, 'fact': 0.06528395459074089, 'stated': 0.05302264213713355, 'so': 0.04517641253901115, 'him': 0.03871021418260112, 'know': 0.03725473856966339, 'say': 0.029084524660267504, 'is': 0.028698334626685935}, {'of': 0.3385526069398065, 'to': 0.114027543317048, 'for': 0.09248977166769906, 'in': 0.0916003783699665, 'and': 0.08520005539786113, 'with': 0.05882903349176207, 'by': 0.03838413459157737, 'from': 0.03005020838979594, 'at': 0.028757859340295573}, {'the': 0.2932194621971278, 'of': 0.2645196892805538, 'said': 0.07256243623280384, 'a': 0.04232993996223343, 'to': 0.03733669938260474, 'by': 0.03519169541313337, 'on': 0.03284284874557679, 'this': 0.023593612000371578, 'that': 0.023341976398623916}, {';': 0.03554806771019711, 'is': 0.02835049435155705, 'nothing': 0.022241833714850036, 'and': 0.016174148898095934, 'it,': 0.014696922419080828, 'are': 0.01280259837805057, 'one': 0.010087859730642131, 'was': 0.009880037612393783, 'time,': 0.009847616376595085}, {'the': 0.13861795651843623, 'of': 0.06165611431755195, 'and': 0.05681235987455824, 'a': 0.05441065494462354, 'to': 0.04831756678670785, 'in': 0.046453967863513676, 'for': 0.04204511660205566, 'be': 0.027993574543946964, 'his': 0.026302243802448663}, {'and': 0.04843905165351089, 'St.': 0.03763389359346992, 'of': 0.027012093331345938, 'the': 0.02317064255679134, '<s>': 0.020159255712096612, 'to': 0.015966248146933072, 'was': 0.011901645924162131, 'de-': 0.010281907719058072, '1': 0.008948288032092189}, {'and': 0.153538780299108, 'to': 0.11250967504516964, 'he': 0.05326685963268479, 'of': 0.039389162677659545, 'in': 0.029835511488544183, 'the': 0.02874965320119883, 'was': 0.02757525168411791, 'that': 0.025145495224315483, 'for': 0.024545051409638103}, {'well': 0.19576560582769537, 'and': 0.0753757570562487, 'known': 0.0737421935431646, 'far': 0.06483773012797539, 'such': 0.044674393507658415, 'soon': 0.03899981579604572, 'is': 0.023150145007822507, 'much': 0.02234929584211441, 'just': 0.020951870543620257}, {'the': 0.1287053056813113, 'and': 0.09508927028557602, 'to': 0.07119949655636888, 'of': 0.06102613577256228, 'so': 0.03421728976199958, 'is': 0.030015551339827497, 'be': 0.023127371175015583, 'he': 0.020689572386688632, 'was': 0.018665179604157495}, {'of': 0.2398478839980928, 'to': 0.13904541168656892, 'and': 0.10839843631659539, 'in': 0.10473343825477731, 'for': 0.06923908808143313, 'that': 0.06590519642538538, 'by': 0.06411374143203749, 'with': 0.0561434276338457, 'on': 0.046536813330536844}, {'the': 0.18519490360289143, 'a': 0.12483032952921136, 'this': 0.08729019085147259, 'one': 0.07063960130396857, 'every': 0.048804991849400244, 'same': 0.03924910930975017, 'his': 0.03887066388624127, 'other': 0.03826576359823179, 'first': 0.027537930701027388}, {'the': 0.1287053056813113, 'and': 0.09508927028557602, 'to': 0.07119949655636888, 'of': 0.06102613577256228, 'so': 0.03421728976199958, 'is': 0.030015551339827497, 'be': 0.023127371175015583, 'he': 0.020689572386688632, 'was': 0.018665179604157495}, {'of': 0.43058650043714813, 'in': 0.1120602101377428, 'to': 0.08945386100548558, 'that': 0.04020420895498623, 'by': 0.040171221755288186, 'for': 0.03780959025892701, 'with': 0.0332078877559842, 'and': 0.02703335563918135, 'from': 0.02556800285390931}, {'and': 0.16858297107862735, 'annum,': 0.15609016769596568, 'on': 0.04340659494320944, 'of': 0.030432966485033467, 'day': 0.015821892466454136, 'or': 0.01176481996217955, 'that': 0.010569990384970406, 'sale,': 0.009978157803635595, '2': 0.009755587607988309}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'<s>': 0.07450143710245465, 'it.': 0.026230164422698876, 'them.': 0.019385789002476915, '.': 0.013413677397516387, 'time.': 0.01138549467197599, 'him.': 0.011036405413372362, 'country.': 0.010869109255222277, 'year.': 0.009508768645342986, 'day.': 0.008625016569690119}, {'he': 0.14204714687767903, 'I': 0.10533167453725992, 'it': 0.10297587940021187, 'It': 0.08980957590210258, 'He': 0.06546477611258106, 'and': 0.06453345038334318, 'there': 0.060393678241786965, 'which': 0.05388664645866744, 'who': 0.04736191740910508}, {'<s>': 0.06544789240233427, 'him.': 0.03245198326025843, 'it.': 0.03066656156078895, 'them.': 0.021338357597200448, 'time.': 0.01414359476865634, 'day.': 0.010521629357061173, 'home.': 0.009870709460095897, 'years.': 0.009763925603999007, 'work.': 0.009269489872865204}, {'or': 0.25807101575786234, 'not': 0.16785851711908092, 'no': 0.13702255201785649, 'and': 0.06874346571447044, 'a': 0.061239144992129416, 'the': 0.050241350860362945, 'with': 0.04619273703218184, 'of': 0.04030012616707643, 'much': 0.040142406709436036}, {'the': 0.16426992389034856, 'of': 0.09702422726033204, 'a': 0.05773100365794107, 'to': 0.0477127103678804, 'in': 0.043022325231464896, 'any': 0.04060122164564591, 'for': 0.03929311515808009, 'or': 0.037243611065177915, 'and': 0.0343918480098038}, {'make': 0.239453204977248, 'for': 0.07678268659174996, 'get': 0.07588720728508556, 'made': 0.07123231688932115, 'and': 0.05514708753178797, 'find': 0.0542634694600529, 'that': 0.053581294694867554, 'have': 0.05300790282965904, 'is': 0.050629615400079764}, {'that': 0.2295612548613607, 'which': 0.12346268328467042, 'and': 0.11095621655712307, 'as': 0.09368607628700068, 'if': 0.08470354640384767, 'where': 0.04482019556353298, 'but': 0.04332959760282016, 'when': 0.041207977236786195, 'what': 0.040483855113810065}, {'and': 0.09326647752053993, 'is': 0.09252383903740966, 'as': 0.060265675280976636, 'was': 0.054646142521285995, 'able': 0.054148311475556696, 'not': 0.05217694319456736, 'enough': 0.04469041992993177, 'him': 0.04395007442710523, 'order': 0.04267089496063146}, {'a': 0.4982512153949373, 'the': 0.23202180802910172, 'of': 0.07900974187853513, 'in': 0.04972832053254003, 'with': 0.037361285288207174, 'and': 0.02582857206520508, 'The': 0.02197888673321644, 'much': 0.021144597332190988, 'to': 0.01680602270202621}, {'of': 0.18260282564253139, 'the': 0.15750229734250545, 'and': 0.09698616966570689, 'to': 0.06001220333106111, 'a': 0.05725158816286246, 'at': 0.034116544732326115, 'in': 0.03367749687421355, 'with': 0.03192378843381236, 'from': 0.023641511279908132}, {'of': 0.20026173833348998, 'to': 0.1559731951996829, 'with': 0.09571171793643979, 'in': 0.08988381199446847, 'on': 0.06713705460730715, 'and': 0.06271202221572851, 'by': 0.06044493034276782, 'that': 0.05726031899935223, 'upon': 0.05237553557199154}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'I': 0.2511475177203793, 'he': 0.12848090475783566, 'we': 0.09636174612429418, 'and': 0.07866552899703308, 'they': 0.0748319077266201, 'you': 0.04226107970367818, 'it': 0.04143123445779604, 'that': 0.040947305300060834, 'We': 0.030388450033278374}, {'this': 0.26163857743744906, 'the': 0.16514592211354676, 'same': 0.11488453942707193, 'that': 0.1114768557299712, 'in': 0.08023340171609467, 'some': 0.05387808649220759, 'to': 0.04848982705956109, 'of': 0.044454060641165666, 'first': 0.04420450653833807}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'those': 0.26856812268851865, 'men': 0.11763603389820391, 'man': 0.08656033969506806, 'and': 0.04825624365317281, 'one': 0.03906105070345108, 'Those': 0.028979548530345175, 'people': 0.02498653615724065, 'person': 0.02055317248146196, 'woman': 0.01901336425662782}, {'the': 0.3232866303157666, 'his': 0.20002680089151753, 'my': 0.07327075909159016, 'a': 0.06913423507667324, 'their': 0.05908276499338258, 'this': 0.049974482246948136, 'same': 0.039827152091821055, 'its': 0.03963142729854174, 'of': 0.027065119791960066}, {'he': 0.15833783157006798, 'who': 0.11252166679113242, 'which': 0.10007920750248263, 'they': 0.08307407047038702, 'it': 0.07687172224910013, 'that': 0.06547997363155768, 'I': 0.05314002564963188, 'there': 0.04507481930663967, 'she': 0.04354106747792997}, {'it': 0.15467517530377956, 'that': 0.12043680647762427, 'there': 0.1061388378761261, 'which': 0.08972888466219406, 'they': 0.07880598993732991, 'It': 0.062080295432334676, 'he': 0.051866099311008725, 'and': 0.04651998216632048, 'There': 0.0322842212488506}, {'as': 0.15404653838405374, 'and': 0.11192228094208556, 'of': 0.11092832491881756, 'was': 0.09025157752901683, 'is': 0.08846732021307988, 'in': 0.0841531191199038, 'such': 0.07954701435776687, 'with': 0.060493940150162774, 'to': 0.056549499236988314}, {'Board': 0.10036777923799729, 'line': 0.08008677236504455, 'number': 0.0728623238432381, 'State': 0.036653914281269184, 'city': 0.030061781880479234, 'state': 0.02922864795502226, 'side': 0.026832220240353262, 'County': 0.025863236273051007, 'county': 0.02486336123624578}, {'and': 0.10259699771812472, 'the': 0.09214577389015075, 'of': 0.07007586457690942, 'to': 0.05461608059798361, 'in': 0.024888690870464143, 'a': 0.022660576084658643, 'be': 0.020652118891706202, 'for': 0.019747146075778307, '<s>': 0.01935636862866986}, {'the': 0.3277739817296284, 'a': 0.1034730985836782, 'of': 0.06199580894493555, 'and': 0.05127220462654326, 'The': 0.038978923255381936, 'tho': 0.02373139243949039, 'an': 0.023548707401210015, 'in': 0.019493899371054498, 'to': 0.018218991771451004}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'part': 0.05471851257883924, 'one': 0.04452063682788975, 'out': 0.03519559986730605, 'side': 0.02331419216330189, 'that': 0.022336071249907576, 'some': 0.020810972793672885, 'end': 0.01839138252712686, 'members': 0.018275044757198464, 'portion': 0.01603492158231836}, {'reason': 0.3092146301894711, 'and': 0.14085345089255638, 'have,': 0.0840427687098878, 'see': 0.04926038248028028, 'understand': 0.04151606977050266, 'know': 0.03879558923161827, 'reasons': 0.03757939548061219, 'is': 0.03636029595714118, 'was': 0.024797365373745592}, {'the': 0.6807882642309527, 'his': 0.07899330356241585, 'The': 0.047873606964629604, 'of': 0.03494284849611745, 'a': 0.03280235166261573, 'and': 0.02685054765306341, 'tho': 0.02550344832263049, 'their': 0.017641991364040065, 'this': 0.015895837756682924}, {'years': 0.6645555485550217, 'months': 0.06417661902924816, 'the': 0.05331374253283499, 'to': 0.03177609349945497, 'year': 0.02973486743548291, 'and': 0.0261262508280979, 'of': 0.016553419012605437, 'weeks': 0.010227855794142765, 'days': 0.00678636670607345}, {'is': 0.18919493571549487, 'was': 0.1171589428725531, 'in': 0.10162825804622294, 'of': 0.08781690551827082, 'and': 0.08234384982770789, 'any': 0.07280354550549056, 'no': 0.0654292651318944, 'from': 0.06022082952855992, 'but': 0.05557445535918205}, {'is': 0.3194141499723857, 'was': 0.10984667352391367, 'have': 0.10270298778089779, 'be': 0.1008615815906726, 'and': 0.08099762974544653, 'had': 0.07704197026094121, 'will': 0.04861110462843792, 'has': 0.041415242372692784, 'Is': 0.041230939281054826}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.5117939989997329, 'a': 0.17507117667450345, 'great': 0.05420647251593851, 'The': 0.04224907739386118, 'full': 0.035078941738943256, 'tho': 0.027620256540058705, 'large': 0.026109023641276145, 'and': 0.024077407911161853, 'in': 0.02074025252741661}, {'he': 0.262439312465845, 'I': 0.08490700614221205, 'who': 0.07247307704831377, 'she': 0.06856241161929627, 'they': 0.06817416835590437, 'He': 0.05080865829372515, 'and': 0.04810079091654026, 'it': 0.0413173115938897, 'have': 0.03456049330577606}, {'most': 0.35294333691953267, 'a': 0.15461794541111004, 'the': 0.15356405660378905, 'very': 0.06149196318816682, 'more': 0.060515086373060946, 'and': 0.04460411364866284, 'an': 0.03138213457743478, 'The': 0.03131825851543455, 'as': 0.030666374577728403}, {'it': 0.15785936948542273, 'which': 0.08580605930919047, 'and': 0.0819442909747207, 'It': 0.069776970338638, 'there': 0.06016485408862491, 'they': 0.046337679765078826, 'who': 0.035145108590665344, 'we': 0.03347664880809658, 'that': 0.03140563108367762}, {'the': 0.37464245061640283, 'a': 0.2163424123744326, 'of': 0.12861528911781642, 'The': 0.057302587559261674, 'and': 0.05332738156928865, 'with': 0.03171205940081095, 'A': 0.025945991420269553, 'tho': 0.023368221518401615, 'by': 0.018631549185538984}, {'the': 0.3831935839723202, 'a': 0.1589510901043203, 'to': 0.13883790754770187, 'The': 0.08170419197230326, 'tho': 0.03947955057705429, 'his': 0.0353289100114356, 'and': 0.02313485721881934, 'con-': 0.02264084057995052, 'tbe': 0.019842530934849525}, {'it': 0.14298538089556412, 'It': 0.11818879564896681, 'he': 0.08268390611099675, 'there': 0.0821856786276649, 'which': 0.0738304364986612, 'and': 0.07110970795830622, 'This': 0.06519005522091383, 'that': 0.04178353439419582, 'I': 0.03476722991972934}, {'is': 0.24125819918247812, 'as': 0.12492672515720013, 'a': 0.09645728563366683, 'was': 0.09636220299100326, 'are': 0.08492958141368866, 'and': 0.06425519480790395, 'very': 0.06206225736048764, 'be': 0.058039990303562064, 'the': 0.04879588683956816}, {'is': 0.1973472059662365, 'was': 0.16065603705391698, 'and': 0.14876197918452388, 'not': 0.11069443631424751, 'are': 0.045010354889179344, 'be': 0.04254045102002203, 'but': 0.04188593953601499, 'Is': 0.03991462098275169, 'were': 0.03398999626208516}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'in': 0.30095760653669307, 'of': 0.17821146012334077, 'In': 0.16116460548667214, 'on': 0.07627600195925544, 'and': 0.04653793707572212, 'to': 0.04170015139265454, 'for': 0.03796247692214779, 'during': 0.028700803518793422, 'from': 0.02159313535194583}, {'is': 0.17259142955892112, 'ought': 0.08272961521902446, 'are': 0.08056057458647582, 'seems': 0.07558392967483372, 'was': 0.06572888558670693, 'not': 0.06439114674223405, 'said': 0.05149586598076354, 'seemed': 0.04272828164381891, 'as': 0.041024869025136954}, {'of': 0.310400959567868, 'to': 0.1307663736366126, 'for': 0.08907193737233378, 'that': 0.08378439301831904, 'in': 0.08148896489696933, 'and': 0.07376942526248986, 'with': 0.0703230444603501, 'by': 0.046820799144664395, 'is': 0.03230330369994592}, {'he': 0.18238148362710155, 'who': 0.13123462034916078, 'they': 0.09348830403758418, 'and': 0.0693498227163434, 'I': 0.06779364592030894, 'which': 0.06679830867127524, 'it': 0.0453588644568057, 'she': 0.04461621518193442, 'have': 0.04172749393864395}, {'a': 0.40234360298074795, 'the': 0.31062425335380744, 'The': 0.07043418780878831, 'his': 0.029636536557731186, 'of': 0.023893627366995608, 'this': 0.021779496878526827, 'A': 0.021619603012365218, 'and': 0.02129695393285091, 'tho': 0.019747918058809197}, {'the': 0.26653018064908157, 'to': 0.12486695150367044, 'this': 0.0898863683523266, 'a': 0.048227543460930396, 'tariff': 0.042393392255233954, 'and': 0.03523718976414283, 'appropriation': 0.03401225038568874, 'one': 0.030922085008143634, 'that': 0.026312888134230897}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'as': 0.07730845242008813, 'up': 0.058668717027016246, 'and': 0.05051787504234559, 'according': 0.045602481884053164, 'back': 0.04348934107594135, 'him': 0.04340104844206923, 'returned': 0.04283151244115784, 'went': 0.03802777620215089, 'came': 0.037963187223200925}, {'of': 0.3922569531341101, 'to': 0.15114435267407508, 'on': 0.10578682089893861, 'in': 0.08847154493222074, 'from': 0.07026428527592678, 'at': 0.04291469765757459, 'by': 0.04093229792551114, 'that': 0.03818275599452629, 'and': 0.02894198812499708}, {'to': 0.1821666562139872, 'I': 0.11027261321802753, 'would': 0.10576222532916502, 'they': 0.0917139041729031, 'we': 0.0834538459903675, 'who': 0.06497047361524243, 'will': 0.06145138929717931, 'you': 0.04592113567408516, 'and': 0.04127094069592593}, {'the': 0.18616036886702067, 'and': 0.08933090072031703, 'of': 0.0774102793576648, 'to': 0.04266642054731638, 'a': 0.036009016638122254, 'be': 0.035163810923803086, 'was': 0.03188866122361342, 'is': 0.0312762396820113, 'in': 0.029692611082095623}, {'it': 0.18143874199255758, 'there': 0.10331969695424356, 'It': 0.09198639939220059, 'which': 0.08073126991269376, 'they': 0.06240522313208139, 'that': 0.054082648531678275, 'and': 0.05144105994683339, 'he': 0.03253148924096088, 'There': 0.03214778196988864}, {'the': 0.17763418113551432, 'and': 0.05447746274666955, 'come': 0.04971224390438851, 'go': 0.04679073408699061, 'came': 0.0461802971510714, 'get': 0.045269063959186, 'or': 0.0425577200886767, 'them': 0.0423278337373503, 'it': 0.030801148612266814}, {'and': 0.19505686071693706, 'I': 0.10771229026599091, 'will': 0.08846768757884933, 'was': 0.08288597504311708, 'have': 0.06594555336792246, 'had': 0.06432665399390942, 'he': 0.06175757281107404, 'is': 0.053476696374536954, 'has': 0.05297105968007911}, {'of': 0.4728392228001646, 'to': 0.11605346078611356, 'in': 0.10903644701796293, 'that': 0.057357556866540586, 'on': 0.05483584608682863, 'by': 0.047895810203945156, 'and': 0.031908259512063594, 'from': 0.029055625015298372, 'for': 0.027128704138130295}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'is': 0.19239886405864567, 'was': 0.17556555081036462, 'be': 0.11094591087214803, 'are': 0.09132492054407622, 'not': 0.05998501728343689, 'were': 0.05440871127801131, 'and': 0.04817306970682504, 'been': 0.03496710127158649, 'Is': 0.03289453981824044}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'to': 0.14873942328809442, 'and': 0.10240102754317151, 'of': 0.05712547684165998, 'the': 0.04422196223221169, 'in': 0.03350494167484157, 'is': 0.028058542060599406, 'I': 0.026660736993923923, 'for': 0.02440585407489247, 'not': 0.02404489402087884}, {'a': 0.23878684480783433, 'the': 0.1611103194208356, 'and': 0.0816732800295139, 'of': 0.07134141523509233, 'was': 0.05263989148724553, 'be': 0.04350159279405935, 'is': 0.037269014876585745, 'with': 0.02746937252104288, 'been': 0.023134155266985416}, {'the': 0.1511381695032345, 'of': 0.0869098392757736, 'and': 0.08566080907504892, 'to': 0.07925103220972975, 'a': 0.07376436098706154, 'be': 0.03926267472533319, 'in': 0.035135660763629104, 'was': 0.029739309501610738, 'is': 0.028824004424152134}, {'hundred': 0.18288209852357762, 'six': 0.13328227189507333, 'two': 0.12446038625559357, 'five': 0.12432557335010591, 'three': 0.11433554796659001, 'ten': 0.071484807681362, 'four': 0.06863101008526559, 'twenty': 0.06039179832617903, 'seven': 0.06005086705378161, 'fifteen': 0.05015563886247135}, {'and': 0.09808305580253544, 'held': 0.05857713311137594, 'arrived': 0.05211246522305887, 'Beginning': 0.03833663761464742, 'was': 0.03308645695298971, 'Dated': 0.030594352348851595, 'sold': 0.029874351659665264, 'arrive': 0.029151532383054506, 'made': 0.026063171418974154}, {'the': 0.2933017984632245, 'of': 0.2424196846542764, 'and': 0.06245348937374397, 'to': 0.03592499186450628, 'The': 0.030452866990662887, 'for': 0.02995919354176318, 'our': 0.024192746096549245, 'in': 0.019582634763408612, 'its': 0.018288839061094516}, {'there': 0.01444458878920936, 'him': 0.011040356495283015, 'it': 0.01051802596819786, 'it,': 0.009430869168454951, ';': 0.009284277314369734, 'in': 0.009222434408471812, 'good': 0.008709586042842343, 'one': 0.008243955084224203, 'him,': 0.007312193021215247}, {'it': 0.07222635685804597, 'and': 0.0576181572157623, 'It': 0.053232097391482144, 'of': 0.043268889746593486, 'at': 0.023786208324451885, 'the': 0.023274812401948636, 'for': 0.02178766712449788, 'to': 0.021532087599173643, 'on': 0.021353015079953366}, {'in': 0.03132952890337647, 'up': 0.0159813577014229, ';': 0.014209709824713167, 'time': 0.014146193226144832, 'it': 0.013914630812672267, 'it,': 0.012711459193450495, 'him': 0.01191956330876464, 'out': 0.011890049566092324, 'them,': 0.010762515040926506}, {'and': 0.2012076907193447, 'but': 0.04109222333793723, 'are': 0.03910408712311455, 'is': 0.03183815053039676, 'was': 0.03088791629712773, 'men': 0.028996063157047777, 'people': 0.021644062475935182, 'w': 0.0212033598098488, 'that': 0.021172767843618656}, {'and': 0.24290856045184386, 'of': 0.16436766078843207, 'to': 0.08034478833891223, 'with': 0.07766845424119058, 'that': 0.06628853150098678, 'by': 0.06364322619172653, 'in': 0.054438941140302316, 'from': 0.028527860697939084, 'on': 0.024707218714192885}, {'to': 0.5390684234844219, 'not': 0.08495569755986063, 'I': 0.060152167111793504, 'we': 0.05901587434124646, 'you': 0.049392407153418166, 'would': 0.04581006586313355, 'will': 0.04298050392310936, 'they': 0.03867857368786156, 'can': 0.03492814137628315}, {'long': 0.1540228854750603, 'well': 0.10689602772902286, 'large': 0.08259293965371206, 'not': 0.08133771609096227, 'and': 0.06892765255594191, 'was': 0.060792436053096637, 'is': 0.058466900630198895, 'far': 0.04674379980803794, 'strong': 0.04017431961528675}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'the': 0.20907932700470688, 'of': 0.14450222479246214, 'to': 0.06985074011666036, 'and': 0.06495822388396298, 'for': 0.02561429839179285, 'both': 0.02277643637250857, 'with': 0.02187406652304565, 'by': 0.021698409294848654, 'his': 0.017544729022662527}, {'of': 0.10884978943222898, 'for': 0.08155701718625895, 'and': 0.08123089492939216, 'to': 0.07897983255179182, 'that': 0.05615965917491611, 'with': 0.02814687046329085, 'by': 0.02776133928556469, 'it': 0.016155157615846013, 'have': 0.015185944876666349}, {'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}, {'is': 0.1477883678518777, 'was': 0.14501386471822914, 'of': 0.10072803404754542, 'with': 0.09201781753366836, 'in': 0.07942673300996955, 'to': 0.07241155133179389, 'and': 0.07006543491652323, 'had': 0.057721322810044044, 'for': 0.05497578486935194}, {'that': 0.25072694634125053, 'and': 0.0868671956262777, 'as': 0.06027594482881548, 'but': 0.05312959479758438, 'if': 0.04128215762202268, 'which': 0.0335657914659847, 'what': 0.024928866033284362, 'when': 0.0227765401044928, 'think': 0.018877616655353306}, {'the': 0.19670387957172328, 'of': 0.12034700726956073, 'a': 0.08438228089640598, 'to': 0.07002755359439007, 'and': 0.06281574081115311, 'be': 0.0453128674171294, 'in': 0.03379866218947241, 'is': 0.03220276533394172, 'not': 0.029189418599409524}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'to': 0.3378247056357923, 'has': 0.14374550374966932, 'have': 0.10099583030798838, 'and': 0.09763689648509562, 'had': 0.09372670375714875, 'will': 0.05716547054970098, 'would': 0.03209299232688583, 'shall': 0.02376588737754825, 'may': 0.022747647835740112}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.32578858718050796, 'to': 0.10209889202194875, 'in': 0.0784034813840208, 'and': 0.06383026709671313, 'for': 0.049484355762382505, 'by': 0.04779993377113924, 'on': 0.045707024917298625, 'that': 0.04429545740858654, 'In': 0.03373904427851746}, {'the': 0.11467062166721388, 'to': 0.09915114954891366, 'of': 0.08586062995538131, 'and': 0.06411736950821068, 'was': 0.05181603938031211, 'a': 0.04247807695776236, 'be-': 0.04245423451961227, 'is': 0.03493125193491427, 'be': 0.02931029251414122}, {'amount': 0.091977145755635, 'sum': 0.0915244691004483, 'number': 0.08216114918429467, 'out': 0.04829162675999735, 'rate': 0.041335684842820915, 'instead': 0.030873072101385398, 'one': 0.02767642227612657, 'that': 0.027232143311522728, 'question': 0.02678254110580219}, {'of': 0.6593913279759618, 'to': 0.07898593190272234, 'by': 0.06107879925122987, 'in': 0.04474085181537923, 'that': 0.031241920889887562, 'and': 0.02652613451735554, 'with': 0.021659726342814288, 'on': 0.01659145569089669, 'from': 0.015908908353096052}, {'<s>': 0.05278518820017033, 'it.': 0.037619856687962104, 'you.': 0.024841092255927056, 'them.': 0.01831802532075836, 'and': 0.014405378169518984, 'him.': 0.011729663870607806, 'me.': 0.010130840312045659, '.': 0.009906243279228235, 'time.': 0.008664152207565648}, {'in': 0.368237828675539, 'the': 0.15522627090331062, 'no': 0.07671867029673438, 'In': 0.06971090894122953, 'of': 0.05985875778588797, 'a': 0.056570203470497314, 'such': 0.03874722363253945, 'any': 0.03313187734394324, 'and': 0.028026293198150445}, {'is': 0.22059618055859928, 'was': 0.14705346673186948, 'the': 0.11824321533999758, 'and': 0.09912954389340456, 'in': 0.08315888034658701, 'of': 0.0684460414471728, 'are': 0.0478154520118794, 'a': 0.04431836359936716, 'it': 0.04387155299131203}, {'the': 0.4395265423353492, 'this': 0.06861638205601937, 'such': 0.0657011733275296, 'a': 0.059904995945587285, 'and': 0.05035358089505414, 'of': 0.04571532983693704, 'The': 0.042050353594551025, 'any': 0.03790350587870042, 'other': 0.03297771921570764}, {'the': 0.17625540315175178, 'of': 0.1078419056574065, 'to': 0.0756367940318074, 'and': 0.06494585786718536, 'be': 0.04940627483040131, 'a': 0.049253926076329856, 'was': 0.03293314828472555, 'in': 0.030552058817752716, 'is': 0.029066134678150835}, {'a': 0.2106247994783443, 'of': 0.1348053253088264, 'the': 0.10059599307188527, 'in': 0.06321404850086869, 'to': 0.042679932025758184, 'for': 0.038796281338246544, 'and': 0.034373204847742984, 'that': 0.03231110034973748, 'which': 0.022225331432952147}, {'in': 0.6312166824867111, 'In': 0.2549875253832824, 'of': 0.02952441659799186, 'the': 0.019853284432331916, 'by': 0.013904433791576234, 'iu': 0.011822051118059769, 'and': 0.009595451704573899, 'for': 0.009194597842097038, 'to': 0.005286127254302308}, {';': 0.058244758535568174, 'it,': 0.026252177255488212, 'doubt': 0.022820071877090255, 'him,': 0.02040272047917549, 'is': 0.019280584676238395, 'time,': 0.01236150517729518, 'them,': 0.010760591330778583, 'nothing': 0.010345004862885147, ',': 0.010336814582665393}, {'<s>': 0.022726996997996584, 'it.': 0.0212698708499532, 'them.': 0.017544455234821912, 'him.': 0.009761115296870496, 'time.': 0.008119304832968762, '.': 0.007891929922046069, 'years.': 0.007162385367762224, 'year.': 0.007154537575093617, 'day.': 0.006148170030810482}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'of': 0.3488432839188333, 'in': 0.19374224335504067, 'to': 0.10076934855214537, 'and': 0.048785947734929676, 'that': 0.043831585783504774, 'In': 0.04309473238262674, 'by': 0.04063050413448456, 'for': 0.03718770263086189, 'with': 0.03555448055822798}, {'be': 0.16156726148154005, 'I': 0.12856452044916622, 'he': 0.1081745101292882, 'they': 0.09441427619960575, 'was': 0.06393225324559001, 'been': 0.05421010444868093, 'not': 0.05290576548633573, 'and': 0.05197186787316874, 'ever': 0.047900977456343405}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.15548164992001468, 'of': 0.1181420598113191, 'and': 0.06495824170635445, 'a': 0.04231673100742924, 'to': 0.04117581656651854, 'at': 0.031098197132552595, 'in': 0.02877357803307154, 'be': 0.023561113683954124, 'his': 0.021860279751194193}, {'and': 0.07376331401161762, 'made': 0.06770861572379999, 'that': 0.03589632532457854, 'here-': 0.03239659067358415, 'or': 0.026419434495262746, 'taken': 0.023541833314131653, 'up': 0.021893423508942148, 'owned': 0.01993289740425368, 'done': 0.019709882387656343}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'in': 0.17616774401447616, 'of': 0.15257482241429166, 'to': 0.1275015941561049, 'with': 0.10277743064404256, 'as': 0.08503831262520392, 'and': 0.06066241141157374, 'is': 0.05838905093268517, 'for': 0.057768566976918095, 'at': 0.044883895522444366}, {'<s>': 0.10514401260260799, '.': 0.016459320058466273, 'it.': 0.013484712208384689, 'them.': 0.010348158826723748, 'day.': 0.006710013809881599, 'him.': 0.0061878063876993515, 'time.': 0.006177099641911567, 'of': 0.0060543371589817695, 'country.': 0.00551450571704916}, {'last': 0.25392895008681915, 'the': 0.11921199521988352, 'Saturday': 0.09929816989299978, 'at': 0.09883242892891142, 'Friday': 0.07613177359630112, 'Last': 0.06506879427269865, 'of': 0.052867922582735975, 'Thursday': 0.05030803026425058, 'that': 0.04273221220329121}, {'those': 0.1359470837165178, 'man': 0.10564013349447124, 'one': 0.07516351031071782, 'men': 0.07360990518335947, 'and': 0.05953687515980089, 'people': 0.03392388909376232, 'person': 0.022955463565804593, 'all': 0.02239734227951116, 'woman': 0.022299597677951193}, {'and': 0.11806801595638686, 'was': 0.0656655564015758, 'is': 0.046792063468053986, 'up': 0.03108395308599868, 'it': 0.03021415321434409, 'made': 0.026603113622950526, 'put': 0.026294257073757266, 'placed': 0.02593741995179731, 'that': 0.025049778326914608}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.1890559397379409, 'a': 0.09632292122130079, 'of': 0.09042592293039843, 'and': 0.07671653947037727, 'to': 0.07154094782505123, 'in': 0.036009511261001756, 'The': 0.024220417321952268, 'for': 0.023733492493034154, 'with': 0.02260234652164343}, {'and': 0.12314453506449341, 'go': 0.06068299080332128, 'passed': 0.050349317499105144, 'as': 0.04128702713228963, 'it': 0.04096719108536547, 'near': 0.03940036716365159, 'gone': 0.039214406048058745, 'made': 0.03725644556124409, 'left': 0.03399578323757609}, {'of': 0.2347713635281126, 'and': 0.13150489413205166, 'to': 0.12886360017597187, 'in': 0.09459493010196623, 'with': 0.058756308118247065, 'the': 0.03924615112991927, 'from': 0.03804847084968199, 'all': 0.03735677405938433, 'is': 0.03697920920407041}, {'to': 0.19483905442442775, 'and': 0.15303600031849518, 'of': 0.03467217075939197, 'I': 0.032447789495736984, 'the': 0.026800319943090407, 'had': 0.025017897721280394, 'who': 0.024339665529144777, 'would': 0.024251525808567213, 'not': 0.02379354508597089}, {'the': 0.1639849892587423, 'of': 0.11218225961182801, 'a': 0.08585488844722994, 'to': 0.05318478708413159, 'on': 0.05314079251220606, 'and': 0.05182257985371509, 'in': 0.032174779790854015, 'by': 0.021884514397444828, '<s>': 0.021337512218754476}, {'be': 0.29271832160510874, 'was': 0.16721609598724504, 'been': 0.11174917444381736, 'is': 0.08640382565337605, 'have': 0.055495971685366685, 'are': 0.05351588297873088, 'were': 0.05206643060148376, 'has': 0.040425472633626836, 'had': 0.03992951707039192}, {'the': 0.23064976974816406, 'of': 0.1251839000947097, 'and': 0.0906191556751078, 'to': 0.06974493060332328, 'a': 0.04579261884899858, 'his': 0.03895619581412924, 'their': 0.038950986662083485, 'be': 0.038404399040864186, 'in': 0.03740983947926077}, {'the': 0.13044384028259146, 'and': 0.09987620085884971, 'of': 0.09890784809362176, 'to': 0.060857016394375976, 'is': 0.03237563088618727, 'a': 0.03207407153210321, 'in': 0.029253376978322067, 'was': 0.028654792854028343, 'be': 0.027656829541893687}, {'June': 0.24144997498565926, 'July': 0.08987565908239006, '10,': 0.08712104342314597, 'March': 0.07379394343455715, 'of': 0.05529890935932507, 'April': 0.05245295897115552, 'May': 0.04657431078046315, 'November': 0.03865641720879114, 'August': 0.03624164140224396}, {'of': 0.2978417583756784, 'and': 0.11809420618863535, 'to': 0.11077529497406904, 'by': 0.0761481955134902, 'in': 0.060746109299202, 'that': 0.05541587007418779, 'from': 0.04657086605254984, 'on': 0.046371632024544224, 'with': 0.03477867477419145}, {'<s>': 0.09591644540569125, 'it.': 0.019381138675589053, 'them.': 0.010921825887297643, 'him.': 0.009724185955199287, 'time.': 0.00796250141620013, '.': 0.007813214994050395, 'country.': 0.006549019013875795, 'day.': 0.006490179981927833, 'of': 0.005480326115441368}, {'and': 0.11079242003558253, 'there': 0.07501748102281343, 'to': 0.04506649821569008, 'of': 0.042250514773348055, 'he': 0.037836507558186204, 'the': 0.03614851205907996, 'or': 0.03494034242212841, 'I': 0.03435101268662712, 'is': 0.030695067671563627}, {'and': 0.09598596681285987, 'was': 0.039511043952407746, 'file': 0.03831476243161238, 'that': 0.03714762926987935, 'made': 0.037070778791181154, 'is': 0.02875475411285857, 'but': 0.025673912139600137, 'people': 0.025614135541051623, 'them': 0.02167370886745335}, {'of': 0.3137071173319714, 'in': 0.23123869149644122, 'to': 0.11550253736578599, 'In': 0.07564136779251138, 'from': 0.048193112129588586, 'and': 0.0399188313653346, 'by': 0.03397596753241868, 'that': 0.03136172201224239, 'for': 0.031304251395931064}, {'the': 0.13969346262876806, 'of': 0.1344946218258243, 'to': 0.08854524625570276, 'and': 0.06875045014629566, 'a': 0.05280171787282183, 'for': 0.04510875705503912, 'in': 0.04462695700029269, 'his': 0.02834007805666946, 'be': 0.0245691336394104}, {'the': 0.1331954013331003, 'of': 0.10395761905650669, 'and': 0.09166744382168995, 'a': 0.0674867672110823, 'to': 0.04481959524883369, 'was': 0.033914181021321675, 'be': 0.027669522756191306, 'is': 0.023821375196731925, 'been': 0.01992601692954109}, {'is': 0.17815343737054393, 'that': 0.13063392385324618, 'was': 0.10238653445799127, 'do': 0.07981090299780205, 'and': 0.07243231290697508, 'have': 0.06209076236282273, 'for': 0.059182087788165985, 'are': 0.0544862582646611, 'be': 0.052079133611674475}, {'of': 0.08479363007336231, 'the': 0.060883392109109216, 'at': 0.0360078141197049, 'by': 0.029777996917356133, '.': 0.026512756313874567, 'in': 0.021856203981626163, '<s>': 0.018034891500797068, 'and': 0.01644754457005522, 'to': 0.016354078670787343}, {'and': 0.10559168754454262, 'was': 0.0527143329340065, 'is': 0.03694091904253561, 'up': 0.03211384286292709, 'it': 0.02952629865247593, 'that': 0.029154241687633396, 'made': 0.027505134378369173, 'them': 0.02610904882085594, 'him': 0.02557823914144655}, {'No.': 0.08108483293675468, 'at': 0.07486238186757307, 'U.': 0.06566685202009416, 'of': 0.04809639096612132, 'to': 0.04090903994666543, 'and': 0.03770706740274138, '.': 0.02535522075765509, 'lot': 0.0252552714067617, 'in': 0.021372361394163972}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'of': 0.3130753008392147, 'in': 0.25706527192012574, 'to': 0.09247653684554205, 'In': 0.06479593677718705, 'and': 0.04710994954117882, 'from': 0.04578647183635635, 'by': 0.03803946415542599, 'between': 0.03222109803494848, 'for': 0.02560790468504606}, {'the': 0.33038602590180577, 'of': 0.09813374280530487, 'to': 0.037999570250889424, 'by': 0.03219335503423243, 'said': 0.030571029789016116, 'and': 0.02956006236806384, 'minutes': 0.024977418635973973, 'in': 0.023966167977692143, 'tho': 0.02372454816343006}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'at': 0.4146100061267614, 'for': 0.12544368903807282, 'of': 0.08740672593164323, 'to': 0.07385031070820812, 'and': 0.050010139974232266, 'At': 0.046625176829788596, 'during': 0.04097336457253684, 'that': 0.04027340851898766, 'in': 0.03989425686292737}, {'and': 0.1753036554509759, 'so': 0.07005457616992508, 'fact': 0.06858492325233918, 'know': 0.04830704646184403, 'said': 0.04008070183523567, 'is': 0.03983862467870564, 'say': 0.03931381147971385, 'but': 0.02779231304959934, 'believe': 0.024029999399873492}, {'two': 0.11796489886355754, 'many': 0.11489337250340607, 'three': 0.10254249871002676, 'of': 0.08324263600744486, 'five': 0.08098850157900946, 'for': 0.08067569852125893, 'the': 0.07123623878362242, 'four': 0.06641992023628414, 'several': 0.04669900366400359}, {'to': 0.11611623202716108, 'and': 0.0927670277041291, 'of': 0.05480015358824163, 'the': 0.03853384443427393, 'is': 0.03353964289198347, 'in': 0.029809014802675858, 'was': 0.0288691907044105, 'con-': 0.025306563829559637, 'will': 0.02411726427444757}, {'the': 0.34937944367323653, 'his': 0.23750871177252658, 'their': 0.07946548479765933, 'her': 0.05239943281886367, 'a': 0.047525332456922524, 'of': 0.043104351464488676, 'to': 0.042893046783702066, 'my': 0.03816797254515049, 'its': 0.02570641254922615}, {'the': 0.5828080778966181, 'this': 0.168935486922615, 'The': 0.05529945175318625, 'a': 0.032095952221688796, 'that': 0.0304290437777651, 'tho': 0.028653451814849174, 'said': 0.023204875512485304, 'and': 0.019969398562411124, 'our': 0.018949592625645308}, {'the': 0.5342524983359077, 'a': 0.17800596217851347, 'of': 0.07502048534774833, 'for': 0.04850968432519011, 'and': 0.041380228525280546, 'The': 0.025955397807881964, 'or': 0.018722262910500116, 'tho': 0.016125914164442052, 'that': 0.014115495377973844}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'and': 0.1313056501793289, 'made': 0.034551030036317, 'necessary': 0.03191530070016697, 'provide': 0.023191256277008975, 'him': 0.021827387004521748, 'time': 0.02091411247587312, 'but': 0.020346196766889778, 'pay': 0.02006785098451588, 'responsible': 0.019399383232926184}, {'hundred': 0.01444191217773428, ';': 0.011834673680375107, 'him': 0.010388473796696067, 'one': 0.00968896846901267, 'feet': 0.009556811899111724, 'up': 0.008880191153313928, 'mile': 0.007973380143655012, 'feet,': 0.007606228831470488, 'time': 0.007287466987906896}, {'the': 0.4981473993212315, 'of': 0.10065774584881408, 'and': 0.059210928289868264, 'this': 0.05539041922086311, 'a': 0.02905981022312987, 'White': 0.02126356461196879, 'every': 0.02033111133459898, 'tho': 0.02028147481412161, 'for': 0.01961577591158076}, {'the': 0.7762798691265572, 'tho': 0.043682569994058874, 'a': 0.028739170715061744, 'our': 0.020800890100477396, 'of': 0.02035045356083335, 'his': 0.015632863810604726, 'their': 0.01556801886484958, 'tbe': 0.014471326597634532, 'its': 0.01237014220178469}, {'virtue': 0.07446520038896885, 'out': 0.065008335608151, 'part': 0.03947215825672998, 'one': 0.03562890125655043, 'quarter': 0.03241584136443704, 'favor': 0.0239235849421329, 'result': 0.023354276051738905, 'guilty': 0.022667050730808908, 'means': 0.022196791642065155}, {'to': 0.26284185656170594, 'will': 0.17084331788579396, 'not': 0.09418008019777083, 'would': 0.07731306498237346, 'should': 0.06218398013312858, 'and': 0.05610013290494238, 'they': 0.05012653201313851, 'may': 0.04622626581168556, 'must': 0.044087394752178065}, {'the': 0.19095097222204258, 'of': 0.07788515207425294, 'a': 0.05656895586152514, 'and': 0.048281021903397635, '.': 0.029303699554843816, '<s>': 0.026026052626132227, 'to': 0.024247587233174783, 'The': 0.023180547239340724, 'in': 0.017255215610801202}, {'the': 0.15378903668702737, 'of': 0.09249548824970906, 'and': 0.07595235865820654, 'to': 0.07006226204227813, 'for': 0.02569471643071183, 'in': 0.025365441158559817, 'be': 0.023483724513089645, 'is': 0.020659405704139575, 'was': 0.018878285055910545}, {'of': 0.3707655425483162, 'to': 0.09072213089648462, 'and': 0.08544707848300355, 'that': 0.07966114403126412, 'in': 0.06766182451465075, 'with': 0.06322264484727348, 'by': 0.04895631643534286, 'for': 0.048819803417246385, 'from': 0.03927138034725062}, {'and': 0.19995523739911758, 'he': 0.13478202554062596, 'one': 0.08121800486186502, 'that': 0.04562322446285766, 'who': 0.044018028677149615, 'it': 0.03558410405759245, 'which': 0.03406423286281256, 'as': 0.02895636355805419, 'He': 0.028524323892937627}, {'of': 0.27709880023058014, 'in': 0.14145287638255347, 'to': 0.1056518542378911, 'with': 0.06824702107013171, 'and': 0.06650509850601108, 'that': 0.06109009042945619, 'for': 0.05816029652720469, 'by': 0.052054291371046474, 'is': 0.050245001041452034}, {'and': 0.1853743640405551, 'is': 0.09259033122490776, 'have': 0.08133260634977064, 'he': 0.07621704810601687, 'who': 0.06883205360264684, 'was': 0.06074903787476647, 'be': 0.05588784687939469, 'they': 0.05222147264404634, 'has': 0.05063920667079689}, {'of': 0.0749378459953369, 'the': 0.07407172299725868, 'and': 0.06710175861079767, 'to': 0.042453666488713425, 'at': 0.023376224731155096, 'was': 0.0190611451592703, 'or': 0.01694322288394961, 'on': 0.015786873417196597, 'that': 0.013999846189515991}, {'was': 0.15894503465997417, 'be': 0.15079392688926904, 'and': 0.09609871860153885, 'is': 0.08564225543396056, 'he': 0.07530790832109772, 'been': 0.07388863858358026, 'as': 0.045835505479363256, 'He': 0.032035896308427604, 'were': 0.027053990740524867}, {'of': 0.4246185755281031, 'to': 0.07216128441594623, 'that': 0.07171819103101261, 'and': 0.06608065556163233, 'by': 0.06564399090553052, 'with': 0.052418231294119384, 'in': 0.05069652868855997, 'for': 0.04535500298016459, 'from': 0.035624446913144425}, {'of': 0.28904275301978616, 'to': 0.10425489449077704, 'with': 0.08335158245061107, 'and': 0.08130176230066131, 'is': 0.07483310701908084, 'in': 0.07117533326210203, 'that': 0.05315215290608015, 'by': 0.049864758545983615, 'for': 0.049609958070349375}, {'the': 0.7078009348429521, 'The': 0.09700940043453668, 'tho': 0.04429641434988895, 'a': 0.0384516137177906, 'his': 0.029505791524522127, 'tbe': 0.015643467645668374, 'this': 0.015334860762656806, 'my': 0.014511015721803591, 'their': 0.010078710145047813}, {'the': 0.4430750602031354, 'this': 0.21193022973256317, 'said': 0.09369221484620445, 'a': 0.08325997400156838, 'that': 0.022414765776346015, 'tho': 0.022216622101924557, 'and': 0.013860893102241277, 'our': 0.01268465682410397, 'York': 0.012454066984831006}, {'of': 0.11153559903014126, 'and': 0.08336448089700046, 'the': 0.05132983392885404, '.': 0.027884192677722103, 'to': 0.02438042694231795, 'Miss': 0.015387154522228729, '<s>': 0.013365929700509236, 'No.': 0.011829220659452598, 'by': 0.011267365659283593}, {'and': 0.14819116711483749, 'that': 0.13238826374970641, 'which': 0.10687288043587244, 'as': 0.09049593199420834, 'when': 0.07789281587184199, 'but': 0.0654150821270993, 'if': 0.05063204468841646, 'where': 0.04846774301620135, 'because': 0.034971010635222004}, {'there': 0.17500841206894086, 'It': 0.1432473205426132, 'it': 0.13422944790460978, 'he': 0.09674042316348568, 'There': 0.09150071098081976, 'He': 0.06131895872492179, 'and': 0.039801730367763855, 'I': 0.03838019931951094, 'which': 0.032453905909414583}, {'they': 0.22584314438978098, 'we': 0.07550790050122236, 'and': 0.07073725638771058, 'which': 0.06195460463542662, 'They': 0.05871497833968542, 'who': 0.04537527182888321, 'that': 0.042647589904667396, 'men': 0.03412377244227152, 'it': 0.023276322870147026}, {'from': 0.20334896374932127, 'and': 0.16078875544164029, 'or': 0.12640397788405738, 'of': 0.07513949725066969, 'in': 0.05728917098574257, 'for': 0.054659581642212914, 'with': 0.04495602751713868, 'to': 0.03888340553380027, 'are': 0.03629458029555321}, {'be': 0.27110964034425655, 'was': 0.23593700786851984, 'been': 0.15644077410525475, 'were': 0.07842816345159208, 'is': 0.07226886386586472, 'are': 0.04330194039964612, 'being': 0.031100884483730298, 'and': 0.021501386421255528, 'bo': 0.018524768214227525}, {'of': 0.1881748666843997, 'in': 0.16417960753128513, 'the': 0.16054320398913777, 'to': 0.06529918338462562, 'a': 0.06438869022661636, 'In': 0.04082425653035334, 'and': 0.037434142673642055, 'from': 0.02451790663698923, 'that': 0.01897557987066979}, {'thousand': 0.26557155939711996, 'of': 0.16658370970744696, 'hundred': 0.11578842713933904, 'million': 0.08107167826365905, 'fifty': 0.04431086191775639, 'many': 0.03119144114159642, 'billion': 0.024280910133154827, 'few': 0.020024736832332208, 'five': 0.018371757469607886}, {'the': 0.344666036689683, 'this': 0.18964579040016566, 'an': 0.08485408651733674, 'that': 0.08146498047623416, 'The': 0.06505091490913072, 'and': 0.03393503997886372, 'to': 0.03118727520648464, 'This': 0.02652864942927644, 'An': 0.025984464953627686}, {'it': 0.29333567054069953, 'It': 0.2124839137957309, 'which': 0.05922684204192368, 'he': 0.05858666710730437, 'and': 0.043390379490122054, 'that': 0.04331059911828439, 'who': 0.020853999602490545, 'He': 0.02060480288063926, 'this': 0.02008777298574604}, {'the': 0.16847566426410698, 'of': 0.08716706358426805, 'and': 0.0739169448490763, 'to': 0.05135851467555306, 'a': 0.027207877885642547, 'in': 0.026604139133994502, 'is': 0.024304559968791592, 'that': 0.02400247104420541, 'as': 0.022831069047549966}, {'made': 0.11942847096974421, 'and': 0.07979570471363857, 'caused': 0.029091215056480817, 'shown': 0.028426754301022945, 'up': 0.02777670568714523, 'ed': 0.027617079589566704, 'out': 0.026630159435991316, 'taken': 0.02626602987193105, 'done': 0.02542850605479482}, {'the': 0.18927580197235688, 'of': 0.10268000335673094, 'to': 0.07193089873803327, 'and': 0.06302722590064451, 'in': 0.035804951354373886, 'for': 0.03552877544733519, 'be': 0.029165863199114864, 'was': 0.021230450879771812, 'is': 0.019324942212557497}, {'the': 0.3852488661522551, 'in': 0.2665205385463908, 'a': 0.13947625764876628, 'In': 0.06949178783046955, 'The': 0.018875170665855638, 'this': 0.01870930743065698, 'any': 0.017228385432617965, 'tho': 0.016751923565152732, 'every': 0.0163546651885032}, {'and': 0.05850633159345087, 'made': 0.05778236604140629, 'or': 0.027947329102333503, 'that': 0.01819347949917324, 'him': 0.01773635421536566, 'followed': 0.017704641720028166, 'owned': 0.0176503613776524, 'ed': 0.016838740781092234, 'accompanied': 0.016553199430885835}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'he': 0.2379113627064749, 'I': 0.17179981043725331, 'they': 0.08830411133125074, 'have': 0.07017511067570521, 'she': 0.06615057120640873, 'and': 0.06172205878317997, 'who': 0.055951153531660004, 'He': 0.052925068765139804, 'has': 0.04181577551916126}, {'and': 0.06888696206983992, 'as': 0.0493676313756675, 'him': 0.042856754315595, 'is': 0.04224923642758384, 'able': 0.03961939176168454, 'was': 0.03955092597079114, 'went': 0.036151343656419456, 'had': 0.03584288617114795, 'enough': 0.035708358656877374}, {'to': 0.19456755723826114, 'the': 0.1571167602032208, 'and': 0.11949359947792054, 'of': 0.08301355315259264, 'in': 0.04534592222739802, 'a': 0.03519994669859387, 'his': 0.027675393095715074, 'will': 0.015672987865932214, 'her': 0.01422628877877722}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.24609310524846204, 'a': 0.10968596461650049, 'and': 0.07515924876930757, 'of': 0.07389391594568605, 'to': 0.043256990721021946, 'in': 0.04200891487333033, 'at': 0.03486296688572173, 'for': 0.022209898641610923, 'his': 0.01980579024475216}, {'made': 0.10078537031131085, 'and': 0.0882080380540974, 'or': 0.035313723857806074, 'owned': 0.03274205491809416, 'that': 0.02986014701124885, 'followed': 0.029194484872852956, 'accompanied': 0.027648065969421307, 'ed': 0.025493172925689322, 'given': 0.024526229062115268}, {'Silver': 0.06534746273224563, 'Lode': 0.06269461071555439, 'the': 0.04628670238644307, 'and': 0.04163615950401276, 'Hill': 0.037470633034203615, 'Eureka': 0.02384881376222362, '<s>': 0.01943942339559108, 'Gold': 0.016631983607626324, 'City': 0.015506576375874645}, {'the': 0.1844441770319582, 'south': 0.17270827545777226, 'north': 0.14758809253716265, 'east': 0.13312266834521988, 'west': 0.11740281509508677, 'one': 0.056493289570540436, 'other': 0.04689442941036244, 'either': 0.029527928032793346, 'a': 0.026020376492630268}, {'was': 0.21613246318229698, 'been': 0.20742460732377177, 'be': 0.19308301813869672, 'were': 0.07142581545975851, 'are': 0.05577747179176233, 'is': 0.05074767479599387, 'and': 0.03406885936463273, 'not': 0.02991072977298597, 'duly': 0.02474459776403963}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'the': 0.1598103787432024, 'and': 0.11871077708743676, 'of': 0.08602739559787087, 'The': 0.038652020581649196, 'that': 0.03276018157209551, 'these': 0.028621773236943676, 'These': 0.026996636124345257, 'in': 0.025979445439423335, 'such': 0.02151839153799508}, {'the': 0.08789720635497154, 'and': 0.07820325291506017, 'of': 0.07409488784379216, 'to': 0.06286243358342224, 'be': 0.05661814672863629, 'a': 0.04478774919695505, 'in': 0.029168427928634, 'was': 0.027046363262135754, 'is': 0.026073151479528232}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'was': 0.24485397552299795, 'be': 0.21191732589906448, 'is': 0.12835228051528094, 'been': 0.10830459132698303, 'were': 0.0705490897188159, 'are': 0.05399696119190956, 'not': 0.036709178408245724, 'being': 0.03022893281210677, 'and': 0.029384268412830407}, {'the': 0.15419149516698707, 'of': 0.11791317004447482, 'and': 0.10306058448442144, 'a': 0.06334337651175981, 'to': 0.04779561361155242, 'is': 0.02264234866280185, 'in': 0.022350660809763865, 'be': 0.02189248813231505, 'or': 0.02178327426752028}, {'and': 0.11731301388143589, 'of': 0.08744294099229041, 'put': 0.08553840489924404, 'as': 0.07947620599453563, 'make': 0.0688058920828317, 'that': 0.06616177558168397, 'for': 0.054752710006307964, 'to': 0.050228904945984865, 'with': 0.04561235820437173}, {'the': 0.5972337583015596, 'of': 0.07552809553790561, 'said': 0.04239429718232715, 'tho': 0.030678627713679605, 'in': 0.027046017569599616, 'on': 0.02099218892683402, 'tbe': 0.01722236958785786, 'and': 0.011949305649128073, 'The': 0.011510562642867839}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'a': 0.195486181250998, 'the': 0.16748531673143202, 'no': 0.1437250498278087, 'to': 0.08248539232252235, 'his': 0.07543104026918782, 'their': 0.067867061842067, 'of': 0.06781868546891828, 'and': 0.042574316699607734, 'any': 0.03528830273443528}, {'of': 0.21030354194379108, 'and': 0.1410775833298136, 'in': 0.10403343649825787, 'with': 0.08459492879502785, 'to': 0.08236173980853444, 'for': 0.062334351357193854, 'that': 0.05431989460073243, 'by': 0.04487330906084482, 'at': 0.04112867941551489}, {'more': 0.20325964560133758, 'and': 0.14357164733389519, 'of': 0.13054680880219066, 'the': 0.10934503557444109, 'other': 0.0585930416864159, 'young': 0.049767494768207285, 'to': 0.044443771734828, 'for': 0.04146481674861004, 'that': 0.02997719140542056}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'the': 0.5342524983359077, 'a': 0.17800596217851347, 'of': 0.07502048534774833, 'for': 0.04850968432519011, 'and': 0.041380228525280546, 'The': 0.025955397807881964, 'or': 0.018722262910500116, 'tho': 0.016125914164442052, 'that': 0.014115495377973844}, {'the': 0.2103129282195826, 'of': 0.09255903756192115, 'and': 0.08429290021351202, 'at': 0.05188701489677799, 'a': 0.050599825565100176, 'in': 0.0452983441792958, 'to': 0.041001231527110285, 'for': 0.022987397470250394, 'The': 0.01968035892070513}, {'of': 0.34452588271586815, 'to': 0.14053060499453146, 'that': 0.09767585935923503, 'in': 0.08051919538440001, 'and': 0.06485821812150527, 'by': 0.0591508779935522, 'on': 0.05129505907459228, 'for': 0.04232183353079423, 'from': 0.037618293315382204}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'I': 0.32910519726030535, 'he': 0.15894058602257843, 'and': 0.100208818467557, 'He': 0.052662376409190595, 'have': 0.04977971258011829, 'was': 0.04558609879483101, 'had': 0.041007168154355365, 'be': 0.0402842413715639, 'is': 0.04001943503873074}, {'was': 0.16569196424289695, 'be': 0.16554387787555144, 'been': 0.07893672453672178, 'and': 0.07677362006332418, 'is': 0.06697011072333285, 'are': 0.05191759569122381, 'were': 0.050816416256200155, 'as': 0.043199682189775365, 'he': 0.02970268400786162}, {'went': 0.08404885135538691, 'made': 0.07469592510536423, 'taken': 0.074190398128692, 'came': 0.07288325666873213, 'it': 0.05827742348958244, 'come': 0.052644015404451835, 'put': 0.046516636118755644, 'brought': 0.04276189202875106, 'and': 0.03618348172051444}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'that': 0.18778851441668562, 'and': 0.15432283985298312, 'as': 0.12750685134447742, 'but': 0.07143076988371486, 'which': 0.06231663092564521, 'when': 0.061074993361034946, 'if': 0.054274835701976124, 'where': 0.026331267993578815, 'of': 0.024603499722161713}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'and': 0.05506725291823688, 'go': 0.038081909786626164, 'going': 0.037983634558448894, 'work': 0.031003626645154873, 'carried': 0.028658728723775267, 'them': 0.027378544654337606, 'put': 0.023401611360287813, 'that': 0.02335171207708864, 'interest': 0.022208120668140725}, {'he': 0.222148025039977, 'I': 0.11738447998175257, 'it': 0.08823089302341944, 'they': 0.08327283362869287, 'who': 0.06302272424565873, 'and': 0.05713161394367219, 'we': 0.0563884781341847, 'that': 0.05637257245076961, 'she': 0.04527740310254569}, {'is': 0.16495344313866125, 'are': 0.09803434624413522, 'was': 0.09603730202695783, 'and': 0.08705418328523759, 'as': 0.08276924732782032, 'the': 0.06830153866591024, 'be': 0.06468025158464583, 'were': 0.049721006413171565, 'more': 0.04825893703253218}, {'a': 0.12470657925217032, 'and': 0.12359386261041756, 'as': 0.043104079877012834, 'be': 0.04213094166731886, 'it': 0.041166138541946354, 'is': 0.03260453076100308, 'was': 0.031462876657614755, 'of': 0.02822645712110646, 'he': 0.023476242076572784}, {'of': 0.11904574774402965, 'and': 0.117039163175256, 'in': 0.0579721685820925, 'to': 0.0511186639368552, 'fact': 0.03928633611901063, 'said': 0.03323136332365265, 'on': 0.029827822579143393, 'all': 0.024787499172257966, 'is': 0.02252394945510673}, {'and': 0.03268335137189172, 'the': 0.01835798226375827, 'a': 0.015891745747933197, 'or': 0.008742152080677409, '<s>': 0.00718166135548531, 'one': 0.006713642700453708, 'that': 0.005372395152033943, 'to': 0.005120811965463953, '.': 0.004533682409545925}, {'and': 0.09989805169076302, 'to': 0.09262229378976161, 'of': 0.08264916898691192, 'the': 0.05322333903573887, 'in': 0.05234422674280653, 'be': 0.0402575121238835, 'was': 0.034926533420561484, 'or': 0.03012136233432581, 'is': 0.02836407869525102}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.7962179144113384, 'The': 0.06889988604329936, 'tho': 0.04578901333519418, 'tbe': 0.015239441154132505, 'this': 0.012959109703133364, 'and': 0.009933247044406231, 'our': 0.007955476110369735, 'that': 0.007354186650982527, 'a': 0.006710923619852781}, {'that': 0.305894510528897, 'which': 0.09752575010273326, 'and': 0.09709171252260333, 'if': 0.064018363935346, 'as': 0.0618240985175236, 'but': 0.054431085018196754, 'where': 0.05352228299378296, 'when': 0.05094516670231303, 'If': 0.029390794028594527}, {'of': 0.2598753958843575, 'to': 0.12188390890952988, 'on': 0.10588056016905743, 'and': 0.09683841235707176, 'with': 0.06551715555867217, 'that': 0.061557319614784396, 'by': 0.057703347485880796, 'in': 0.05602098640888076, 'from': 0.04505279764580046}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'their': 0.1477388649179425, 'who': 0.14633519570083417, 'the': 0.133297789184992, 'his': 0.11485964021145978, 'our': 0.06829012224073296, 'and': 0.06778839366535076, 'not': 0.05911313129248364, 'my': 0.058021496011297934, 'he': 0.0522477862963831}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'Baltimore': 0.3648032769554587, 'Chesapeake': 0.21449302734193001, 'John': 0.0057878491373061815, 'William': 0.004992681916475886, 'James': 0.004720667070631576, 'hundred': 0.0042768818349509154, 'wife': 0.0041571509121298336, 'gold': 0.004066102090588568, 'Robert': 0.003782519966981669}, {'<s>': 0.043041483808795175, 'him.': 0.02139047952508797, 'it.': 0.016608238669572915, 'complaint.': 0.012606173234725456, 'them.': 0.010208308446393083, 'day.': 0.010205217770337564, 'and': 0.009561422344283402, 'time.': 0.008879520693931827, 'years.': 0.008855352143908667}, {'a': 0.5558848017958632, 'the': 0.2184389327238758, 'very': 0.05283543402317409, 'A': 0.027311546324607153, 'but': 0.025320813344152867, 'The': 0.02192487043670669, 'and': 0.02023189965112662, 'is': 0.012649219422056514, 'his': 0.012553427859903443}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {';': 0.029061144993926435, 'it,': 0.02070973329715201, 'them,': 0.012405376909913618, 'him,': 0.010368224398011185, 'in': 0.008788771398788718, 'time,': 0.00812818481080709, 'him': 0.007812333873097617, 'country,': 0.00724525915849591, 'years,': 0.006623675703907612}, {'of': 0.382059453252019, 'in': 0.15349604013917467, 'to': 0.09244653582396979, 'by': 0.06958609354200762, 'that': 0.06754665483190066, 'and': 0.05326231693962724, 'for': 0.036125869461287576, 'with': 0.03511859019862448, 'In': 0.030344580198486907}, {'a': 0.40022650222412837, 'the': 0.3166739773533843, 'of': 0.057796956116467034, 'with': 0.04490103204266032, 'The': 0.039231644881173845, 'A': 0.032504021231295026, 'no': 0.026518348303179888, 'this': 0.024674869805244366, 'and': 0.02071620985571091}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.500832888250031, 'and': 0.08634886860813841, 'of': 0.03662148869250173, 'tho': 0.03615799358910451, 'all': 0.035170880794921, 'The': 0.03503941137435465, 'other': 0.03304185903976604, 'a': 0.02801568152439325, 'or': 0.019435065500837127}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'in': 0.37772514057262074, 'of': 0.3647138447749961, 'In': 0.07649733139326538, 'to': 0.0577713020733563, 'by': 0.023110726624946086, 'for': 0.02211127653030929, 'that': 0.020226631172159972, 'and': 0.01497052423609541, 'from': 0.013654217007748059}, {'the': 0.6345053631791764, 'The': 0.08595874934479923, 'and': 0.07684324239635507, 'a': 0.06894112326985836, 'tho': 0.031580762711195226, 'of': 0.01935418002072116, 'by': 0.018202440583768038, 'tbe': 0.01255054548294141, 'an': 0.006974249556169846}, {'of': 0.41290008376799553, 'in': 0.10606079151166659, 'for': 0.09320829646457231, 'to': 0.0868636701025532, 'and': 0.08134804289806967, 'by': 0.0410920769053561, 'In': 0.04097988262428851, 'as': 0.0331945811756045, 'is': 0.03168833125040094}, {'of': 0.21005993178862212, 'for': 0.1344779353964489, 'to': 0.13398197611538493, 'in': 0.12104628316910118, 'and': 0.0825522540548141, 'with': 0.08165153338594934, 'all': 0.040438477207242925, 'that': 0.03709578551661298, 'on': 0.03555026863915022}, {'executed': 0.01843779494060014, 'up': 0.012989774057395327, 'him,': 0.01298148953755658, 'them,': 0.012866102299284936, 'him': 0.011583805565555437, 'it': 0.010961889119744918, 'it,': 0.009503694277296328, 'men': 0.009489393618050873, 'them': 0.008965979484208497}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.3202966859128421, 'in': 0.17902272028475594, 'to': 0.1425528609235546, 'for': 0.05525800736531497, 'by': 0.05334259044693876, 'with': 0.05265858508781306, 'from': 0.037257787083557065, 'In': 0.0310654401730726, 'between': 0.02343663609321979}, {'the': 0.24813534233013376, 'and': 0.1753471031242471, 'of': 0.12096165452740107, 'a': 0.11011253522972013, 'his': 0.06889232465511914, 'in': 0.0517782229115686, 'to': 0.043735082975481836, 'their': 0.04324868167509037, 'for': 0.027335693592413966}, {'the': 0.7402769839457835, 'The': 0.07355233490030749, 'tho': 0.04506481899398014, 'a': 0.022673330274113574, 'tbe': 0.01812752661610458, 'and': 0.01656338850398973, 'no': 0.012278484773727151, 'further': 0.009922707619126626, 'good': 0.008907781507858757}, {'of': 0.12240352120551405, 'the': 0.07818009669217686, 'to': 0.07588814082964644, 'and': 0.07407317324498375, 'for': 0.07180773617357822, 'in': 0.0481412794786812, 'a': 0.046909996911360004, 'at': 0.020036602487017843, 'or': 0.01729799146652515}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'the': 0.2605069604858346, 'his': 0.20697767133544068, 'a': 0.14768084835577136, 'my': 0.0680548549237398, 'her': 0.05247483402424997, 'and': 0.050190643143806384, 'their': 0.028299343809890673, 'your': 0.0248092190598691, 'of': 0.017567273816715186}, {'and': 0.17848744451254903, 'so': 0.06604041643947994, 'say': 0.051499594348841264, 'fact': 0.04748255332231578, 'know': 0.042764315269969884, 'said': 0.04089837659609501, 'is': 0.03678894737743923, 'all': 0.03198428444938678, 'show': 0.027940272459798212}, {'State': 0.04570551926364863, 'city': 0.030602244459727524, 'one': 0.024455395586443163, 'state': 0.02327160307246437, 'North': 0.02277361959173428, 'day': 0.021642930304061298, 'lot': 0.01814243767115115, 'two': 0.017277229749335564, 'county': 0.01623226993367171}, {'to': 0.36726369934726133, 'will': 0.18441963490849733, 'shall': 0.07635555527478423, 'may': 0.07158036262431296, 'not': 0.057122924948602646, 'should': 0.039635730138974166, 'would': 0.0389225123395565, 'can': 0.03883538729405354, 'must': 0.029510798037588642}, {'the': 0.2602782202220614, 'at': 0.1802850642901314, 'to': 0.09792412074343357, 'be': 0.09388381478750187, 'was': 0.08864223428417103, 'were': 0.046785107807441904, 'and': 0.04504122964645321, 'is': 0.0425623060650007, 'not': 0.02978556578458545}, {'at': 0.17497219822507887, 'to': 0.12561630317567363, 'in': 0.10454020550279673, 'of': 0.10293834565605646, 'and': 0.07370861479343822, 'on': 0.07106296562673722, 'for': 0.05466649490677142, 'from': 0.04842540799361566, 'In': 0.0295444004053762}, {'at': 0.4146100061267614, 'for': 0.12544368903807282, 'of': 0.08740672593164323, 'to': 0.07385031070820812, 'and': 0.050010139974232266, 'At': 0.046625176829788596, 'during': 0.04097336457253684, 'that': 0.04027340851898766, 'in': 0.03989425686292737}, {'the': 0.1564735197154926, 'and': 0.1263035695930353, 'of': 0.07405244518127449, 'to': 0.05887036120400946, 'for': 0.04713842740544717, 'or': 0.03864069509290996, 'in': 0.03834243278660773, 'be': 0.03666511840991912, 'are': 0.03020277121537087}, {'one': 0.028734852318598694, 'day': 0.01824849497982334, 'that': 0.015880179460746744, 'daughter': 0.015484241276188276, 'motion': 0.014569853384468425, 'tion': 0.013030149578838374, 'part': 0.01197585946699455, 'son': 0.011902498550767202, 'out': 0.010684884898301791}, {'the': 0.217762357693014, 'to': 0.1055373685872696, 'and': 0.1017436181330247, 'was': 0.07867867411339725, 'be': 0.05503295264600439, 'were': 0.047209610776730436, 'of': 0.04108155585519468, 'a': 0.038206681415505414, 'is': 0.03381408096612663}, {'one': 0.07824991613049741, 'part': 0.06060505846807443, 'out': 0.053403871939630664, 'some': 0.031747519292171816, 'side': 0.02766153276433834, 'end': 0.02608831104874374, 'members': 0.02530915101977882, 'portion': 0.024924456047398843, 'all': 0.023432288260240956}, {'those': 0.10299497570928043, 'and': 0.0823087898412947, 'man': 0.07259493722277169, 'one': 0.0448235416763333, 'all': 0.04034776584922647, 'men': 0.036961430672283434, 'person': 0.019844636963088795, 'persons': 0.01698195026792008, 'woman': 0.015308660542501448}, {'to': 0.33635951466158126, 'will': 0.23009521839618746, 'would': 0.13386983970742578, 'may': 0.06556974556096813, 'shall': 0.05745152207775554, 'should': 0.0482577808663388, 'must': 0.04041476894631926, 'not': 0.03444738183067559, 'can': 0.016730054562243083}, {'of': 0.23212425223141345, 'and': 0.15016496788555525, 'in': 0.08709569949146048, 'to': 0.07519022151016291, 'at': 0.0556295157594859, 'that': 0.05230669226902655, 'with': 0.04380717720131628, 'on': 0.043790656593365694, 'for': 0.040794228346420686}, {'to': 0.30380672917657925, 'will': 0.19931478173239528, 'would': 0.09941217916018753, 'not': 0.08245177061352615, 'may': 0.07185390240708131, 'should': 0.06809340878134935, 'shall': 0.05819743227719339, 'can': 0.040147223710670484, 'must': 0.0399621687365178}, {'have': 0.3357417598239488, 'has': 0.3214548618791731, 'had': 0.2244788086867956, 'having': 0.03190211932059993, 'not': 0.028725376171761668, 'never': 0.013741719100751233, 'lias': 0.012077384411097394, 'bad': 0.010422484951463131, 'ever': 0.00839296778824834}, {'well': 0.12991015635064773, 'known': 0.11168587180543645, 'soon': 0.10369035459473254, 'far': 0.08195907566424299, 'and': 0.06388557808584468, 'long': 0.03755135115796446, 'such': 0.02954466624033588, 'just': 0.024368945136159968, 'much': 0.020609769850901107}, {'and': 0.09377129454296322, 'was': 0.04271315341537484, 'out': 0.028524574363226172, 'that': 0.02811573968936019, 'placed': 0.027131868575018914, 'work': 0.02578173844450971, 'made': 0.024681420068921236, 'is': 0.024021050156212566, 'up': 0.023509378606325886}, {'and': 0.11854277767363487, 'Beginning': 0.0998399338242081, 'was': 0.0504262876382174, 'Commencing': 0.04790893866787179, 'is': 0.032553168230926174, 'that': 0.022915999095843454, 'look': 0.022455180722230645, 'it': 0.02211519550850427, 'him': 0.02203921514419195}, {'the': 0.06253538568654221, 'of': 0.04357310304383868, 'and': 0.03203613700156021, 'a': 0.026474390189690927, 'an': 0.024953134292400852, '-': 0.024724733960791643, 'i': 0.023513727449654298, '.': 0.02103992717325982, 'to': 0.02037535474440092}, {'was': 0.21512638263716327, 'is': 0.14543528416305695, 'are': 0.12300406825480847, 'be': 0.1158648757015318, 'been': 0.11238189883559481, 'were': 0.062465788502403675, 'and': 0.049713675512334764, 'not': 0.04436876424632357, 'has': 0.029358580592900117}, {'the': 0.3942460267982884, 'at': 0.06079236996199135, 'a': 0.05416264163566232, 'of': 0.0495045585718675, 'and': 0.045884176903435804, 'The': 0.0318477537847021, 'tho': 0.02342786974392121, 'to': 0.023065136722767044, 'in': 0.018670689197446376}, {'to': 0.18378067860844885, 'with': 0.1581240600246704, 'of': 0.14601527317907664, 'for': 0.10834583265508743, 'told': 0.066122453178986, 'upon': 0.05953600417076829, 'in': 0.05131709536094502, 'among': 0.05015324912550678, 'from': 0.04352148931041591}, {'of': 0.2302816831389983, 'and': 0.1236978370761543, 'to': 0.1119682948503412, 'for': 0.08030201508137316, 'on': 0.06835318759754397, 'with': 0.06826151373688565, 'in': 0.06411172971514098, 'as': 0.04297128642692266, 'all': 0.04152837415500318}, {'the': 0.34713971501016466, 'of': 0.0707441169395226, 'in': 0.06766204508732934, 'and': 0.06447419185208844, 'that': 0.03214765278584813, 'a': 0.032108563992744435, 'to': 0.02903368525418518, 'tho': 0.023674159821681615, 'The': 0.02340776455509639}, {'the': 0.17259713434005025, 'of': 0.10293073232041454, 'a': 0.0849706858676569, 'and': 0.05313687900229971, 'or': 0.042232827593931904, 'to': 0.0405057052805797, 'in': 0.03422281356011614, 'any': 0.024320751750585658, 'be': 0.019453024573303165}, {'of': 0.47911555899580827, 'in': 0.17647029306939474, 'to': 0.08353277523478957, 'and': 0.041824545548386716, 'that': 0.04120476343538515, 'for': 0.03415191211650161, 'by': 0.03286603759074516, 'In': 0.02969368913504498, 'throughout': 0.028184318338231727}, {'and': 0.12908939420638552, 'was': 0.04772256811017789, 'is': 0.03858000549992964, 'are': 0.03648853274266575, 'that': 0.03555660083104896, 'divided': 0.0300168397207686, 'it': 0.029064477468903973, 'be': 0.024430117762964474, 'him': 0.02250983792488016}, {'the': 0.3832171838565447, 'this': 0.2153403411797715, 'our': 0.0771163743268125, 'The': 0.030715304738891204, 'other': 0.030676859903739227, 'a': 0.030532552479038324, 'tho': 0.028542581987587287, 'his': 0.028498905570975043, 'of': 0.027555934878504943}, {'it': 0.2153060094381193, 'It': 0.1532790633437616, 'which': 0.0981655147358498, 'that': 0.07169969047326791, 'he': 0.05227704768879748, 'there': 0.05164757270199354, 'and': 0.05008892271172409, 'This': 0.04112754462083568, 'what': 0.03457637291675191}, {'of': 0.18271686709619217, 'to': 0.17909523436656843, 'in': 0.17142036420870527, 'is': 0.07517557180957993, 'with': 0.07335129644223795, 'and': 0.06190088963166491, 'on': 0.04653499774905439, 'was': 0.04254143976846971, 'that': 0.040508408550023085}, {'sum': 0.15971654149250689, 'rate': 0.07781565144944305, 'one': 0.04012198657596557, 'amount': 0.03308397556930531, 'out': 0.031884711727265085, 'number': 0.029332213397354496, 'consisting': 0.027098255804107296, 'instead': 0.024079689025433382, 'period': 0.02359314515168008}, {'to': 0.3482561715081549, 'I': 0.05741317153386854, 'and': 0.055942271829824836, 'will': 0.044998010337293746, 'they': 0.038780129697967555, 'would': 0.028979887973795502, 'we': 0.0243560550492513, 'can': 0.020700648168721712, 'not': 0.0198673909044864}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'the': 0.098093262973464, 'of': 0.07387890617312977, 'a': 0.056992843179386174, 'and': 0.04535650091698508, 'to': 0.020778919688398706, 'in': 0.019942479516563548, '<s>': 0.016296044870747154, 'be': 0.014103987676519892, 'or': 0.01365044683188833}, {'and': 0.06025799589065156, 'covered': 0.021973554754321695, 'do': 0.02135423204369043, 'met': 0.01862139866805151, 'him': 0.01830157171417853, 'man': 0.015087762484099916, 'filled': 0.014981046106441067, 'parallel': 0.014740321389692094, 'together': 0.014707507569113558}, {'the': 0.5512799853964756, 'a': 0.18612917504422496, 'The': 0.059911654398599294, 'tho': 0.030477949210205763, 'and': 0.0245456983190651, 'A': 0.012554656352247954, 'large': 0.011370546765801418, 'tbe': 0.010224950540081873, 'said': 0.010098238433799244}, {'and': 0.16020120338766708, 'of': 0.08685718497833594, 'to': 0.08399503967667783, 'the': 0.06943891233164705, 'in': 0.05884921383794103, 'or': 0.040621043920846804, 'that': 0.03912403354901541, 'for': 0.02818228214969146, 'on': 0.028164677194048932}, {'no': 0.1386526268106762, 'any': 0.1261476157928158, 'that': 0.10686519760430721, 'some': 0.09917377791435922, 'of': 0.09617062253802561, 'the': 0.09392446560211515, 'only': 0.058231405376876114, 'and': 0.04716698732491186, 'but': 0.046278051654732234}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'no': 0.2698210561784605, 'or': 0.13967600629318966, 'and': 0.12664094329318196, 'that': 0.06052368163324073, 'any': 0.05552671800351232, 'the': 0.055129341615829226, 'much': 0.0515845161231931, 'if': 0.04089851993861596, 'of': 0.02954636937528627}, {'from': 0.19300217727339725, 'the': 0.17434688703056778, 'in': 0.10842248080581794, 'that': 0.07919286971493883, 'some': 0.07313489208481577, 'any': 0.07057569714868003, 'this': 0.06443408865559666, 'a': 0.059106952729371, 'same': 0.05417328085966794}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'that': 0.2721140832907678, 'which': 0.13845036657532755, 'and': 0.11174462990347371, 'when': 0.09904852300896407, 'as': 0.06714070700851608, 'if': 0.06302902887853576, 'where': 0.03504331808687166, 'but': 0.03264026135963803, 'to': 0.03162914007127108}, {'to': 0.16587220090853444, 'will': 0.067090844742293, 't': 0.06374855643626783, 'that': 0.04891398348951853, 'would': 0.04569880422601861, 'and': 0.04539820974480802, 'I': 0.035176957137119755, 'may': 0.030504623893655644, 'which': 0.024192384170473855}, {'the': 0.25532436781253975, 'this': 0.14733981388832806, 'first': 0.08226725216964913, 'that': 0.08066115620435108, 'his': 0.04904217287025024, 'second': 0.03462668541236308, 'same': 0.03343944210729533, 'on': 0.032233007054930506, 'any': 0.029359382025057078}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.42176291607547806, 'National': 0.12803706126303602, 'State': 0.0864803391016902, 'a': 0.06010878206468858, 'said': 0.05756603399566237, 'City': 0.040944486075409084, 'this': 0.03303081210567005, 'our': 0.03112995325639343, 'Constitutional': 0.03025040468963496}, {'to': 0.25214911333454104, 'with': 0.1165345960171846, 'for': 0.07379783523837759, 'brought': 0.04925935907588137, 'by': 0.04849536355574544, 'put': 0.043393545502574904, 'told': 0.03437983489719815, 'get': 0.03345066858016165, 'let': 0.03089664564798639}, {'sum': 0.06763266707526482, 'amount': 0.05115149912406047, 'number': 0.04647791898818133, 'out': 0.04319200090979646, 'purpose': 0.03287061021038175, 'rate': 0.03166081911197615, 'means': 0.030801710382618027, 'matter': 0.028056588927395116, 'all': 0.02697235603425974}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.15487224266799032, 'fact': 0.07318793279699363, 'so': 0.0623479314795986, 'said': 0.0558354054776337, 'know': 0.04892402278806495, 'say': 0.04342281863281931, 'says': 0.03328865772887592, 'believe': 0.03319528845183111, 'of': 0.029668572937809053}, {'and': 0.1110868755083757, 'the': 0.07010352453817022, 'to': 0.06951209882010935, 'of': 0.059056017532933366, 'in': 0.03400074723056331, 'he': 0.023896631727683144, 'that': 0.023466958256947404, 'or': 0.022936226641444225, 're-': 0.02222153490505041}, {'of': 0.3421708623493643, 'in': 0.11706450900898958, 'that': 0.11246838008897905, 'to': 0.10368598943943047, 'and': 0.08311030397823668, 'by': 0.05785003426011635, 'for': 0.043075841017323556, 'as': 0.03300549360989267, 'from': 0.031067521526151512}, {'of': 0.05532743604858047, 'and': 0.02958100465142927, 'the': 0.02571738043569471, 'in': 0.019822413357327644, '-': 0.01966615639873329, '<s>': 0.018640542215835904, '.': 0.018309462093280004, 'Mr.': 0.017667116524606254, 'City': 0.010004539494834019}, {'of': 0.33136791796199766, 'to': 0.11842171347185271, 'and': 0.08944291553747638, 'that': 0.07893785133844831, 'in': 0.07038833639042119, 'on': 0.06535828438923097, 'by': 0.04253341220225728, 'with': 0.03952527787342179, 'from': 0.03930447812731825}, {'for': 0.2390883540530029, 'of': 0.20453488339132284, 'in': 0.1602971152107276, 'to': 0.07959110772261958, 'that': 0.05776610331766083, 'and': 0.04696450176033501, 'In': 0.0394490077951543, 'at': 0.03537669228759715, 'with': 0.030318635551785243}, {'that': 0.3429577790791893, 'and': 0.09665818098502019, 'if': 0.08418821359865063, 'as': 0.064292499691485, 'which': 0.05878048036689911, 'but': 0.051294533625601935, 'when': 0.04349105264204274, 'where': 0.03180232491737665, 'because': 0.02537373360221098}, {'and': 0.09377129454296322, 'was': 0.04271315341537484, 'out': 0.028524574363226172, 'that': 0.02811573968936019, 'placed': 0.027131868575018914, 'work': 0.02578173844450971, 'made': 0.024681420068921236, 'is': 0.024021050156212566, 'up': 0.023509378606325886}, {'so': 0.33776996140711457, 'as': 0.1516545654800549, 'too': 0.09478776130698963, 'very': 0.08705366036390204, 'how': 0.08612426309220497, 'is': 0.04479908745457407, 'and': 0.04462724901796449, 'a': 0.04339959494091502, 'of': 0.03153875687173723}, {'of': 0.2953153597904138, 'to': 0.11054866979217493, 'and': 0.09699921656643679, 'all': 0.08248017075937267, 'that': 0.07386794406268414, 'with': 0.07041324817306312, 'in': 0.04843879516719575, 'for': 0.04261489149875798, 'by': 0.03544298913428977}, {'the': 0.5763302406357977, 'a': 0.1825601408210695, 'The': 0.09965201714217345, 'tho': 0.03287805553440581, 'his': 0.01986273888641135, 'A': 0.017496183981059493, 'and': 0.011984108909724412, 'of': 0.010599961341280805, 'tbe': 0.010511088208954683}, {'number': 0.046682913763451316, 'out': 0.042449578145554855, 'one': 0.04176175325534599, 'day': 0.04009718850031254, 'quarter': 0.03819083135125497, 'sum': 0.03491084464001284, 'rate': 0.029378217549093897, 'line': 0.02764027331825606, 'part': 0.02505425731798505}, {'in': 0.21857242235782562, 'of': 0.17090964300747363, 'to': 0.1107585198668053, 'on': 0.0715706287873892, 'and': 0.07143791232879669, 'In': 0.06450070710184978, 'with': 0.061862741066173434, 'from': 0.036199045019659384, 'that': 0.035266457024934465}, {'the': 0.23100521643380242, 'of': 0.0740613608550251, 'and': 0.061167446723956104, 'that': 0.04033940593958656, 'The': 0.03676994801199908, 'a': 0.029630463327468756, 'in': 0.026636300448902746, 'or': 0.023892449348076526, 'to': 0.020945995451608874}, {'two': 0.02675200329135783, 'one': 0.023753486608014702, 'day': 0.019938739069054984, 'on': 0.01673619892076743, 'and': 0.01667945755972768, 'in': 0.015982461321904513, 'more': 0.015960862287814705, 'man': 0.011234351485089354, 'lot': 0.010154900490742538}, {'not': 0.298340623601745, 'and': 0.15818669856987164, 'as': 0.062448315791392255, 'is': 0.047733909248600714, 'are': 0.030526795320115728, 'that': 0.025954251726279395, 'And': 0.02326389443698534, 'was': 0.02195462996325684, 'have': 0.020231094532450304}, {'one': 0.07824991613049741, 'part': 0.06060505846807443, 'out': 0.053403871939630664, 'some': 0.031747519292171816, 'side': 0.02766153276433834, 'end': 0.02608831104874374, 'members': 0.02530915101977882, 'portion': 0.024924456047398843, 'all': 0.023432288260240956}, {'of': 0.27916151887349494, 'a': 0.09365260440103859, 'the': 0.08171732649243317, 'and': 0.07697891671192333, 'to': 0.07540656012696477, 'in': 0.04303705435237729, 'for': 0.04029840340235655, 'thousand': 0.022954190115913677, 'at': 0.019367072569319906}, {'the': 0.24092957526823616, 'an': 0.14399267284012263, 'and': 0.1359133709723535, 'of': 0.13252111209761155, 'a': 0.07843602210186612, 'their': 0.04462114848716584, 'most': 0.03461354224950375, 'his': 0.031615497846039356, 'The': 0.029949143545847417}, {'the': 0.22050357445312768, 'of': 0.09519005209972552, 'and': 0.08453030059005237, 'to': 0.06647459977454177, 'a': 0.029837987931649535, 'in': 0.02893898478965588, 'that': 0.023483767225433355, 'The': 0.02084559446074367, 'for': 0.020761468805002663}, {'they': 0.1259612041555757, 'it': 0.11717506459111493, 'I': 0.10681443346843357, 'he': 0.10099401151478743, 'we': 0.05904914782985651, 'that': 0.051777623356942915, 'who': 0.04815720432953046, 'It': 0.04628051480547023, 'you': 0.042508087768736394}, {'of': 0.14113137721567037, 'and': 0.13709192428960268, 'is': 0.12022190250265617, 'are': 0.11179590578765995, 'now': 0.04817111343466014, 'was': 0.04432755348055719, 'by': 0.03230320840230684, 'as': 0.03045881379773569, 'it': 0.02741405138292398}, {'and': 0.07477737894394504, 'make': 0.06177972769480679, 'that': 0.05234599304331035, 'of': 0.04115811912335886, 'to': 0.03851932886662025, 'as': 0.03061438107566988, 'made': 0.025030616548689204, 'for': 0.023337294852185168, '<s>': 0.02309498794817461}, {'it,': 0.019676710127249968, 'him,': 0.01422653832602859, 'it': 0.014075443614486762, 'him': 0.013931746660330485, 'them,': 0.013433701207226336, 'up': 0.01322718546138865, 'years,': 0.011132937937417193, 'in': 0.011095537373305221, 'here': 0.010242497291616219}, {'half': 0.23586889489259502, 'of': 0.16315868892929394, 'and': 0.09296151160878194, 'for': 0.08346971925066926, 'in': 0.06467866323949512, 'to': 0.06264487659287514, 'is': 0.0618161397615494, 'was': 0.0521706859956494, 'with': 0.0483546478788513}, {'and': 0.0982261776606353, 'of': 0.08630602740709437, 'to': 0.08617358595022528, 'the': 0.08052347200656317, 'Mr.': 0.025999064951536272, 'that': 0.020175958208409454, 'in': 0.019859659593092233, 'he': 0.0195437628701901, 'which': 0.01890536671665545}, {'and': 0.11458456747140804, 'of': 0.07342477799966629, 'the': 0.0588443997201253, 'to': 0.05450905051047714, 'a': 0.0326778202364273, 'in': 0.024726271725335206, 'as': 0.022204118693430086, 'that': 0.016173555808942655, 'I': 0.012673685496242645}, {'not': 0.28070532709500645, 'to': 0.2538931613059656, 'a': 0.13240753080706383, 'would': 0.10771962116062646, 'will': 0.06049353375822582, 'and': 0.038783222598580955, 'may': 0.027241629772453462, 'shall': 0.02312295580474905, 'no': 0.020958560212287126}, {'it': 0.24741900289576563, 'It': 0.1923099503945381, 'there': 0.070161321193904, 'which': 0.06117487868370045, 'and': 0.04234272713080313, 'that': 0.04212487291718698, 'he': 0.03973816993292814, 'There': 0.03028910045017921, 'This': 0.027957860303852985}, {'<s>': 0.0428894829761242, 'it.': 0.03040898667404554, 'them.': 0.019105527399106845, 'country.': 0.009652035034870133, 'him.': 0.008856896594730454, 'time.': 0.0077495911790216076, 'people.': 0.007369004476246171, 'us.': 0.006989026693701653, 'and': 0.006408817655862651}, {'the': 0.097405247583114, 'of': 0.08873285975677637, 'and': 0.06728886138144012, 'to': 0.05556323313594831, 'at': 0.0421834862249505, 'in': 0.03313000018171961, 'a': 0.02511319335190788, '.': 0.015828635199719266, 'for': 0.01565701062386565}, {'and': 0.08581132722464302, 'as': 0.07368894569379593, 'able': 0.04378285914760228, 'necessary': 0.04095589440635728, 'him': 0.03788429295782751, 'is': 0.03523344760659839, 'time': 0.035010875540230794, 'right': 0.034395856276084436, 'made': 0.03111785958568929}, {'I': 0.11784890889260223, 'he': 0.11138354814371466, 'they': 0.10886104813212662, 'we': 0.10428971469569423, 'you': 0.1032955811191207, 'it': 0.06296889504578926, 'and': 0.0577500243803873, 'that': 0.048947341622943855, 'which': 0.03397786702609814}, {'and': 0.13314285905252288, 'that': 0.08040253605030563, 'which': 0.06792491793630136, 'I': 0.05445174256618638, 'who': 0.05242783471126286, 'to': 0.04990061342196841, 'he': 0.04544757192035176, 'it': 0.031211785903771123, 'they': 0.029445143951117515}, {'that': 0.3420683576739576, 'and': 0.08758293257863582, 'as': 0.0742256946564024, 'which': 0.06793289235672284, 'if': 0.06363893477492652, 'but': 0.05003125855999944, 'where': 0.032561809702667366, 'what': 0.02917602744727175, 'when': 0.026734250551241425}, {'all': 0.6116673551809404, 'different': 0.08356024052365313, 'various': 0.06743772764825494, 'other': 0.056853341884398716, 'the': 0.03900179124968519, 'many': 0.030663199287407884, 'All': 0.01828784862281613, 'and': 0.017547591865464656, 'certain': 0.016487011194321406}, {'of': 0.11149637053009621, 'the': 0.10176497906927749, 'and': 0.09472486012579216, 'to': 0.07163370179558064, 'a': 0.054793479242487876, 'be': 0.02756135691294707, 'is': 0.02720789522199288, 'with': 0.024684420873071274, 'which': 0.0236315734844932}, {'<s>': 0.10228368969773953, 'it.': 0.024033195487589486, 'them.': 0.013043071721058782, 'day.': 0.010635551669531835, '.': 0.009560314435105766, 'time.': 0.0075099394529886555, 'him.': 0.006674423572834752, 'year.': 0.006571528171477016, ':': 0.006074778986368914}, {'of': 0.3640899660809904, 'to': 0.12592642459255185, 'in': 0.12185577089671332, 'by': 0.07496102818801836, 'and': 0.05266756839815697, 'for': 0.051371926797857737, 'In': 0.05119589382645872, 'that': 0.04735007518333983, 'from': 0.041199411230910664}, {'it': 0.14585025601618054, 'It': 0.1375715694437333, 'he': 0.09813409718245451, 'which': 0.0842676445690524, 'I': 0.0614757700924232, 'and': 0.04617367703623518, 'He': 0.03746934821841075, 'that': 0.03661140339772809, 'who': 0.023973835720953865}, {'the': 0.4075273589876665, 'a': 0.16232614894949093, 'of': 0.08095214522909766, 'his': 0.06734304827443732, 'The': 0.05403490694419933, 'and': 0.05159950772119512, 'this': 0.04017518549237705, 'their': 0.033275956088615236, 'our': 0.030412699019318177}, {'of': 0.1569808567556568, 'to': 0.0558171258169278, 'a': 0.0505015317783729, 'and': 0.04628288108284436, 'with': 0.04107303907126171, 'for': 0.04004145116907708, 'the': 0.03450710418257743, 'was': 0.027911932437773426, 'in': 0.02755335451392322}, {'and': 0.11208777961884489, 'is': 0.1062014439020832, 'that': 0.07080567278830886, 'as': 0.06890107901493106, 'but': 0.06113709385952222, 'had': 0.06028778851102862, 'Is': 0.05857002354569696, 'was': 0.05679586358982946, 'have': 0.05506619221621435}, {'and': 0.08362943294997585, 'together': 0.07769806815080653, 'connected': 0.0635902168573379, 'connection': 0.06228367212358626, 'accordance': 0.047530813078388766, 'comply': 0.026000666542743977, 'acquainted': 0.023189098613704624, 'compared': 0.02214887744238745, 'contact': 0.01973810078197255}, {'.': 0.06816757601716635, 'Mrs.': 0.05337696252304126, 'and': 0.05163222836686772, 'A.': 0.05127803241271235, 'P.': 0.0417764046134802, 'of': 0.03362385683223963, 'Mr.': 0.03231965426855616, 'the': 0.030920816939545844, 'by': 0.026211320782953573}, {'taken': 0.08738621617858616, 'picked': 0.0847584782794533, 'made': 0.0828939387460994, 'build': 0.06022567138386162, 'put': 0.05282023390821599, 'brought': 0.05016653954991091, 'make': 0.0460639782573163, 'set': 0.04514766876230869, 'it': 0.04309663373473466}, {'It': 0.17463498499330213, 'it': 0.17417789670582393, 'there': 0.11886281385624677, 'There': 0.07838615957318351, 'which': 0.05716600098554751, 'that': 0.04868638468828318, 'This': 0.030688559425393874, 'and': 0.030563814618389286, 'he': 0.03005514836091493}, {'the': 0.2840952959490683, 'a': 0.10543254650595167, 'this': 0.06256331791035326, 'to': 0.048413144300111365, 'other': 0.0424525407656534, 'and': 0.03601909118189984, 'our': 0.0358304430711726, 'each': 0.032707252488309496, 'their': 0.029970229151661743}, {'of': 0.30763537898980897, 'for': 0.25555172967750206, 'to': 0.14993668297421248, 'at': 0.04743578086755384, 'in': 0.0444982633975822, 'and': 0.04283645400147253, 'from': 0.0427285747252142, 'than': 0.027321531717309968, 'For': 0.024689627963776287}, {'a': 0.13326010022644788, 'the': 0.11378455441743222, 'of': 0.10028899223945181, 'and': 0.09431486957949671, 'to': 0.05980036912590545, 'in': 0.054083217259166316, 'for': 0.05310007522305343, 'that': 0.03503192327240865, 'by': 0.026177663580490545}, {'the': 0.7329568846489218, 'The': 0.0696546475291351, 'a': 0.06038320226282339, 'tho': 0.05230367370829123, 'tbe': 0.016966400763669776, 'of': 0.01542628740345585, 'our': 0.013792886119037213, 'and': 0.009353193387280101, 'in': 0.008456041140322392}, {'the': 0.2569106978393477, 'of': 0.11720684807423658, 'a': 0.08733133716202335, 'and': 0.08474074395617721, 'this': 0.0728028800300604, 'as': 0.04161266662818543, 'said': 0.033385291189524005, 'to': 0.03204162814778091, 'in': 0.03170856094724785}, {'and': 0.1285297842944634, 'of': 0.10044629562155301, 'to': 0.08202348632705164, 'the': 0.07301622511388797, 'is': 0.03145878175110043, 'or': 0.028223101938758016, 'be': 0.028131468649359496, 'was': 0.024817644226103882, 'I': 0.023678415894404004}, {'in': 0.4980616787402831, 'the': 0.25734825635111114, 'In': 0.15117667121273384, 'tho': 0.016405263681136328, 'and': 0.012404210560550183, 'iu': 0.009439424798977037, 'of': 0.007319657150742511, 'a': 0.006878902703160178, 'tbe': 0.0064482831624172975}, {'the': 0.13087787299382608, 'of': 0.1227244337372524, 'and': 0.08025503692600622, 'a': 0.07697873592625161, 'to': 0.04513622002192643, 'Mr.': 0.036936442634786994, 'in': 0.031202062299773778, 'with': 0.02506970664364511, 'or': 0.023582725236507687}, {'able': 0.06589631332418726, 'right': 0.06540140980945532, 'him': 0.06344046799787383, 'is': 0.05682338031498784, 'was': 0.05418313484085932, 'and': 0.04808510098660002, 'began': 0.04757751832296793, 'enough': 0.04124891873442551, 'me': 0.03868640796104095}, {'years,': 0.01184461821854182, 'time': 0.009356434745111731, 'in': 0.008999771834895101, ';': 0.008613479246975659, 'porous': 0.007473513963247233, 'hundred': 0.006870414313547528, 'it,': 0.006786658829433457, 'States,': 0.0061876025375332475, 'manner': 0.005937196325960979}, {'dollars': 0.23099504181283861, 'pounds': 0.05271784588120065, 'of': 0.051830993498542643, 'cents': 0.047429965762643474, 'a': 0.04549576589141949, 'hundred': 0.044314008344721656, 'and': 0.02832092379340516, 'half': 0.015530137383314784, 'the': 0.015314398840954853}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.20310242726030633, 'I': 0.1193197685653577, 'have': 0.10587393612139269, 'he': 0.09207657213997493, 'had': 0.0860705702730725, 'has': 0.062381218412801115, 'it': 0.05757965257152143, 'be': 0.0505321714168241, 'was': 0.04636635636353272}, {'of': 0.17810967215416537, 'to': 0.14639971251199457, 'and': 0.12155500596360365, 'on': 0.0889413675188896, 'in': 0.04013650087893903, 'at': 0.03364695764934227, 'or': 0.033125627246053106, 'a': 0.03234860643441819, 'that': 0.030424450048924825}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'it': 0.2536109703466613, 'It': 0.17556548640390238, 'he': 0.1482045398821951, 'He': 0.0464947326867255, 'and': 0.04565864670528649, 'I': 0.03713633881899704, 'which': 0.030147700204776383, 'she': 0.028351236390444356, 'that': 0.020940883524529764}, {'the': 0.23064976974816406, 'of': 0.1251839000947097, 'and': 0.0906191556751078, 'to': 0.06974493060332328, 'a': 0.04579261884899858, 'his': 0.03895619581412924, 'their': 0.038950986662083485, 'be': 0.038404399040864186, 'in': 0.03740983947926077}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.07482212439064938, 'and': 0.06159692601309485, 'the': 0.046524442573845526, '.': 0.04503574448304201, 'Mrs.': 0.03862216950741165, 'by': 0.021949434641330628, 'to': 0.02059018921571336, 'Mr.': 0.018380380108193022, '<s>': 0.017977386041965335}, {'highest': 0.062316607641519396, 'up': 0.024834519673880905, 'made': 0.024716794208800134, 'it': 0.020987526235946408, 'in': 0.01430111614089866, 'time': 0.012185034827808612, 'him': 0.011429023092919878, 'them': 0.010763725413926586, 'out': 0.010411707624124517}, {'he': 0.15760358998476107, 'it': 0.07960037078123837, 'and': 0.0783183575860865, 'which': 0.07061259049398295, 'who': 0.060154149166401126, 'that': 0.05828712503669086, 'It': 0.045137051777501276, 'He': 0.03462748460810424, 'she': 0.027243872518348946}, {'the': 0.18468483219642715, 'of': 0.07714943039634888, 'and': 0.06667151038460534, 'for': 0.04725682968581847, 'to': 0.0407638710924126, 'in': 0.02614722305264385, 'a': 0.025268010744292673, '<s>': 0.016115786136348106, 'that': 0.01583974532055316}, {'of': 0.3249888104248999, 'to': 0.11033298554291157, 'in': 0.09996519130866556, 'by': 0.09730950458712383, 'and': 0.07464657024456835, 'on': 0.0592043711513691, 'with': 0.0549159180031161, 'from': 0.041312037394297174, 'that': 0.03893876585787132}, {'of': 0.11333544215279429, 'to': 0.06478033197719965, 'and': 0.050376873508276895, '-': 0.03346371627123611, 'with': 0.029615904109467787, 'was': 0.02756770230780798, 'by': 0.02677635573662678, '.': 0.019879976200126336, 'is': 0.019463519508446086}, {'to': 0.21377230931841493, 'I': 0.12184852725385287, 'will': 0.11246600471946518, 'would': 0.10391287316098005, 'we': 0.09138678907963116, 'they': 0.06939348096745462, 'who': 0.06876253251093256, 'you': 0.047491959858065154, 'shall': 0.046609085739954745}, {'the': 0.14866012672151335, 'of': 0.10662940610624397, 'to': 0.06440079416541049, 'and': 0.048139811822648634, 'a': 0.03617615807548876, 'in': 0.028148123757227524, 'on': 0.026547119584056707, 'by': 0.022712154278170492, '<s>': 0.02030198099096373}, {'and': 0.18568114336745192, 'he': 0.17462503981019514, 'the': 0.06155891294247143, 'she': 0.055793551869969864, 'He': 0.04490878201425043, 'it': 0.04476188622874093, 'I': 0.03480846955784883, 'which': 0.030205559033890845, 'that': 0.023246798320856018}, {'of': 0.1615857807020355, 'and': 0.15975065359135757, 'for': 0.14057946473074817, 'that': 0.06857560608247314, 'by': 0.06813549411383463, 'in': 0.06796723370349154, 'is': 0.06376372217343959, 'was': 0.05206361198556261, 'to': 0.049766647520756185}, {'miles': 0.0628853291756792, 'and': 0.0433157570751805, 'feet': 0.04237232991186347, 'at': 0.03595169668957321, 'away': 0.03579417408099329, 'taken': 0.026621333992222745, 'them': 0.024210478132273117, 'up': 0.02178732608588493, 'ranging': 0.020268310903408162}, {'he': 0.30102321245627056, 'I': 0.09438405300839194, 'who': 0.08993096495949683, 'she': 0.07336857659638663, 'they': 0.06975303839194882, 'He': 0.057644861831109215, 'and': 0.047062122714463736, 'which': 0.044613226055611827, 'that': 0.0394467156495943}, {'and': 0.10728643539050407, 'of': 0.09689368708684774, 'as': 0.09430956550132799, 'the': 0.07574070144994628, 'to': 0.05122624749049644, 'be': 0.037028496537601055, 'such': 0.03566920217538001, 'much': 0.030975032286415252, 'in': 0.028365295688714418}, {'of': 0.11108350328080033, 'that': 0.04626250856517041, 'and': 0.04275686416417719, 'in': 0.03451574468998762, 'after': 0.020980156123611333, 'to': 0.020129284501285153, 'for': 0.01953175273177773, 'by': 0.017370837758580067, 'from': 0.014717106703012616}, {'the': 0.6455582415763076, 'The': 0.08034172321617551, 'his': 0.045774838321284, 'at': 0.042833876845919036, 'tho': 0.035068948978755496, 'their': 0.021522394831307967, 'was': 0.02000391251575118, 'and': 0.017626571284851986, 'my': 0.016236452942760698}, {'he': 0.1441352379441881, 'He': 0.07339997038648081, 'I': 0.069236892966067, 'it': 0.05752749685214609, 'and': 0.05346241284772447, 'which': 0.04639072653047666, 'It': 0.04605147533193818, 'who': 0.04201885252447234, 'she': 0.0342584475263141}, {'is': 0.14174113765604132, 'are': 0.10861343149589435, 'and': 0.10630603683031467, 'was': 0.10366766104744679, 'be': 0.08700128819002967, 'not': 0.08181940688981779, 'been': 0.06580043567621181, 'were': 0.03773975390627013, 'do': 0.03604416515616687}, {'of': 0.40421995491036405, 'and': 0.08768159013089395, 'to': 0.08421074029202144, 'in': 0.0720222944393649, 'by': 0.064846929475322, 'with': 0.043193259093166445, 'that': 0.04227338358582755, 'for': 0.03462214731858693, 'on': 0.02559892233114811}, {'the': 0.23739558835564697, 'his': 0.1219675826896809, 'of': 0.06038882968489468, 'their': 0.06029286663178245, 'this': 0.056164403450921725, 'a': 0.044360084183226, 'to': 0.04138667892602816, 'my': 0.032877967523433256, 'in': 0.032429958768582685}, {'<s>': 0.055555327024149836, 'it.': 0.0360112971762478, 'them.': 0.0257768818756827, 'him.': 0.01825991423445523, 'her.': 0.012065278119253023, 'time.': 0.011439555375583268, 'again.': 0.009619407488234864, 'life.': 0.009335798819024832, 'me.': 0.008592719958851174}, {'of': 0.3898323333045145, 'in': 0.27701020274309857, 'to': 0.052551370228831405, 'In': 0.04928489559173419, 'for': 0.04906762155203588, 'that': 0.04157112626011405, 'by': 0.03604743361837316, 'and': 0.03334307636207496, 'from': 0.018116484988797473}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'him,': 0.019314281720529153, 'him': 0.01916677027436337, 'it,': 0.018273790925285305, 'it': 0.017231446937358983, 'time': 0.014478973281732914, 'man': 0.01206176121411588, 'up': 0.011563884851818848, 'them,': 0.010292141946669952, 'them': 0.010013282585535676}, {'the': 0.17035575249570342, 'in': 0.10169001898090735, 'of': 0.07356366868494768, 'and': 0.06562927155881401, 'a': 0.04998669342585993, 'to': 0.043664707609002845, 'that': 0.03462693276759543, 'any': 0.030442654406792502, 'for': 0.02821276176492262}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'it': 0.2515780796603657, 'It': 0.1524877017150304, 'which': 0.08625771421919205, 'he': 0.05395270892572652, 'that': 0.04746619670986356, 'what': 0.040326074784229705, 'who': 0.03818145284925448, 'and': 0.024396363770773682, 'This': 0.02157174204249625}, {';': 0.059036131495893325, 'and': 0.02250778582027711, 'him,': 0.021312117472291142, 'them,': 0.015178574212148804, 'it,': 0.012620797296519493, 'up,': 0.009033756559729305, 'her,': 0.008987995752900801, 'time,': 0.008632874785310534, 'man,': 0.007568524910015969}, {'of': 0.126900521630319, 'the': 0.10028332397118991, 'and': 0.08586340419250095, 'to': 0.07778507321502308, 'for': 0.06346931827098602, 'a': 0.05549110860351289, 'in': 0.03614362514240309, 'was': 0.029735025299113836, 'by': 0.02968537127141424}, {'the': 0.1348003203542309, 'of': 0.10128349677289564, 'to': 0.07284443360005538, 'for': 0.061652855026750865, 'in': 0.0592573296070523, 'and': 0.05676083447531816, 'be': 0.03623117049020464, 'a': 0.030865593688141516, 'or': 0.03064727256138916}, {'the': 0.16426992389034856, 'of': 0.09702422726033204, 'a': 0.05773100365794107, 'to': 0.0477127103678804, 'in': 0.043022325231464896, 'any': 0.04060122164564591, 'for': 0.03929311515808009, 'or': 0.037243611065177915, 'and': 0.0343918480098038}, {'<s>': 0.12158605880653872, 'it.': 0.019733317416057307, 'them.': 0.016896362645447152, 'time.': 0.009700535031257574, 'him.': 0.009230447073249423, 'day.': 0.009165199213040131, 'country.': 0.008696490236364185, '.': 0.008072292428209843, 'year.': 0.008070507328046634}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'him': 0.07929730861517034, 'able': 0.07601887454518244, 'is': 0.07453179729576184, 'and': 0.07137785730029422, 'not': 0.07003920809562489, 'want': 0.06380805820907913, 'right': 0.05807032552159355, 'have': 0.05291272648786469, 'enough': 0.05137550434772994}, {'the': 0.3160048585494833, 'The': 0.1840951002436542, 'and': 0.10385738734762237, 'of': 0.08721531506257758, 'that': 0.051781015092254405, 'an': 0.04275115057276564, 'This': 0.03636365254290454, 'his': 0.03425055132637939, 'this': 0.02568256639111171}, {'of': 0.14990752540432736, 'the': 0.12597425687200925, 'a': 0.12172990266346242, 'and': 0.055709595640821306, 'to': 0.053176037064381704, 'in': 0.042387433187745946, 'for': 0.0365744867551232, 'with': 0.022894792291691515, 'that': 0.01968075496468437}, {';': 0.028982614132452646, 'me,': 0.02699652637140011, 'it,': 0.020723076565584288, 'him,': 0.015344185047536183, 'up': 0.014370089183564604, 'them,': 0.013384468487122667, 'me': 0.012836769620162372, 'him': 0.012418304576379583, 'in': 0.011223389982720924}, {'have': 0.111222484929836, 'be': 0.1081181247724103, 'and': 0.10774195129915774, 'had': 0.10203005498816395, 'was': 0.09625998681534838, 'he': 0.07888088194775833, 'has': 0.07723771950170398, 'not': 0.06681022918198042, 'been': 0.06195924902677936}, {'cent': 0.44163892456525844, 'cent,': 0.15491009094647223, 'centum': 0.11511508409545662, 'cents': 0.06044828920642104, 'dollars': 0.02194691912907004, '$1': 0.01459383700239674, 'percent': 0.01281204555230952, 'ten': 0.010839131927928491, 'half': 0.007598346657853742}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'of': 0.24930357872821224, 'a': 0.10809769393685577, 'the': 0.09514923618079708, 'and': 0.07050179086056846, 'for': 0.06539320056694672, 'said': 0.059040260670623436, 'his': 0.04303610789932417, 'to': 0.029028215496075906, 'her': 0.02015885258261998}, {'he': 0.17276783337210974, 'it': 0.10903090042699116, 'I': 0.09305148667756476, 'It': 0.07411490494939228, 'He': 0.07322853118280198, 'which': 0.05905823457322553, 'and': 0.046781974603003054, 'she': 0.04349976209482187, 'who': 0.0357075727955873}, {'and': 0.09521721821542721, 'bridge': 0.09220757254385181, 'came': 0.06358059665152148, 'up': 0.04725389004334328, 'went': 0.044730143960060705, 'directly': 0.039179903445155935, 'out': 0.03758675263972338, 'go': 0.03313872578335774, 'way': 0.032169620243478365}, {'him': 0.06568498608105666, 'able': 0.061879794029064114, 'have': 0.058443753865458324, 'and': 0.05731332422426363, 'want': 0.05630175028643038, 'allowed': 0.05368885499319971, 'them': 0.05196003555026154, 'is': 0.05136882602080105, 'had': 0.051239643850581024}, {'in': 0.04235211975232051, 'costs': 0.03171044887517804, 'land': 0.03148607477525679, 'principal': 0.0248300261892626, 'time': 0.022799882794572547, 'rights': 0.01729225314257043, 'city': 0.013539508794384505, 'feet': 0.01298018379745963, 'labor': 0.012458095898344228}, {'last': 0.2774865481250572, 'the': 0.18192662751405042, 'Saturday': 0.1303307020225464, 'at': 0.05406305425297111, 'to': 0.052962652109637604, 'Thursday': 0.052862965853474574, 'of': 0.05245037024507692, 'Friday': 0.05198451457131258, 'all': 0.0494590443223475}, {'of': 0.34799192376616545, 'to': 0.1671738909381499, 'in': 0.10716003976444838, 'that': 0.0646759950529544, 'and': 0.059949985302566296, 'by': 0.05270252261519359, 'for': 0.03996919579938459, 'at': 0.03423466311646024, 'with': 0.033898957979356575}, {'and': 0.064988868750015, 'arrived': 0.05472602854879836, 'held': 0.02811771598766422, 'sold': 0.026617293072303077, 'Dated': 0.026237686686889212, 'closing': 0.021395204577909176, 'was': 0.019441830473639572, 'made': 0.017145146464239844, 'arrive': 0.014389810038043623}, {'and': 0.1078289395065658, 'time': 0.06879020475183532, 'ever': 0.05135774292053182, 'that': 0.03790510335238088, 'years': 0.03695180638477534, 'Ever': 0.0354002951711426, 'long': 0.031474474239775625, 'elapsed': 0.031152021126799982, 'or': 0.025524987064986362}, {'the': 0.1677358806731248, 'of': 0.14213068286338554, 'and': 0.11548949370087304, 'in': 0.08142395801106306, 'a': 0.04759725329984451, 'was': 0.04180326252080823, 'is': 0.03301953996150877, 'are': 0.028585562231514504, 'be': 0.02738162752299306}, {'It': 0.23822711258716828, 'it': 0.10425326558866381, 'which': 0.05812286291195843, 'This': 0.057493361793479775, 'there': 0.051416994420594914, 'that': 0.04984208500950703, 'he': 0.0358408821966986, 'and': 0.02586289375777482, 'this': 0.02530525663593112}, {'and': 0.1350494383141731, 'it': 0.04339097390017358, 'was': 0.03360143282677793, 'as': 0.032723335568350165, 'be': 0.03177233341545252, 'he': 0.029670161501572603, 'been': 0.017307475140181754, 'It': 0.016881302128411928, 'is': 0.016184171003757502}, {'of': 0.264258643049592, 'in': 0.11343372315308534, 'to': 0.10833432760377187, 'and': 0.09324083157536388, 'that': 0.06185957971647079, 'as': 0.058333068145040155, 'for': 0.0524699186873992, 'at': 0.047639180544887375, 'on': 0.042547352209550346}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'the': 0.686326023421122, 'The': 0.10169353309229402, 'no': 0.047214566217898185, 'a': 0.03960936872636149, 'tho': 0.034832697040381125, 'of': 0.019624341121923062, 'in': 0.015352282818382386, 'and': 0.014075559082396976, 'any': 0.010967954468819397}, {'of': 0.1324190521179236, 'in': 0.12945736740324734, 'a': 0.12177718928580442, 'the': 0.07815494533665067, 'to': 0.05568943248602729, 'and': 0.04130653255189261, 'In': 0.03642403348169548, 'for': 0.0307552892563391, 'at': 0.02992764290973328}, {'the': 0.18850181828564358, 'of': 0.13999761670761218, 'and': 0.07409110117404955, 'a': 0.05549936134263849, 'to': 0.05395457885348824, 'be': 0.048716173980404724, 'in': 0.0323910616632134, 'for': 0.02851018994188836, 'their': 0.027676475628078817}, {'and': 0.11205098361737845, 'was': 0.10660581923815482, 'not': 0.07524108140139703, 'is': 0.07089294788263696, 'be': 0.05579609945821643, 'are': 0.0522503536769369, 'been': 0.0481348182784352, 'or': 0.04125209990443492, 'were': 0.037182352043134824}, {'is': 0.16325178778553537, 'be': 0.16229318901190076, 'are': 0.13229545765289752, 'was': 0.09823086807340002, 'not': 0.08809589154698275, 'and': 0.06590117271991175, 'been': 0.039407952708325956, 'were': 0.03516532810080846, 'well': 0.0270163168577891}, {'and': 0.2726247903807631, 'that': 0.08458509617713472, 'of': 0.06823675383986245, 'are': 0.05327648583749991, 'to': 0.052174650636295054, 'was': 0.046947560901142, 'were': 0.04130273456681048, 'they': 0.03261313946705006, 'it': 0.026620135929833297}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'the': 0.3922963306506791, 'a': 0.3200035403052021, 'and': 0.09421776184545468, 'The': 0.043863638948095425, 'tho': 0.027510328001546656, 'of': 0.02551424894712108, 'most': 0.023766647708782347, 'on': 0.022581487399126642, 'very': 0.016993986817372277}, {'the': 0.13145486855110453, 'of': 0.08401915182758879, 'and': 0.08255037339127652, 'was': 0.06546126032627096, 'to': 0.06503961468464707, 'be': 0.04772219849071788, 'is': 0.041760246162431486, 'in': 0.03196140118969272, 'or': 0.026293866103269805}, {'on': 0.23104119398010475, 'of': 0.22332647298268138, 'to': 0.08795510758549782, 'and': 0.08659394118598393, 'in': 0.07825540072008616, 'with': 0.05969869333178602, 'from': 0.05394686807534097, 'by': 0.03737347980474875, 'at': 0.036837241078101}, {'the': 0.2652430305763268, 'of': 0.11629517514457097, 'a': 0.08813801435379705, 'public': 0.06507894865595593, 'said': 0.05694084967809785, 'for': 0.04812752425306135, 'at': 0.040998904604755054, 'in': 0.04056273201096728, 'to': 0.04039227714496705}, {'of': 0.30080292138605186, 'at': 0.14585749655849853, 'to': 0.12604769455693843, 'in': 0.07424952086220504, 'on': 0.06355198764929458, 'from': 0.05978028146820813, 'for': 0.0560470056597773, 'that': 0.05061307804065017, 'with': 0.04902106327137277}, {'the': 0.1153511307231113, 'of': 0.10341898958319995, 'and': 0.10340242360727404, 'to': 0.04574328748660491, 'in': 0.03739270245331441, 'be': 0.020819156139362575, 'as': 0.02016997892990614, 'on': 0.01957112284446463, 'that': 0.0190683218094335}, {'and': 0.047388501510670304, 'made': 0.04076601410468196, 'up': 0.038926838892920874, 'secured': 0.0286248136643823, 'out': 0.028535645291510207, 'taken': 0.026909186565186555, 'ed': 0.023627569224247785, 'him': 0.02061437213111254, 'done': 0.01914013493496672}, {'of': 0.10631112473892627, 'the': 0.09943241832474299, 'and': 0.08159794106622675, 'to': 0.08044019399615582, 'a': 0.0411705846870669, 'be': 0.032482607452970214, 'was': 0.026600329505008413, 'or': 0.02456876992697593, 'is': 0.021232665187409037}, {'and': 0.13900652678862246, 'he': 0.1293466656360535, 'had': 0.08359035009132415, 'has': 0.07030213437999015, 'have': 0.0694569994174458, 'who': 0.05530997798361914, 'be': 0.05448845726651017, 'dis-': 0.05127930665076995, 'He': 0.04514079213238406}, {'the': 0.47573124859177257, 'The': 0.17631221349893794, 'an': 0.08512442575226728, 'this': 0.04606369063444726, 'that': 0.03390734289565512, 'of': 0.03311154444024125, 'tho': 0.026191066606579175, 'his': 0.024592200022823564, 'An': 0.0182979640505177}, {'the': 0.1677358806731248, 'of': 0.14213068286338554, 'and': 0.11548949370087304, 'in': 0.08142395801106306, 'a': 0.04759725329984451, 'was': 0.04180326252080823, 'is': 0.03301953996150877, 'are': 0.028585562231514504, 'be': 0.02738162752299306}, {'the': 0.18271163901271065, 'a': 0.17926315790153238, 'and': 0.07246101809631086, 'of': 0.05833991096066574, 'The': 0.03474185181182605, 'to': 0.02537752885602125, 'an': 0.021488148601989103, 'in': 0.01963442739990838, 'for': 0.018463924857237}, {'mailed,': 0.04074027681746305, 'in': 0.023563012802018616, ';': 0.022744037108923004, 'it,': 0.010174678704716975, 'mortgage,': 0.008946611896291982, 'up': 0.007450146772915989, 'them,': 0.007340329390891779, ',': 0.007045102651516654, 'States': 0.006471115195841571}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'he': 0.14371647275743782, 'it': 0.11258992105803256, 'be': 0.06764215617217986, 'and': 0.0642152220897595, 'they': 0.05557619313108471, 'one': 0.04700098327380037, 'It': 0.035477648523567405, 'who': 0.03087501257416493, 'He': 0.02991159443239889}, {'and': 0.0988992346614752, 'was': 0.05231439869500109, 'it': 0.033968467737225304, 'is': 0.031003961562487085, 'that': 0.025729238128937036, 'are': 0.02432668925860513, 'made': 0.02243111088401604, 'were': 0.022130013100506527, 'but': 0.021119486086112763}, {'of': 0.2746226446471839, 'in': 0.14719840862010525, 'to': 0.09711631140012583, 'for': 0.0918441860926351, 'and': 0.08630482284533994, 'at': 0.05409243804411376, 'that': 0.04845289534502653, 'In': 0.04225193480100031, 'from': 0.038801426784985917}, {'and': 0.1313056501793289, 'made': 0.034551030036317, 'necessary': 0.03191530070016697, 'provide': 0.023191256277008975, 'him': 0.021827387004521748, 'time': 0.02091411247587312, 'but': 0.020346196766889778, 'pay': 0.02006785098451588, 'responsible': 0.019399383232926184}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.1623792970040886, 'the': 0.10753977144447269, 'and': 0.07734582230300831, 'to': 0.07004872500487265, 'a': 0.06320712234707242, 'in': 0.030825723919335964, 'for': 0.029205703119922925, 'that': 0.02171843245522059, 'at': 0.018306796269673825}, {'the': 0.2476145297325645, 'and': 0.13896682839472227, 'of': 0.08754305629527889, 'his': 0.08010159998810935, 'her': 0.06325137990217129, 'he': 0.061959657419655555, 'their': 0.04968241890995591, 'that': 0.03432214067347002, 'which': 0.03330356074702752}, {'the': 0.6729594351170831, 'The': 0.1216622507733289, 'tho': 0.03471165168825287, 'of': 0.030522439189549232, 'his': 0.023483853491465152, 'their': 0.022674384764605808, 'our': 0.01683965972337746, 'and': 0.011140626425138394, 'tbe': 0.009665925049276054}, {'and': 0.10190451832511228, 'of': 0.08760924661788667, 'the': 0.07654489999297673, 'to': 0.05134565069863843, 'a': 0.04531082355442268, 'for': 0.04238552487190272, 'which': 0.03717642271919685, 'was': 0.03511710997876981, 'more': 0.03406304390620015}, {'in': 0.3230259544861434, 'of': 0.1578855297405728, 'at': 0.11861849197559406, 'to': 0.11000904957479163, 'In': 0.06789635128302589, 'from': 0.03755272936870335, 'with': 0.03725872278328867, 'on': 0.03513584224031278, 'for': 0.03486209843324893}, {'and': 0.040144826009061364, 'as': 0.029147298902541124, 'it': 0.02889917730661532, 'It': 0.027579321551577975, '<s>': 0.024102430330933407, ';': 0.021238779725355334, 'that': 0.018261540570495793, 'which': 0.016375394176812677, 'land': 0.015654856264451476}, {'it': 0.22095882268099173, 'It': 0.17565053794065, 'which': 0.09976064739696683, 'and': 0.06834914495504399, 'as': 0.05156985932512864, 'he': 0.04685560799835281, 'that': 0.045598362783411076, 'who': 0.037378970522533854, 'what': 0.03520435145331133}, {'that': 0.2655576168206273, 'if': 0.13365657958596272, 'which': 0.11448472154984428, 'as': 0.09335229328337609, 'and': 0.07997644349073124, 'when': 0.05257578557288741, 'where': 0.05046773013026031, 'what': 0.041525101253875304, 'but': 0.03403693941407384}, {'men': 0.023457835725498973, 'William': 0.016974123086633788, 'hundred': 0.015450194235062626, 'James': 0.014918850032815071, 'Robert': 0.01300957344798933, 'John': 0.012705415105122839, 'one': 0.01224294511388106, 'up': 0.0120554460143422, 'city': 0.00993145084610478}, {'of': 0.23212425223141345, 'and': 0.15016496788555525, 'in': 0.08709569949146048, 'to': 0.07519022151016291, 'at': 0.0556295157594859, 'that': 0.05230669226902655, 'with': 0.04380717720131628, 'on': 0.043790656593365694, 'for': 0.040794228346420686}, {'they': 0.19076954017724349, 'who': 0.1223548202339137, 'which': 0.08620214977000842, 'there': 0.06908076499783067, 'we': 0.05933898384067044, 'men': 0.04689523195534752, 'They': 0.04373963977667889, 'and': 0.04035615001497855, 'that': 0.03623751303494543}, {'make': 0.10798349948676698, 'and': 0.08075766871919704, 'that': 0.07392113861105604, 'of': 0.06554026452640138, 'give': 0.04929945023407143, 'as': 0.03962277425840372, 'is': 0.03887064733426595, 'for': 0.03741728378423561, 'on': 0.036727833835994324}, {'the': 0.2732437633631442, 'of': 0.2621600558101576, 'for': 0.07986736767553827, 'an': 0.0663258317782539, 'a': 0.06615523651792482, 'in': 0.05775786163644123, 'by': 0.054488879851812375, 'to': 0.041335424459423765, 'and': 0.036135505994269554}, {'as': 0.18772363051483357, 'and': 0.09179469167975483, 'very': 0.07746683152255873, 'so': 0.07162015708075596, 'the': 0.07037392741350255, 'be': 0.05923307742418502, 'are': 0.05155081203339298, 'is': 0.05099152075352582, 'was': 0.048162974449435056}, {'and': 0.14854440303035166, 'the': 0.0831125493216138, 'it': 0.06505825710537609, 'he': 0.06121812208868447, 'which': 0.05729495669210624, 'that': 0.050506112196630995, 'It': 0.04402786559868611, 'they': 0.03769479783654605, 'I': 0.03291763126694913}, {'of': 0.49848334578684605, 'in': 0.20816297489317087, 'to': 0.09127174172726656, 'In': 0.036959869292292155, 'for': 0.03332452997242287, 'throughout': 0.032501753242231916, 'by': 0.029859589581941196, 'from': 0.019097907449993873, 'and': 0.018760983178666174}, {'and': 0.2951041948043667, 'to': 0.0605422892558951, 'which': 0.05330342222301859, 'that': 0.04672168807673374, 'it': 0.04245783923859824, 'as': 0.028812309390016912, 'It': 0.019144527194731416, 'who': 0.018154011881509422, 'I': 0.017511671490628787}, {'the': 0.18927580197235688, 'of': 0.10268000335673094, 'to': 0.07193089873803327, 'and': 0.06302722590064451, 'in': 0.035804951354373886, 'for': 0.03552877544733519, 'be': 0.029165863199114864, 'was': 0.021230450879771812, 'is': 0.019324942212557497}, {'to': 0.10520821611970188, 'the': 0.09341590755306937, 'of': 0.09173655980367189, 'and': 0.05097514591174963, 'at': 0.03408668628714097, 'in': 0.02558716566881846, '<s>': 0.02136990427924581, 'on': 0.019624464194253965, 'from': 0.01828345927235397}, {'the': 0.12177314234367895, 'and': 0.09807790895346219, 'of': 0.07309289434667471, 'to': 0.07175216792008286, 'a': 0.06945641505062604, 'be': 0.05014167492984988, 'was': 0.048156200172620074, 'is': 0.036202922699813345, 'in': 0.024316267961933587}, {'is': 0.20678551953903776, 'was': 0.12165427898926444, 'and': 0.12071742552863816, 'are': 0.08116855230587795, 'has': 0.05630523800376826, 'not': 0.049000253930275024, 'have': 0.048651247085676155, 'had': 0.04067148865725588, 'it': 0.031487224101698054}, {'on': 0.19012505910903987, 'of': 0.18737671407679024, 'and': 0.13914697965732462, 'to': 0.09384219626836997, 'On': 0.08507769497548962, 'all': 0.05616768053368813, 'with': 0.05453764246649417, 'in': 0.052268377238133004, 'that': 0.042819262616868345}, {'a': 0.6102510447850571, 'the': 0.0747131694792992, 'very': 0.05139953982603053, 'and': 0.0377090915782425, 'of': 0.03252006647864098, 'so': 0.030217683037878574, 'A': 0.02576429781806079, 'in': 0.02223959213654434, 'some': 0.021196882515954737}, {'to': 0.4723128281314169, 'will': 0.12467353691421514, 'would': 0.04789957792125225, 'shall': 0.04506467195290148, 'not': 0.03591746621809903, 'may': 0.034585777288080016, 'should': 0.031900691396984704, 'and': 0.03183510794913773, 'can': 0.026729516005427396}, {'it': 0.12535097622499294, 'which': 0.09851600813698443, 'and': 0.09219938561829377, 'It': 0.08824172121277736, 'they': 0.08411792572534779, 'he': 0.07752290619524294, 'that': 0.057782263539263724, 'who': 0.044890501723426755, 'I': 0.035115824919872474}, {'the': 0.1304090749498416, 'of': 0.11910901830628162, 'to': 0.07146795447904639, 'and': 0.06676120626580968, 'a': 0.05163379250032452, 'in': 0.04493414875644994, 'for': 0.021341937018834037, '<s>': 0.01606935869426126, 'that': 0.01599176079639667}, {'is': 0.25277283405326073, 'have': 0.13062534441258786, 'that': 0.09093143373658279, 'had': 0.08971577412921697, 'and': 0.08504044481849236, 'for': 0.06594211755920296, 'was': 0.06584057133134391, 'be': 0.05586967372080197, 'has': 0.05346582324672389}, {'the': 0.8286361830007867, 'tho': 0.04801658885853878, 'The': 0.02317227625655698, 'tbe': 0.017799111501712157, 'of': 0.016925654645364295, 'and': 0.008980660585137534, 'in': 0.008468277427063799, 'by': 0.005744093077023968, 'a': 0.005721852046932911}, {'the': 0.22147387819414283, 'no': 0.16446721197075545, 'any': 0.15722225082509458, 'and': 0.11694025891865328, 'each': 0.07566077284098374, 'or': 0.06744694207503663, 'some': 0.04812056195244861, 'all': 0.04761559458260135, 'from': 0.045643255217663534}, {'of': 0.24247688205519072, 'in': 0.1096965900817296, 'with': 0.08970614708026588, 'by': 0.08642744539265691, 'to': 0.07167209516132803, 'as': 0.07028673675361298, 'is': 0.06267425200869288, 'for': 0.060365164274077975, 'such': 0.05867842205691105}, {'and': 0.09326647752053993, 'is': 0.09252383903740966, 'as': 0.060265675280976636, 'was': 0.054646142521285995, 'able': 0.054148311475556696, 'not': 0.05217694319456736, 'enough': 0.04469041992993177, 'him': 0.04395007442710523, 'order': 0.04267089496063146}, {'be': 0.17270000143958256, 'been': 0.0811467844020129, 'is': 0.07876156404154387, 'are': 0.07663408668046626, 'and': 0.0718474091126205, 'was': 0.06653048676379061, 'have': 0.048248042032172096, 'were': 0.04619344025787524, 'being': 0.04210150557770019}, {'per': 0.7192155804026031, 'the': 0.11024877646169967, 'of': 0.03301533808904914, 'and': 0.02427684996393307, 'an': 0.022362453650424018, 'by': 0.0157721672244509, 'to': 0.011337121260102853, 'that': 0.006859616053972397, 'The': 0.0042342886112353584}, {'contained': 0.14140193921294766, 'described': 0.13624146915636706, 'stipulated': 0.10512638967797121, 'recorded': 0.0587151481274439, 'and': 0.057318062858886173, 'situated': 0.05283714866669371, 'interest': 0.04907797678820585, 'interested': 0.03980529772670137, 'filed': 0.019929824215450236}, {'a': 0.18501623295212372, 'the': 0.1666958191206209, 'his': 0.14903666952100075, 'their': 0.09859706688386229, 'this': 0.09601119317352473, 'my': 0.06568059425083038, 'no': 0.05219366042175647, 'any': 0.039987767775184806, 'your': 0.03942340130414899}, {'and': 0.06092442579497436, 'went': 0.04732945458733202, 'go': 0.03982968131201536, 'feet': 0.03695300707218291, 'as': 0.03593740537542132, 'them': 0.031619888199852855, 'sent': 0.028294625342152668, 'up': 0.028268007287492722, 'made': 0.027753654641843442}, {'<s>': 0.10514401260260799, '.': 0.016459320058466273, 'it.': 0.013484712208384689, 'them.': 0.010348158826723748, 'day.': 0.006710013809881599, 'him.': 0.0061878063876993515, 'time.': 0.006177099641911567, 'of': 0.0060543371589817695, 'country.': 0.00551450571704916}, {'the': 0.7414613714424914, 'The': 0.06957313697468863, 'and': 0.056034127596611055, 'tho': 0.04492896697114314, 'tbe': 0.01756316699178449, 'of': 0.011915891003330898, 'on': 0.009086367559299622, 'about': 0.006211614059718814, 'two': 0.00619426964172296}, {'the': 0.33131726017592267, 'a': 0.09787799914783278, 'and': 0.07493279535748291, 'in': 0.049949376965415675, 'The': 0.04356510122154747, 'of': 0.036964078740599475, 'place': 0.028699380984700276, 'point': 0.02463410138115425, 'his': 0.02381087301650161}, {'and': 0.11435938964692595, 'of': 0.10715720337972619, 'the': 0.04399053440097617, 'to': 0.043876739800742956, 'South': 0.024566480124512246, '<s>': 0.02441662698484167, 'on': 0.020356415777757455, 'for': 0.020057013434256584, 'from': 0.01919936012872822}, {'of': 0.28904275301978616, 'to': 0.10425489449077704, 'with': 0.08335158245061107, 'and': 0.08130176230066131, 'is': 0.07483310701908084, 'in': 0.07117533326210203, 'that': 0.05315215290608015, 'by': 0.049864758545983615, 'for': 0.049609958070349375}, {'the': 0.7900151149818464, 'a': 0.05780160059618094, 'The': 0.05043859245006964, 'tho': 0.04437907854083769, 'tbe': 0.015164604509688241, 'this': 0.008125952251628045, 'and': 0.005525444211700643, 'great': 0.0048145316312924345, 'whole': 0.003533095189678831}, {'a': 0.5519746471959187, 'of': 0.14640345880536962, 'in': 0.08356317181874841, 'the': 0.07648091527163194, 'for': 0.026656368883467396, 'very': 0.02409903027254136, 'with': 0.021276214480360343, 'to': 0.01951838102363784, 'In': 0.01743331524518991}, {'in': 0.4980616787402831, 'the': 0.25734825635111114, 'In': 0.15117667121273384, 'tho': 0.016405263681136328, 'and': 0.012404210560550183, 'iu': 0.009439424798977037, 'of': 0.007319657150742511, 'a': 0.006878902703160178, 'tbe': 0.0064482831624172975}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'to': 0.15065372115985293, 'of': 0.10279569096701938, 'a': 0.08113844430704419, 'the': 0.07565511619174803, 'and': 0.07328649165686413, 'in': 0.031868727657680396, 'that': 0.023841660331609265, 'be': 0.02334245477335784, 'with': 0.022746279849963268}, {'so': 0.44053233123645913, 'and': 0.08815097233370084, 'of': 0.08089548506161397, 'So': 0.07461920436442036, 'too': 0.0629538206639054, 'very': 0.06003907096896519, 'are': 0.0381559341809443, 'the': 0.0352211175922053, 'as': 0.03514466539648519}, {'of': 0.10631112473892627, 'the': 0.09943241832474299, 'and': 0.08159794106622675, 'to': 0.08044019399615582, 'a': 0.0411705846870669, 'be': 0.032482607452970214, 'was': 0.026600329505008413, 'or': 0.02456876992697593, 'is': 0.021232665187409037}, {'the': 0.1576253820092066, 'of': 0.14422072824304139, 'in': 0.0873791935166266, 'to': 0.05367294009566077, 'and': 0.05151749115613789, 'on': 0.03378502879875036, 'a': 0.028131096079163892, 'In': 0.02083196376103983, 'by': 0.01888468689381875}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'a': 0.41173168953612116, 'large': 0.09121484961521104, 'the': 0.07894290429774939, 'any': 0.07273894328680075, 'that': 0.06978352763278625, 'greater': 0.04892517859381938, 'this': 0.03433783468446671, 'one': 0.028697227458690806, 'every': 0.02576342308272069}, {'a': 0.26883151600211397, 'is': 0.17011955205777338, 'was': 0.11905861324542875, 'the': 0.08828634601229916, 'be': 0.07180717833244224, 'are': 0.06789655801882807, 'not': 0.04190550436675349, 'and': 0.03707160542411368, 'were': 0.03307949595041588}, {'of': 0.351528161658318, 'in': 0.23824654148319674, 'In': 0.08063158574695345, 'the': 0.07481299897620843, 'on': 0.06047856257342686, 'to': 0.036499307035043595, 'and': 0.02536647030623154, 'from': 0.01583694188483465, 'with': 0.0112883960483818}, {'is': 0.17259142955892112, 'ought': 0.08272961521902446, 'are': 0.08056057458647582, 'seems': 0.07558392967483372, 'was': 0.06572888558670693, 'not': 0.06439114674223405, 'said': 0.05149586598076354, 'seemed': 0.04272828164381891, 'as': 0.041024869025136954}, {'number': 0.08806243182220773, 'point': 0.050381258626301245, 'out': 0.04552471775140739, 'place': 0.045305728205719, 'sort': 0.04396443267628297, 'kind': 0.04248175795356993, 'right': 0.0419877770030211, 'matter': 0.04089165828087274, 'amount': 0.040032917364959335}, {'the': 0.32526330035163953, 'a': 0.13147166624182466, 'of': 0.08778670287790002, 'in': 0.0441320773033983, 'and': 0.032502675051218954, 'for': 0.03126055874794118, 'The': 0.020567622938747563, 'that': 0.020358683712925246, 'an': 0.01906168707936656}, {'to': 0.5827739228675215, 'not': 0.1032856438726728, 'will': 0.07781484513892196, 'would': 0.07102852593943262, 'and': 0.0567523768156949, 'may': 0.018639114009008067, 'must': 0.017167681210187028, 'I': 0.015997269584607954, 'we': 0.013455067814243155}, {'those': 0.15487589327537146, 'men': 0.09951861693857385, 'man': 0.09200934741034335, 'and': 0.08400085749712183, 'one': 0.0497765969317141, 'person': 0.030358520119822978, 'people': 0.029203813143980576, 'all': 0.025435540883345962, 'persons': 0.022680640538550154}, {'the': 0.5364191147879769, 'a': 0.12056476113681094, 'The': 0.07214593513542422, 'and': 0.049091112964809155, 'tho': 0.03226021855931263, 'of': 0.026899697040120858, 'A': 0.01679550933837339, 'tbe': 0.011318247526236811, 'that': 0.008733003439524555}, {'to': 0.3482561715081549, 'I': 0.05741317153386854, 'and': 0.055942271829824836, 'will': 0.044998010337293746, 'they': 0.038780129697967555, 'would': 0.028979887973795502, 'we': 0.0243560550492513, 'can': 0.020700648168721712, 'not': 0.0198673909044864}, {'of': 0.18935590261233165, 'is': 0.12265962549376887, 'with': 0.11441933006160451, 'have': 0.09263949379377102, 'and': 0.07467067022432101, 'to': 0.07183158661072765, 'that': 0.05945970941011477, 'for': 0.0529976391873107, 'had': 0.04769881433527765}, {'and': 0.14102744465917907, 'are': 0.05244141787819927, 'was': 0.04777802783456709, 'is': 0.04358810674113321, 'that': 0.03663848209992048, 'or': 0.03254455733702491, 'one': 0.02659565928450213, 'sell': 0.024458859918662795, 'be': 0.024318459663672288}, {'the': 0.5008240748781494, 'a': 0.2792718325521431, 'The': 0.03674325194871732, 'tho': 0.028885068278474278, 'this': 0.02741913754681965, 'great': 0.01829124106333375, 'A': 0.012529751374021611, 'large': 0.012482378582234971, 'tbe': 0.012307105710181133}, {'and': 0.5998512117849044, 'that': 0.04857571728737416, 'to': 0.02282056323859025, 'which': 0.021648708363728564, 'is': 0.01810193098293785, 'or': 0.01650097551187859, 'but': 0.014344597460367814, 'are': 0.013987585577118412, 'by': 0.013418902631702544}, {'able': 0.06333034543078214, 'and': 0.057489200420798636, 'is': 0.05445189499779616, 'have': 0.051193826043758155, 'him': 0.048367260533454165, 'had': 0.0416959078666224, 'right': 0.0394564535533081, 'enough': 0.03872975251681809, 'willing': 0.037343981635249573}, {'of': 0.25882972014001726, 'at': 0.09591380610010151, 'to': 0.06968999553090204, 'and': 0.05155075851461367, 'in': 0.03869720686630307, 'by': 0.037617559707991514, 'on': 0.027963503387432302, 'about': 0.020830871022714983, 'for': 0.02069423713919433}, {'at': 0.33173911043979054, 'for': 0.2822120851868805, 'of': 0.08234559384500219, 'and': 0.045572791265809515, 'to': 0.0365975606727852, 'that': 0.03321344760723084, 'in': 0.031727330688825314, 'from': 0.027870740403207927, 'At': 0.02557101963320763}, {'the': 0.5785494831403031, 'of': 0.1217328943095981, 'a': 0.035703639898010134, 'tho': 0.0319722307389901, 'and': 0.028465087418511975, 'no': 0.027846985556365153, 'The': 0.025217062235928036, 'their': 0.020243242511452236, 'surface': 0.01717110818241366}, {'that': 0.2753083144872714, 'and': 0.15173931211128128, 'but': 0.08095347779489231, 'as': 0.07182475236307306, 'which': 0.04623754097637125, 'if': 0.03590087782795129, 'when': 0.029745925581714544, 'of': 0.027078611750766302, 'where': 0.024334396388293166}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.16249777590821218, 'of': 0.11731979289074188, 'and': 0.06984926221410061, 'Mr.': 0.06050353809374242, 'The': 0.042018339806099037, 'a': 0.029710108749708905, 'that': 0.022588046386599805, 'to': 0.018861086862615048, '<s>': 0.01788730187325354}, {'the': 0.24649087806622086, 'of': 0.13951287610781102, 'a': 0.09569311550373324, 'and': 0.0864388701070549, 'to': 0.05285305226602269, 'an': 0.04576698362501052, 'by': 0.04001368955213754, 'be': 0.030828669604908605, 'his': 0.029011781459776346}, {'the': 0.25734031892258186, 'of': 0.09020025439623483, 'and': 0.06235618858661057, 'that': 0.05274466151546219, 'The': 0.04433422530714993, 'a': 0.03668438834521419, 'Mr.': 0.03520820651417283, 'or': 0.02339822625282543, 'no': 0.02014344672284482}, {'No.': 0.22878130382830358, 'at': 0.16874827288322816, 'lot': 0.0962831223267959, 'block': 0.07361433363637582, '@': 0.060242610782724484, 'lots': 0.050020791703061576, 'and': 0.035890099171635645, 'June': 0.03277688540021527, 'range': 0.028909296470273214}, {'and': 0.1339321645008505, 'that': 0.07209690056228373, 'for': 0.060993032193038595, 'of': 0.05977106557292727, 'make': 0.055666412193478024, 'as': 0.0556467139112165, 'in': 0.05235736430633153, 'with': 0.04875676025107626, 'but': 0.04473639608813197}, {'be': 0.19753092742120765, 'was': 0.18229537023697406, 'have': 0.10307156782272182, 'been': 0.08988949353236046, 'had': 0.06861137092147242, 'has': 0.06801054796637393, 'were': 0.06580344373103819, 'and': 0.05540029525317066, 'is': 0.04278629315013485}, {'men': 0.015375140778365335, ';': 0.011807712851793507, 'city': 0.010563526942296052, 'in': 0.010295389323093372, 'and': 0.010256679022898908, 'out': 0.009651117219379671, 'up': 0.009216681660135454, 'States': 0.007886878714433367, 'hundred': 0.0076980127452575126}, {'the': 0.34724121883790016, 'that': 0.09623052672258077, 'a': 0.09102182080170104, 'some': 0.0855550708318314, 'same': 0.08234635517545116, 'this': 0.07051192963503693, 'of': 0.04678127724582552, 'any': 0.03813523126153346, 'short': 0.0345810589229948}, {'the': 0.43497001858332046, 'a': 0.13964502035718737, 'of': 0.10293008994682916, 'no': 0.06708169407711073, 'to': 0.042927258113617375, 'and': 0.0364457802031684, 'his': 0.036428242226728344, 'The': 0.03432427944579872, 'absolute': 0.03250173047459489}, {'the': 0.12669177700868325, 'of': 0.11528478940602356, 'and': 0.08983707687491273, 'Mr.': 0.0796144165996826, 'to': 0.045493223595681774, 'a': 0.03322511176488812, 'in': 0.029943387765702868, 'his': 0.026749149576625716, 'as': 0.020775101409979683}, {'at': 0.6582322613172342, 'At': 0.13338388308159319, 'any': 0.04210348877648591, 'for': 0.031624111488685616, 'and': 0.022955030600266123, 'the': 0.020205452721637766, 'of': 0.01939764627859842, 'some': 0.01624665491157923, 'but': 0.015135783299333724}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.15797146143473906, 'to': 0.14977604441237052, 'a': 0.12211658001393363, 'of': 0.1164029293100126, 'and': 0.09983738148750741, 'with': 0.054758201799646744, 'clean': 0.051781846302444826, 'was': 0.03943066577860635, 'so': 0.03383857800072549}, {'virtue': 0.07446520038896885, 'out': 0.065008335608151, 'part': 0.03947215825672998, 'one': 0.03562890125655043, 'quarter': 0.03241584136443704, 'favor': 0.0239235849421329, 'result': 0.023354276051738905, 'guilty': 0.022667050730808908, 'means': 0.022196791642065155}, {'and': 0.16136456340440294, 'the': 0.06689403857440841, 'to': 0.06147752117264384, 'of': 0.05151362370430196, 'that': 0.03282099117436386, 'be': 0.026077345597925846, 'in': 0.02518197648238362, 'or': 0.02510147437730462, 'which': 0.022392091175434437}, {'the': 0.6309201544040622, 'a': 0.05932539755814466, 'The': 0.05198181647967538, 'and': 0.047666498029965226, 'tho': 0.03145040728218116, 'of': 0.023193776247962327, 'said': 0.022169310951466195, 'his': 0.01733626338635459, 'tbe': 0.013426674030777921}, {'the': 0.3027989166959799, 'a': 0.11132590657343926, 'and': 0.08587475786643003, 'of': 0.0646233000145678, 'in': 0.03573094398970723, 'to': 0.03118652793847477, 'The': 0.030682432154816197, 'an': 0.02559517057144827, 'tho': 0.0219798842754421}, {'of': 0.348190849964795, 'in': 0.14253667752993743, 'to': 0.13057571999071382, 'from': 0.05435019477643868, 'and': 0.047282429852368114, 'by': 0.04558618009713078, 'for': 0.042313477676261715, 'that': 0.0389343866171738, 'on': 0.03637095275787451}, {'the': 0.1799998822573095, 'of': 0.13337991493667437, 'a': 0.0974912295455705, 'to': 0.06591454655592437, 'and': 0.06329247319987685, 'at': 0.054637923107356594, 'in': 0.039120334760170135, 'for': 0.0305650403467081, 'his': 0.02873922285059959}, {'of': 0.38733280059372316, 'to': 0.17041552189865292, 'that': 0.09238457033951916, 'in': 0.0734281919920582, 'for': 0.04076485572521243, 'with': 0.03991999085699015, 'and': 0.03712542597888404, 'all': 0.03497113270224295, 'on': 0.03343935052909746}, {'one': 0.016368888842335127, 'more': 0.015000372690832826, 'on': 0.011189338260333165, 'day': 0.01075934247865153, 'two': 0.010752403191876184, 'person': 0.00789861567222125, 'in': 0.007751399993273645, 'man': 0.007556023970783172, 'law': 0.006531081514130428}, {'of': 0.46199964373939884, 'to': 0.08487551203974979, 'in': 0.07605984940479105, 'for': 0.06386692452986627, 'that': 0.06168801500469852, 'and': 0.054094144621945804, 'with': 0.04524197333748377, 'all': 0.041489220231426815, 'by': 0.029738194284911226}, {'import-': 0.0823269638204747, 'pleas-': 0.051744476029110725, 'and': 0.042653381566717934, 'of': 0.02781217089796502, 'defend-': 0.02655453362329615, 'or': 0.01718380657791999, 'the': 0.013354069159134061, 'that': 0.012556101532669192, 'if': 0.010581064043723387}, {'and': 0.09119096657647212, 'them': 0.03163336304315803, 'made': 0.03012808275679389, 'him': 0.026169291327293544, 'pay': 0.022439582025725956, 'demand': 0.022149031376759182, 'or': 0.021646700481286637, 'necessary': 0.020847728295105786, 'work': 0.02006076425500647}, {'<s>': 0.08013500631138736, 'it.': 0.01941556839553149, 'them.': 0.013638523218272887, 'him.': 0.012765737318606247, 'time.': 0.009908439774426401, 'day.': 0.008103430805461167, 'work.': 0.0076010465768988076, 'country.': 0.007281020162035164, 'out.': 0.006851659511166498}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'I': 0.28277070076593575, 'not': 0.16053554630462827, 'we': 0.12619361631064563, 'you': 0.082054906682434, 'they': 0.08130672052893226, 'who': 0.06512604013170137, 'We': 0.05239793752708653, 'to': 0.05188502591111845, 'would': 0.03179015664128932}, {'the': 0.2720865190853864, 'on': 0.1003998910979358, 'at': 0.0714137851360561, 'of': 0.06499221969501269, 'and': 0.045974146648531306, 'a': 0.03705615593317336, 'from': 0.02905208786372927, 'to': 0.02833836537338138, 'in': 0.026934279990688623}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'was': 0.20082103498796675, 'is': 0.14754686501110773, 'of': 0.1353390062493908, 'in': 0.1224781670721668, 'and': 0.08153830952682517, 'are': 0.07708594231856242, 'been': 0.05106834489993295, 'be': 0.050212032693379954, 'were': 0.04178212490293303}, {'and': 0.1093881069801745, 'that': 0.10797335066996426, 'as': 0.0886328361826156, 'of': 0.06313096524321576, 'to': 0.05944924971384459, 'for': 0.052166303038240186, 'make': 0.0463395921792363, 'but': 0.03603039362454529, 'if': 0.03538142355129281}, {'the': 0.24173186644873054, 'of': 0.1264804730623645, 'and': 0.08331959595593887, 'a': 0.07678669948469065, 'in': 0.02227872850197047, 'to': 0.019468778320699653, 'or': 0.017891130897969953, 'The': 0.01759084026465017, 'tho': 0.015524648398075488}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.2114437733887241, 'that': 0.20758850991775907, 'as': 0.08595733636117167, 'but': 0.044058739373747775, 'even': 0.04139566205914732, 'But': 0.02874639976841452, 'And': 0.02558111804298635, 'or': 0.024320334237152116, 'and,': 0.021458553886436412}, {'and': 0.19998039439938142, 'it': 0.17122418901444797, 'It': 0.07905342596702876, 'now': 0.058466205165542344, 'he': 0.041012347869422115, 'be': 0.03313335336605842, 'or': 0.03166909625543168, 'that': 0.029989588988170997, 'is': 0.027115871112822678}, {'to': 0.5311432279224014, 'the': 0.06809215382940415, 'will': 0.06364252080395526, 'and': 0.05302376900291, 'of': 0.047831187510808275, 'we': 0.03944597281388772, 'a': 0.03602324682663343, 'I': 0.03418055510558493, 'not': 0.030504726191224282}, {'to': 0.1344504110655416, 'and': 0.09696770753738487, 'of': 0.06692935421560114, 'the': 0.05794267871806159, 'in': 0.03029358260439597, '<s>': 0.018913935718769277, 'not': 0.018861960111351984, 'I': 0.016438033203847614, 'by': 0.01535041880719501}, {'the': 0.1414449384045958, 'and': 0.12546770851852718, 'a': 0.09633142011856215, 'was': 0.05917135432384363, 'is': 0.05489491928934561, 'of': 0.054223618055814306, 'be': 0.053926594030335055, 'an': 0.04907164106451892, 'to': 0.04105029232083229}, {'eight': 0.3186896021137819, 'six': 0.06591924013306136, 'three': 0.05716718261105871, 'two': 0.050364979656943996, 'four': 0.04698849342022846, 'of': 0.03507370792021252, 'five': 0.027248104980243486, 'hundred': 0.02341882617396039, 'Eight': 0.0209014276271962}, {'the': 0.4074951084188276, 'of': 0.23341968539967692, 'an': 0.06936278113241344, 'and': 0.05072872194952855, 'in': 0.03928018484561689, 'The': 0.03562872923538961, 'to': 0.02503614975382114, 'for': 0.022769788061482076, 'tho': 0.021493078927748068}, {'it': 0.12020230972381102, 'It': 0.11696603666964543, 'there': 0.044060601669326425, 'that': 0.043545779553353904, 'and': 0.03584973632072133, 'which': 0.033521416460299776, 'he': 0.023001687474656512, 'He': 0.010647909329119387, 'man': 0.010592902236026155}, {'to': 0.09841821759273948, 'and': 0.09260484230832032, 'of': 0.09256376566872315, 'in': 0.07877417798483456, 'was': 0.053151928258643934, 'the': 0.04549775452320577, 'is': 0.043473641260170226, 'be': 0.04009477519768535, 'for': 0.03232743776826288}, {'the': 0.5372494770700456, 'on': 0.052857524429019635, 'tho': 0.0411315304427691, 'of': 0.036107473454245906, 'in': 0.02763256978633801, 'The': 0.026328746364834104, 'and': 0.020654473211527274, 'tbe': 0.019591148308831435, 'this': 0.01746544161626955}, {'of': 0.16444960716169313, 'the': 0.14236706033314395, 'in': 0.10871195296955415, 'and': 0.0553489103642758, 'to': 0.05126574936948445, 'a': 0.05080276527166905, 'for': 0.03407015368931856, 'that': 0.02851223080174858, 'by': 0.024757141971299964}, {'the': 0.6091036335227817, 'The': 0.07750289198161953, 'and': 0.05743715046276368, 'a': 0.04495270604564792, 'his': 0.02992131770748896, 'tho': 0.02884443234146756, 'an': 0.014545185958198571, 'of': 0.013912892724929848, 'in': 0.013757555296979774}, {'and': 0.019303526455372682, 'of': 0.01153279265813759, '<s>': 0.010789538507754671, 'two': 0.00932216082261485, 'ten': 0.009023593679328732, 'thousand': 0.00853808921033654, 'hundred': 0.007791237865456199, 'fifty': 0.007276648377777869, 'three': 0.006821308622093206}, {'and': 0.11173650290554403, 'was': 0.11159773421706874, 'is': 0.06967277360500375, 'were': 0.04139010136982295, 'are': 0.04131957376082229, 'be': 0.0304060471790056, 'it': 0.028222163680433295, 'been': 0.027887454617563166, 'on': 0.02541671022078332}, {'I': 0.2305428755322181, 'we': 0.10980801682797024, 'they': 0.09708477652130157, 'who': 0.08692628547669476, 'and': 0.06770163625186108, 'We': 0.06566320365848742, 'to': 0.059028760337148385, 'would': 0.047501789466684936, 'you': 0.0462107901943546}, {'the': 0.4894985281389798, 'The': 0.08867875826323483, 'and': 0.0648923453774024, 'our': 0.05714518015067924, 'his': 0.05380413393742687, 'of': 0.05204049900409128, 'their': 0.04223981854911376, 'a': 0.025870957975596954, 'tho': 0.025068357039906907}, {'to': 0.6647459946886811, 'will': 0.05580652625652672, 'and': 0.04812043640741706, 'we': 0.04362034766932225, 'not': 0.03783654546399879, 'the': 0.035457014495133526, 'can': 0.027911513949452352, 'would': 0.02558063498091251, 'who': 0.0213549131592863}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'this': 0.3161432280636273, 'the': 0.17999146886499465, 'that': 0.11300616225003136, 'first': 0.0729144709110859, 'a': 0.04316384186546304, 'his': 0.04298180165156511, 'took': 0.04177131044678779, 'same': 0.041300296479991276, 'on': 0.033741628483749335}, {'of': 0.4662577382121978, 'in': 0.09964450082822622, 'that': 0.09833868421763434, 'all': 0.07173436205899146, 'for': 0.05755644706771019, 'to': 0.04783752912362038, 'and': 0.03656860945138713, 'from': 0.03153681483111285, 'on': 0.0286625224871726}, {'Mr.': 0.2659042817308297, 'the': 0.265552091550581, 'and': 0.050642454734948036, '.': 0.04315332825372435, 'of': 0.026787189080106525, 'Mrs.': 0.023159497355716294, 'Dr.': 0.018502048653228555, 'The': 0.017665840450217143, 'in': 0.01564597641066652}, {'No.': 0.07045918961567334, 'and': 0.05712551045145394, 'the': 0.048806571737189025, 'of': 0.04607713813217821, 'at': 0.03236311171617805, '.': 0.029496589416228184, 'a': 0.029181043151900385, 'said': 0.024286560721970413, 'to': 0.022956728980699722}, {'be': 0.28381417714514523, 'was': 0.12377421602583967, 'been': 0.11089060953847243, 'and': 0.08795362787320922, 'is': 0.07669284141881684, 'were': 0.05815023599617909, 'are': 0.052953574946991655, 'being': 0.030612011404322355, 'has': 0.029589356428144628}, {'and': 0.04349880951133745, 'order': 0.03669154818015581, 'as': 0.030356249753517698, 'him': 0.02846693199164725, 'is': 0.026248448764202445, 'going': 0.022051847893482773, 'them': 0.021488324410431733, 'able': 0.021371782192323524, 'time': 0.020644733163324852}, {'he': 0.20066648746892102, 'I': 0.19445090910578364, 'who': 0.07930964499859919, 'have': 0.05822376928442887, 'they': 0.05797045503262075, 'and': 0.053902038754749304, 'He': 0.05351756420562255, 'she': 0.04907124714011059, 'has': 0.041156076319416104}, {'the': 0.2127797365208638, 'of': 0.08302074642967078, 'and': 0.07380683214123993, 'a': 0.06568303652727647, 'in': 0.027923783153467472, 'to': 0.02344842585727404, 'for': 0.020987680758112734, 'or': 0.0200710438986922, 'that': 0.01912950736957076}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.11248410497751717, 'and': 0.10149390764520706, 'of': 0.07528230108671667, 'to': 0.0564841707354987, 'a': 0.04334857371704633, 'for': 0.030210193141377253, 'or': 0.02021532907957216, 'be': 0.018791633486930286, 'was': 0.018782195577185256}, {'the': 0.32690401849989054, 'a': 0.12999598710128737, 'and': 0.08482376512934611, 'very': 0.07032439150764966, 'so': 0.06163325744888158, 'The': 0.05466155128952598, 'is': 0.044409878636394874, 'that': 0.03272089111123753, 'it': 0.032037661399696}, {'a': 0.503796814396552, 'of': 0.15382206474227333, 'the': 0.06111176185176052, 'with': 0.05043362771849575, 'and': 0.03851246542289951, 'make': 0.03184161220847138, 'A': 0.031149916463562348, 'as': 0.029539621609550648, 'in': 0.02708751831705392}, {'of': 0.20472995028652974, 'in': 0.1698623092851468, 'to': 0.1540718034265232, 'and': 0.08159576408925441, 'that': 0.07157949573478407, 'on': 0.06819885484192584, 'for': 0.06673229887671871, 'by': 0.05740708495623746, 'In': 0.04692252880583803}, {'and': 0.117872490061187, 'is': 0.08472557651489009, 'in': 0.07670791035802667, 'are': 0.07234905242338209, 'of': 0.0680317439147302, 'to': 0.06091057719254297, 'was': 0.056076525638275754, 'for': 0.0552033235147003, 'be': 0.048284999225402726}, {'of': 0.2601703610157081, 'to': 0.14744079003872274, 'and': 0.1442492338756582, 'in': 0.07938080564903968, 'with': 0.05270129960917303, 'for': 0.03964312590244663, 'that': 0.03665180603135747, 'by': 0.03275823389299416, 'all': 0.026176204496210633}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'and': 0.07061229424146696, 'such': 0.06817925091856603, 'far': 0.05587853753690732, 'described': 0.05290789838076753, 'well': 0.05161891291520088, 'it': 0.04461015601718269, 'is': 0.04135493281110949, 'so': 0.0366033003683055, 'much': 0.03643006760624733}, {'a': 0.2582525565147035, 'the': 0.23526408300326646, 'an': 0.09762552513827448, 'no': 0.09726664838769719, 'and': 0.07411318546428451, 'this': 0.04815439542131754, 'is': 0.04733363975175429, 'The': 0.04234944661411749, 'any': 0.03482876313059145}, {'of': 0.1281026417889051, 'the': 0.10137365144558398, 'a': 0.08934936979602826, 'and': 0.08450967018982111, 'to': 0.05810237570048573, 'in': 0.042214179829150704, 'for': 0.039524055117411805, 'be': 0.030178096941348286, 'or': 0.028886545825153685}, {'of': 0.1451241847346, 'as': 0.14397189628206467, 'is': 0.12696876695734308, 'with': 0.10317749070396261, 'in': 0.07229791806881074, 'by': 0.06500955630033939, 'to': 0.06412157758436733, 'for': 0.0609073378606483, 'was': 0.04862558446607862}, {'state': 0.09509658678145769, 'number': 0.0543921735196398, 'State': 0.05231060008839964, 'out': 0.049058132378567265, 'matter': 0.04337378315206388, 'line': 0.03633571639644662, 'side': 0.03175767300849138, 'part': 0.02769033173701066, 'people': 0.025446267262908932}, {'of': 0.1361156065470728, 'in': 0.12379685197203774, 'and': 0.10261169879628876, 'as': 0.08496345775464587, 'to': 0.07808728338293926, 'with': 0.07582981272100843, 'is': 0.066413225079166, 'for': 0.05393043785293695, 'such': 0.0531037980197878}, {'it': 0.23886856113426047, 'It': 0.18532919915453033, 'there': 0.07302777798556205, 'he': 0.06462928835947737, 'which': 0.06351207776921093, 'There': 0.060412750482963365, 'that': 0.04518337900343026, 'This': 0.03554753836684168, 'He': 0.0340978953297239}, {'be': 0.7765374283926716, 'was': 0.05813305527443128, 'been': 0.05288278880929827, 'and': 0.023235493988586195, 'were': 0.022426096998220714, 'is': 0.019662564273930653, 'are': 0.01657871205481977, 'bo': 0.012285820810337288, 'being': 0.00760112746324517}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'of': 0.15169285068727445, 'the': 0.08998759643576484, 'and': 0.06186568527022961, 'in': 0.03263092542090407, 'on': 0.028869873200572174, 'to': 0.028588595745780356, 'for': 0.027480527467639786, 'by': 0.02498051398492923, 'with': 0.024427557706310034}, {'of': 0.12551830267383224, 'the': 0.09123979600805814, 'and': 0.06165121311342423, 'to': 0.04970615639404506, 'was': 0.03589992628917584, 'in': 0.034381762912693445, 'be': 0.02827768691622312, '<s>': 0.02715589922604383, 'for': 0.02558158944907876}, {'of': 0.36608050602100467, 'in': 0.17847907900918708, 'that': 0.08462453744108463, 'for': 0.08112888556035902, 'to': 0.05949539723366972, 'In': 0.05714962935597258, 'by': 0.03810507626153802, 'and': 0.037216800447365056, 'on': 0.027222555559648427}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'that': 0.2943457705597308, 'and': 0.13257171150034217, 'as': 0.10058790069739312, 'but': 0.09447787315665285, 'if': 0.0759226360350847, 'which': 0.054531095120993696, 'when': 0.05383763354965405, 'what': 0.0318465580239656, 'where': 0.030996490697933022}, {'an': 0.3822963683623035, 'the': 0.18990029513449191, 'most': 0.14973090296829925, 'and': 0.07958123498417757, 'more': 0.045845330869316185, 'of': 0.026063592433607497, 'very': 0.025930732711475193, 'all': 0.022577613715686513, 'in': 0.02223460256218848}, {'of': 0.265595190877173, 'to': 0.13264908321859722, 'in': 0.08293575125826105, 'for': 0.07764331781639691, 'and': 0.07547752455279097, 'by': 0.07465200335727715, 'that': 0.06052021387281198, 'with': 0.05840380286154378, 'on': 0.050235608386850227}, {'the': 0.2107960169450072, 'of': 0.20684711586559001, 'and': 0.1418260638020889, 'a': 0.04276965643890863, 'to': 0.03281026302118168, 'by': 0.03265893329329356, 'in': 0.03221542709815169, 'his': 0.029028119695766342, 'The': 0.0266810441719649}, {'<s>': 0.1258394744240799, 'it.': 0.02924559908906961, 'them.': 0.017115542859010208, 'him.': 0.01595005799584989, 'time.': 0.011104782897749717, 'country.': 0.010367917580130738, 'liver.': 0.00973776009634258, 'day.': 0.009015486139512937, 'life.': 0.008059916576836159}, {'of': 0.12011584880558047, 'in': 0.11955822257335608, 'was': 0.11558534868058369, 'for': 0.10930696064893589, 'to': 0.09586999067167959, 'is': 0.09441066601337876, 'as': 0.09391408703414392, 'and': 0.056650776032825235, 'with': 0.05012489246473133}, {'went': 0.07659837764863033, 'go': 0.059508334039175555, 'divided': 0.051623892462973386, 'came': 0.04767159120086741, 'brought': 0.04744127162076092, 'put': 0.043914987057514336, 'taken': 0.041465586464928886, 'enter': 0.04009426281576731, 'come': 0.03956895519804207}, {'of': 0.41261529256509555, 'in': 0.1647171094573504, 'to': 0.06409020498458896, 'that': 0.060906507161716104, 'by': 0.052841172905108084, 'In': 0.045610668794298016, 'for': 0.04468206017315261, 'and': 0.03883989828720807, 'make': 0.03669155149503811}, {'went': 0.08683324565499717, 'go': 0.07476330580440535, 'came': 0.05394514230576035, 'back': 0.047297493639340674, 'it': 0.04706181582391388, 'out': 0.046435294313249977, 'put': 0.044640592301587366, 'down': 0.04048017963153846, 'come': 0.03746281779864652}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.31345202021507035, 'and': 0.06593638610106022, 'of': 0.0651225147148006, 'a': 0.05689526531432771, 'in': 0.05377710576252841, 'that': 0.032701254961480644, 'tho': 0.021077279701497673, 'no': 0.01953313410030027, 'any': 0.019192157317938614}, {'of': 0.21998648291869471, 'with': 0.18279479716661798, 'to': 0.15240131415209668, 'in': 0.14500244262194137, 'and': 0.06630469471664958, 'for': 0.06565174380043806, 'by': 0.03771802020174123, 'In': 0.029477766875205872, 'from': 0.02675129417261079}, {'the': 0.142966764715862, 'and': 0.07632661067689053, 'of': 0.06241803500923595, 'a': 0.04057667817144013, 'to': 0.020542843487997595, 'or': 0.017001104786285057, 'in': 0.016852174039919104, 'that': 0.016486566831356866, '<s>': 0.014877762928283645}, {'the': 0.22872928861472513, 'and': 0.08152046771804114, 'of': 0.07113402306501146, 'The': 0.055273080227615234, 'Mr.': 0.03669290378700563, 'that': 0.036579684601720584, 'a': 0.025816351700665235, 'his': 0.017348331401852015, 'tho': 0.014714626876349762}, {'the': 0.2188690333326954, 'a': 0.11685143013386311, 'in': 0.11302927515067179, 'of': 0.0964809228207081, 'and': 0.06894538574888186, 'In': 0.033947680281257143, 'to': 0.02800267717925451, 'some': 0.02669110394953522, 'by': 0.02583346062186188}, {'and': 0.14271818012133125, 'of': 0.12111445047110411, 'to': 0.051029904284279094, 'the': 0.04441184827869508, 'for': 0.03583228197333564, 'at': 0.021204368177428757, '<s>': 0.01897772282131428, 'by': 0.015418925067903004, 'in': 0.011930051612854101}, {'of': 0.2359256745589712, 'to': 0.1352354402264828, 'in': 0.13243035376934006, 'or': 0.11040162839872424, 'at': 0.05933206204858115, 'by': 0.059051498670659196, 'as': 0.058169838821896226, 'if': 0.04811618981781849, 'that': 0.047210390784960164}, {'the': 0.5396952320263082, 'a': 0.1444988272276525, 'and': 0.05291853976539141, 'The': 0.050159756782850576, 'to': 0.03559381267820411, 'average': 0.024369018535241257, 'tho': 0.02339706723199314, 'great': 0.012188444491998443, 'or': 0.0117154035068453}, {'of': 0.2554835281615303, 'in': 0.14836357495324948, 'for': 0.13612379210636877, 'to': 0.11741287925594576, 'with': 0.05978391369893483, 'and': 0.05675585102439266, 'that': 0.0449900732356309, 'by': 0.044611982963859986, 'on': 0.04147384441753371}, {'of': 0.372250008230491, 'to': 0.115010741223047, 'that': 0.10674137818426689, 'by': 0.09020634328053226, 'and': 0.0898824512123781, 'with': 0.04566707098347421, 'for': 0.030355427395795973, 'as': 0.029725130785939222, 'all': 0.027480574881428844}, {'that': 0.22669954031442704, 'and': 0.13556820155651295, 'which': 0.09519248155934783, 'as': 0.09066980296564282, 'will': 0.0694968296651406, 'when': 0.060877718526453434, 'if': 0.047444377471467236, 'to': 0.04703355877830444, 'shall': 0.04520696342447808}, {'of': 0.38239463151011377, 'in': 0.13629747988019297, 'to': 0.08284197669242986, 'by': 0.06710185935175664, 'that': 0.06486485954566411, 'with': 0.05657685753085016, 'for': 0.049087666400551636, 'and': 0.04819806030530644, 'In': 0.026786424062607103}, {'made': 0.11942847096974421, 'and': 0.07979570471363857, 'caused': 0.029091215056480817, 'shown': 0.028426754301022945, 'up': 0.02777670568714523, 'ed': 0.027617079589566704, 'out': 0.026630159435991316, 'taken': 0.02626602987193105, 'done': 0.02542850605479482}, {'not': 0.37510646655686164, 'and': 0.1514003417718421, 'as': 0.07398443887801393, 'have': 0.04228610253456334, 'has': 0.036725252885651205, 'is': 0.036593552966400336, 'are': 0.03176841012748685, 'had': 0.02241403067654994, 'never': 0.021764248839055245}, {'<s>': 0.052065995485093185, '.': 0.021999727615326533, 'and': 0.01982718160825664, 'it.': 0.013054776973009243, 'them.': 0.01034961968105326, 'of': 0.009234945698979974, 'him.': 0.008700089114910239, 'boy.': 0.008691783426989879, 'year.': 0.007347235769325164}, {'the': 0.4228945252152736, 'in': 0.11947002872282621, 'from': 0.11601492995851374, 'and': 0.06621307314009357, 'of': 0.06607003815727085, 'In': 0.0392757266757123, 'tho': 0.021618143354257942, 'to': 0.01843669828521024, 'thence': 0.017639948291085405}, {'the': 0.39752176015428814, 'and': 0.0819906070632652, 'an': 0.05947016966087525, 'or': 0.043561092960343606, 'this': 0.042188647600685907, 'a': 0.0416225334032918, 'The': 0.03595417020451789, 'all': 0.03187339514958656, 'other': 0.02944707354892066}, {'the': 0.30370078382224436, 'a': 0.21878037356743923, 'some': 0.079812283834221, 'this': 0.07338535837322611, 'that': 0.06686091134933919, 'short': 0.06124147470332114, 'same': 0.056091068629291606, 'first': 0.04689051308014085, 'any': 0.03821922376635014}, {'the': 0.1716651147218746, 'of': 0.12017241105327997, 'and': 0.06386540135415332, 'a': 0.04084798884730423, 'Mr.': 0.0295575201857318, 'to': 0.024580687676458077, 'The': 0.022760397743127582, 'in': 0.021585930007273133, 'that': 0.015025355563077632}, {'it': 0.11538796975578612, 'and': 0.08558513006049022, 'they': 0.07750488065662994, 'which': 0.06446205120127957, 'he': 0.06124984395618844, 'It': 0.05704976551727627, 'that': 0.04959308137990716, 'you': 0.04663866234631756, 'I': 0.039975485631013996}, {'the': 0.15887476187247904, 'and': 0.09291950853285091, 'of': 0.0609457492111986, 'in': 0.047014639682482894, 'to': 0.033173909027305624, 'for': 0.0320941136574002, 'that': 0.031572913377981626, 'or': 0.025769556877486086, 'be-': 0.024768695335226975}, {'was': 0.12368872866477451, 'and': 0.12165475140149734, 'is': 0.10587092177952766, 'are': 0.08367586652978345, 'be': 0.06006960489135306, 'been': 0.050992535047919674, 'were': 0.041189061587113475, 'not': 0.04037849998842709, 'or': 0.027827856940822435}, {'a': 0.1902983519758456, 'and': 0.15077059654067693, 'the': 0.13031041325222883, 'in': 0.11732269141797079, 'of': 0.08236481065765712, 'to': 0.06518736390460719, 'with': 0.051909848524479545, 'from': 0.04393055103583092, 'for': 0.04292588970432473}, {'that': 0.24175127055435144, 'and': 0.1651103951247181, 'which': 0.08014135166969605, 'as': 0.07194497784458877, 'but': 0.06107179072240188, 'if': 0.05201939817328978, 'If': 0.034781933928930614, 'when': 0.03476127922074784, 'what': 0.028002394802010847}, {'the': 0.32427351138250454, 'a': 0.1466961399178382, 'and': 0.09598544479499423, 'of': 0.09366236181986219, 'in': 0.03641998226946183, 'his': 0.033759347642066256, 'is': 0.03373073668219775, 'are': 0.025889954061930814, 'their': 0.024307181488681166}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'that': 0.32162847781005305, 'when': 0.10978895792406886, 'and': 0.08809702734424533, 'which': 0.0747229635926207, 'as': 0.06446107279083658, 'if': 0.04651245418284462, 'where': 0.04510537429293735, 'but': 0.04392555524448781, 'said': 0.03680389826227941}, {'and': 0.11741485396964671, 'laid': 0.06654842231235991, 'came': 0.060113690277885365, 'break': 0.056545724826849386, 'went': 0.053338789151098576, 'cut': 0.05322637324841122, 'lay': 0.052364420491578474, 'it': 0.04897780302255301, 'way': 0.04804336735306891}, {'from': 0.20353827405706174, 'and': 0.1416940434569627, 'or': 0.09647000331700328, 'of': 0.08375107077512664, 'writ-': 0.07398989030347129, 'than': 0.06812180651664355, 'to': 0.05802040126300558, 'in': 0.051382457564153335, 'for': 0.04900960584798473}, {'it': 0.16747301095601322, 'he': 0.15038518671492693, 'It': 0.15012693899070906, 'I': 0.08673225904607307, 'there': 0.05773480960566197, 'He': 0.052702735132203866, 'and': 0.03969218541356171, 'she': 0.03926310788856527, 'which': 0.0388707460451963}, {'No.': 0.07045918961567334, 'and': 0.05712551045145394, 'the': 0.048806571737189025, 'of': 0.04607713813217821, 'at': 0.03236311171617805, '.': 0.029496589416228184, 'a': 0.029181043151900385, 'said': 0.024286560721970413, 'to': 0.022956728980699722}, {'of': 0.4185951135266119, 'to': 0.11957798457998765, 'by': 0.09851449141244105, 'in': 0.08415417330627538, 'that': 0.06130400596524935, 'and': 0.04217625165952903, 'for': 0.03430658329766005, 'with': 0.029436723235436297, 'from': 0.02701769101226345}, {'and': 0.1656754945740656, 'but': 0.08565508476017326, 'that': 0.0786499521128464, 'as': 0.04116012714774539, 'when': 0.03538396689947711, 'which': 0.027301616983008304, 'if': 0.024683762289245945, 'But': 0.022976526988394228, '<s>': 0.022873887007398164}, {'the': 0.36413497880715184, 'a': 0.2188184079027284, 'his': 0.10628156445579562, 'to': 0.07288668018308345, 'their': 0.03385266407979284, 'and': 0.03252843758323168, 'her': 0.030513415913816445, 'this': 0.030506826308303547, 'its': 0.027985858302227138}, {'the': 0.5003147408667161, 'a': 0.1466965774566665, 'and': 0.049888926337907015, 'his': 0.04694657565172572, 'The': 0.04130558225177485, 'our': 0.041175774316463465, 'their': 0.039140141697635314, 'of': 0.03703507147261868, 'any': 0.03521307893861205}, {'the': 0.3536262907053096, 'a': 0.19638225517888966, 'of': 0.08238793669326634, 'and': 0.07546674522113567, 'in': 0.047232267727737864, 'their': 0.030649192767597026, 'is': 0.030452474380961405, 'its': 0.028146432088355475, 'The': 0.027156160703060008}, {'and': 0.1179219744531123, 'the': 0.10988485088339045, 'of': 0.10151063961612823, 'to': 0.08866057866828453, 'in': 0.04897614668521211, 'be': 0.0378406672056019, 'was': 0.02595027067742168, 'a': 0.02535860102867006, 'on': 0.024253098678597082}, {'of': 0.08937305479574345, 'the': 0.07257320957318572, 'to': 0.058384834003970036, 'at': 0.052244728642093806, 'and': 0.0383901638871131, 'in': 0.024016902587410814, 'by': 0.020826514968260258, 'was': 0.020447842531529817, 'on': 0.019405728093243608}, {'and': 0.18533940525177836, 'fact': 0.09052443826304825, 'is': 0.07981987937384265, 'so': 0.04853476494194088, 'was': 0.037059157814482935, 'believe': 0.034028210796414174, 'of': 0.033161142442586375, 'say': 0.030265492683861753, 'said': 0.02712924743395645}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'be': 0.27717298066568896, 'and': 0.1650812483383075, 'was': 0.056105795266097575, 'been': 0.04803702359453545, 'he': 0.044993983448975754, 'have': 0.042269160742454764, 'are': 0.03518445892668624, 'had': 0.033002711770116974, 'is': 0.03199334684374776}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'<s>': 0.1119070377220219, 'it.': 0.01947625677977924, 'of': 0.013695825006272647, '.': 0.012171703640470667, 'them.': 0.012135910689639224, 'in': 0.01048859315364141, 'time.': 0.009945947985400702, 'day.': 0.009905250063149957, 'country.': 0.008270505200571958}, {'get': 0.07245670546976644, 'was': 0.06827773018828956, 'and': 0.06627903282426373, 'him': 0.052442468208758614, 'it': 0.050561188617061346, 'them': 0.04807318223935662, 'are': 0.047026350523610795, 'go': 0.0433307210705129, 'come': 0.040797963484801664}, {'in': 0.12895855885547713, 'to': 0.12840871906956114, 'for': 0.10662116490124762, 'of': 0.1029140626960164, 'and': 0.059508723762538664, 'that': 0.04717863920437947, 'with': 0.04176231778756737, 'as': 0.035005230244633936, 'at': 0.03350553033226715}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'I': 0.2517477688789082, 'and': 0.15033783042010332, 'he': 0.1118910138538619, 'He': 0.07581232454937054, 'she': 0.05252091588075699, 'had': 0.048071232273838006, 'have': 0.04287197480279454, 'was': 0.03058073609022302, '1': 0.029886991572075368}, {'the': 0.2791238424919222, 'and': 0.09668351069459956, 'of': 0.07014606650936464, 'a': 0.0650618821050845, 'to': 0.025596158380281307, 'his': 0.023468130490882266, 'their': 0.020317650494237463, 'tho': 0.018612458927889285, 'with': 0.018446095407023185}, {'and': 0.05049270609400036, 'covered': 0.04517537158604233, 'filled': 0.038667402650483275, 'together': 0.030659217980718908, 'charged': 0.023814339760940825, 'it': 0.0213243214089443, 'up': 0.019650106793190212, 'him': 0.018225104095288727, 'them': 0.016067503551254556}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.3571889545774311, 'a': 0.15026877712483055, 'to': 0.12053983130436696, 'and': 0.09198103965497818, 'of': 0.07214358123776266, 'The': 0.04538394371005496, 'in': 0.04000645982350057, 'his': 0.025546651549248484, 'will': 0.024553170790365078}, {'of': 0.28916967586087455, 'in': 0.12605758239629244, 'to': 0.09759588805217023, 'for': 0.07256813185451619, 'with': 0.06109385825849505, 'any': 0.05995308367454934, 'that': 0.05342994892289349, 'and': 0.049204664451159515, 'by': 0.04111239308366856}, {'it': 0.1796502958519765, 'It': 0.1314737510553737, 'which': 0.08831875746077457, 'that': 0.059831162568318705, 'and': 0.05669137968418547, 'there': 0.04633661477885281, 'he': 0.037780172247234144, 'There': 0.03729202527808332, 'who': 0.024667656060061497}, {'the': 0.6988394281533484, 'The': 0.0726319276978763, 'feet': 0.03778978235644084, 'and': 0.0334733655873438, 'tho': 0.028179234331925013, 'as': 0.01990574667139189, 'bounded': 0.016514690058147315, 'said': 0.014185995846271664, 'tbe': 0.012733591741186198}, {'he': 0.17475438872346447, 'it': 0.1359286733624291, 'they': 0.09637533336931273, 'I': 0.08453683576858537, 'that': 0.07339259747557059, 'It': 0.07261110104187243, 'we': 0.044348645187426095, 'which': 0.04425071068500445, 'and': 0.04339726392581102}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'be': 0.17487726840512804, 'he': 0.15013451388156793, 'I': 0.14823024638819227, 'was': 0.08441589327209843, 'are': 0.056269065482356884, 'is': 0.04871043264300907, 'and': 0.04604760603044603, 'were': 0.045155071937443204, 'have': 0.04355013809738043}, {'in': 0.5682357486277202, 'In': 0.18649392827732916, 'of': 0.10931608948579667, 'to': 0.04259031722971405, 'from': 0.019231241417111147, 'for': 0.017545208606000274, 'by': 0.012687453622350827, 'that': 0.01196161610701482, 'iu': 0.011535596339929012}, {'is': 0.29707182776631536, 'and': 0.1556331406178534, 'was': 0.13700301732693873, 'are': 0.12376655382400488, 'be': 0.03978656299929579, 'were': 0.03630526600486218, 'Is': 0.034353528652820854, 'not': 0.025271197042611587, 'I': 0.021743794733189357}, {'<s>': 0.05165661686876961, 'and': 0.014169822696830293, 'it.': 0.013152082834459239, 'them.': 0.009220277179744796, 'him.': 0.009024013461610643, '?': 0.005136204751766838, '': 0.004767768025689809, 'country.': 0.0046013825574863195, 'years.': 0.004221054483432523}, {'to': 0.523099750591923, 'I': 0.0809455222797208, 'not': 0.07466711231980545, 'and': 0.07098298489390956, 'can': 0.059066491799851115, 'will': 0.05578801727714728, 'we': 0.024513439535104223, 'would': 0.021715923792320603, 'could': 0.021022993132489655}, {'the': 0.20121526932133815, 'his': 0.19809048068254342, 'their': 0.1923539834348939, 'a': 0.08682012666248454, 'our': 0.058651642198984874, 'my': 0.052176024417962194, 'its': 0.05051250854815893, 'her': 0.0417263755883958, 'of': 0.02335711175483948}, {'of': 0.2645897715934109, 'for': 0.12256792647255169, 'to': 0.11307107189438102, 'in': 0.09326001168161135, 'with': 0.0829351871328225, 'on': 0.052764549175662576, 'about': 0.04322611798618306, 'upon': 0.04010096390670294, 'by': 0.03555204625320826}, {'of': 0.2989553672330469, 'the': 0.1846404325945568, 'with': 0.08432459824915335, 'in': 0.07486086727729922, 'to': 0.049601038990355346, 'for': 0.04762554603359835, 'a': 0.04518127570725087, 'and': 0.0374511287715096, 'by': 0.021541398590453873}, {'one': 0.016368888842335127, 'more': 0.015000372690832826, 'on': 0.011189338260333165, 'day': 0.01075934247865153, 'two': 0.010752403191876184, 'person': 0.00789861567222125, 'in': 0.007751399993273645, 'man': 0.007556023970783172, 'law': 0.006531081514130428}, {'and': 0.09377129454296322, 'was': 0.04271315341537484, 'out': 0.028524574363226172, 'that': 0.02811573968936019, 'placed': 0.027131868575018914, 'work': 0.02578173844450971, 'made': 0.024681420068921236, 'is': 0.024021050156212566, 'up': 0.023509378606325886}, {'in': 0.30039765180869205, 'the': 0.19525529890896565, 'of': 0.10812927410448897, 'and': 0.09907063924955761, 'In': 0.05281125513126655, 'by': 0.04056413516123954, 'with': 0.02573736988234864, 'a': 0.022203519892070214, 'for': 0.021534823145307982}, {'of': 0.20337187006200916, 'the': 0.14753242849585735, 'in': 0.07597426183410905, 'to': 0.06533008470883596, 'at': 0.058404597910604976, 'and': 0.049391075927309375, 'a': 0.030993788691368627, 'by': 0.026810767924018722, 'from': 0.025465946832224026}, {'is': 0.17259142955892112, 'ought': 0.08272961521902446, 'are': 0.08056057458647582, 'seems': 0.07558392967483372, 'was': 0.06572888558670693, 'not': 0.06439114674223405, 'said': 0.05149586598076354, 'seemed': 0.04272828164381891, 'as': 0.041024869025136954}, {'the': 0.1948285250686572, 'too': 0.10621788983665255, 'a': 0.10109710605995668, 'his': 0.07229139261196829, 'any': 0.057936622101942066, 'their': 0.04914266483977501, 'of': 0.04591665253084953, 'be': 0.04455800173546558, 'and': 0.041722267536123354}, {'a': 0.1999278478913678, 'the': 0.17981914382517783, 'of': 0.0919011639235939, 'and': 0.05560190551126984, 'The': 0.03213599072858181, 'Mr.': 0.02623027293532125, 'by': 0.024546705066150965, 'an': 0.02166035522393662, 'to': 0.019828949124499822}, {'it': 0.22856110105309196, 'It': 0.1452820683974188, 'which': 0.05914017695475625, 'he': 0.0478149945050819, 'and': 0.04416228847994344, 'that': 0.040249019547583975, 'there': 0.02938454306037856, 'who': 0.024987486037450265, 'This': 0.017718758616521977}, {'those': 0.3493365421117119, 'men': 0.11569175129743846, 'Those': 0.05562769900313716, 'people': 0.048375164236878855, 'man': 0.04534898524159651, 'one': 0.04261783810650785, 'and': 0.04019124901756883, 'women': 0.028013949726542718, 'persons': 0.024799182755771775}, {'they': 0.15760328678212984, 'who': 0.11079496425017725, 'which': 0.08347801707946555, 'we': 0.0720926941477062, 'there': 0.06456130172288978, 'you': 0.05277041337005676, 'and': 0.050186397875333806, 'that': 0.047210559646119574, 'They': 0.045683393839219974}, {'the': 0.10266587589026463, 'and': 0.09639767748533458, 'of': 0.08725627820172022, 'in': 0.08107556814394025, 'to': 0.06145087146700906, 'for': 0.04801869276520893, 'or': 0.03379711628440991, 'that': 0.029411227367020624, 'which': 0.023885336695881217}, {'is': 0.2951995005014002, 'are': 0.21025893132141832, 'and': 0.08745873660841062, 'Is': 0.05708938187785746, 'was': 0.04940934543422386, 'it': 0.03492347727174438, 'not': 0.029230048698795717, 'but': 0.02834276758697412, 'am': 0.025656813214314893}, {'of': 0.1652866049948965, 'as': 0.10758684897391126, 'to': 0.10025234234697905, 'in': 0.09788269155906681, 'and': 0.06941612231863409, 'with': 0.06547925971034668, 'that': 0.06047180734245003, 'by': 0.04766950888609297, 'such': 0.04515065589149831}, {'of': 0.19843015405694236, 'and': 0.18072716999018565, 'but': 0.08120873773184314, 'know': 0.06284206899613237, 'to': 0.060130351713249874, 'But': 0.05374599906257086, 'for': 0.04765512405983429, 'And': 0.047539838693545805, 'that': 0.042720269175454025}, {'the': 0.24039924150593964, 'and': 0.08655307473014154, 'a': 0.07739342228619499, 'of': 0.0638543013875952, 'in': 0.05118565062515073, 'to': 0.024493216790618024, 'an': 0.024280234611005497, 'his': 0.02253083604248939, 'was': 0.022197684825658127}, {'went': 0.08683324565499717, 'go': 0.07476330580440535, 'came': 0.05394514230576035, 'back': 0.047297493639340674, 'it': 0.04706181582391388, 'out': 0.046435294313249977, 'put': 0.044640592301587366, 'down': 0.04048017963153846, 'come': 0.03746281779864652}, {'nothing': 0.040804781505807526, ';': 0.03736076057033782, 'it,': 0.018066481145268536, 'anything': 0.01603281193180715, 'them,': 0.013811811926715553, 'time,': 0.01372699611946126, 'and': 0.013059363160830673, 'him,': 0.012402443203759397, 'is': 0.010372565743577186}, {'and': 0.14526855804162062, 'was': 0.08315808640918386, 'is': 0.06511578731757786, 'be': 0.06047204940106243, 'are': 0.034449779597634865, 'it': 0.021204356193837492, 'were': 0.020105080281663516, 'but': 0.0200993578545202, 'not': 0.020049509502820993}, {'the': 0.2216806424720523, 'a': 0.1220270292795151, 'and': 0.054866170706274656, 'an': 0.054801932779980723, 'of': 0.039494819538064996, 'that': 0.02618403576595926, 'in': 0.025187713723039802, 'to': 0.0244356260044659, 'The': 0.021436842162468824}, {'of': 0.3129372219051967, 'in': 0.15142699062566048, 'for': 0.12487431234572693, 'to': 0.07939828985289239, 'that': 0.05953160377356204, 'at': 0.052230515828101544, 'In': 0.04547271608619835, 'and': 0.04304738963315618, 'all': 0.02357628225918207}, {'of': 0.4016190053482895, 'and': 0.09125220785518433, 'to': 0.0890922520868071, 'that': 0.08834522912438617, 'for': 0.06808678238572316, 'in': 0.04903493418510469, 'by': 0.048001648871144866, 'with': 0.0305911290296197, 'all': 0.028980658843252915}, {'of': 0.24348154353359294, 'in': 0.12649470594594842, 'and': 0.09606741255955929, 'to': 0.09498031507013911, 'by': 0.0762414707476365, 'with': 0.06711437916167573, 'at': 0.06498135087952125, 'from': 0.06459760039493596, 'that': 0.04855326303320254}, {'of': 0.420306085032049, 'in': 0.12272579424475455, 'that': 0.08207128850939029, 'to': 0.07194329060086334, 'on': 0.05986839488574511, 'from': 0.04578072227038505, 'by': 0.04379929861311177, 'In': 0.042682523111462346, 'and': 0.04036793343663607}, {'of': 0.2975955312912373, 'the': 0.2408551408610802, 'and': 0.10807451939714682, 'in': 0.06466787514545495, 'by': 0.029756357494357517, 'a': 0.02416116354640676, 'from': 0.022230893424747118, 'with': 0.01865347409907353, '&': 0.016380937135876114}, {'the': 0.22038313903105292, 'Mr.': 0.07937156760867098, 'of': 0.07368785948768332, 'The': 0.06437454493038172, 'and': 0.05944888902093017, 'that': 0.046904228525190425, 'a': 0.028819451762637286, 'his': 0.018895379103475607, 'Mrs.': 0.016510016796138643}, {'an': 0.4037148102917011, 'of': 0.16795188336981098, 'in': 0.08608492861293274, 'the': 0.06390520440214537, 'is': 0.05838118888443962, 'and': 0.050858371205116916, 'most': 0.04653797977059714, 'with': 0.03345762615043648, 'are': 0.03014088424091759}, {'one': 0.09646332857988675, 'out': 0.0786266680450152, 'part': 0.061247383133403395, 'some': 0.0515460136902897, 'that': 0.029275101279657267, 'all': 0.027856072378068513, 'much': 0.02492517266273947, 'and': 0.021643467958821636, 'time': 0.0210511439370571}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.38680390561082334, 'this': 0.07399490346663631, 'of': 0.06220325838948832, 'our': 0.05804029891163543, 'that': 0.0573513773648222, 'their': 0.05331520195351615, 'and': 0.05067370394728997, 'his': 0.04812363935817351, 'or': 0.0384323994520709}, {'of': 0.31936925678403644, 'the': 0.20770290611395695, 'in': 0.14166829490403335, 'by': 0.1351478402895882, 'to': 0.05231416605680245, 'In': 0.02584904204594531, 'which': 0.025182701425375535, 'on': 0.02435861447914525, 'that': 0.019283890993724805}, {'be': 0.27110964034425655, 'was': 0.23593700786851984, 'been': 0.15644077410525475, 'were': 0.07842816345159208, 'is': 0.07226886386586472, 'are': 0.04330194039964612, 'being': 0.031100884483730298, 'and': 0.021501386421255528, 'bo': 0.018524768214227525}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.35566384664539336, 'of': 0.13190853094776522, 'and': 0.06340102507265327, 'their': 0.04082419902987586, 'American': 0.04017979385168914, 'The': 0.03363170331473225, 'for': 0.03275835918705553, 'his': 0.031923025538226485, 'other': 0.02892677972746882}, {'was': 0.24206217138043698, 'be': 0.19020101364904607, 'been': 0.10812704594323687, 'were': 0.09074950838175112, 'is': 0.0826847850184061, 'and': 0.05346403251767791, 'have': 0.053257555842740015, 'are': 0.04723088772817028, 'had': 0.04107942934103689}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.28110928530574836, 'a': 0.11011275521193692, 'of': 0.07256540217452882, 'and': 0.06890995944834136, 'to': 0.043007068856488744, 'The': 0.032807503759536644, 'in': 0.02879486357296232, 'on': 0.025210945039965443, 'tho': 0.020446393057685187}, {'of': 0.4988800515212192, 'in': 0.09542649676081047, 'at': 0.059252010066549864, 'by': 0.04285288746456776, 'on': 0.0363293818387822, 'for': 0.036056277378849644, 'from': 0.031218596868465873, 'the': 0.030839091791715827, 'and': 0.02784893514234059}, {'in': 0.22049853752678233, 'of': 0.19906351264608593, 'to': 0.15533122288513138, 'and': 0.0785194850566663, 'for': 0.06534574782500858, 'In': 0.049987187108269604, 'that': 0.04990475152694579, 'with': 0.039909240100594094, 'on': 0.03340965344791106}, {'the': 0.7616982051855727, 'The': 0.06711179139745566, 'tho': 0.038264673583676086, 'take': 0.027392638077789886, 'and': 0.020498291566097285, 'in': 0.01909913400715244, 'no': 0.018782867300083286, 'a': 0.012320765403882909, 'an': 0.011711062266507056}, {'of': 0.1327729380955105, 'and': 0.10825710207467582, 'the': 0.058586363736942225, 'a': 0.050330994032038244, 'be': 0.037295923826227304, 'to': 0.03335920160213288, 'for': 0.03298889577773153, 'was': 0.029031001523755928, 'is': 0.028961413951970206}, {'the': 0.5866943646722118, 'a': 0.12619079840224717, 'and': 0.07469797979423025, 'The': 0.0323229813438384, 'this': 0.02920047012835238, 'to': 0.026898300810005573, 'tho': 0.026236549138547435, 'of': 0.01368480570855334, 'in': 0.01210187029475053}, {'and': 0.12777382587599814, 'was': 0.09143984263432887, 'of': 0.08702574048169048, 'is': 0.0705184217995486, 'nothing': 0.04073031884013801, 'bring': 0.03753531132127646, 'anything': 0.03615557464205318, 'for': 0.03525651780625666, 'talk': 0.03179422960169685}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'the': 0.32316732030561446, 'not': 0.21250705086755778, 'is': 0.06758597250329151, 'The': 0.05597418640034406, 'was': 0.05170130113596649, 'and': 0.04209981032864033, 'are': 0.029854131367724062, 'of': 0.02747513944526217, 'tho': 0.020859305409279962}, {'a': 0.21151056624556847, 'the': 0.20108303259953125, 'for': 0.08099934992613265, 'of': 0.07107076096788623, 'at': 0.06300806829603109, 'in': 0.04007855528181688, 'and': 0.03328662406756198, 'to': 0.028509436423802454, 'an': 0.018867924690405168}, {'and': 0.07544575300900914, 'was': 0.05470985637572548, 'be': 0.0493815803273086, 'is': 0.04706755873168884, 'are': 0.03728901888190523, 'that': 0.02586535239089825, 'were': 0.023114407641360996, 'been': 0.022080154308102656, 'now': 0.02134740508627967}, {'June': 0.11631020840967395, 'May': 0.0809246097355692, 'lot': 0.07769928525157833, 'April': 0.05294276340655997, 'July': 0.04869845897042195, 'No.': 0.04490531654323187, 'block': 0.036729819681001315, 'March': 0.03433150137224839, 'degrees': 0.028383811202206236}, {'the': 0.3829070634105885, 'this': 0.14847702795226844, 'a': 0.13263139115043276, 'and': 0.07624958495154667, 'to': 0.06126221536916866, 'of': 0.04551035035410838, 'in': 0.023602725488461165, 'that': 0.021573818747812272, 'tho': 0.018195863852208557}, {'the': 0.16874414655865014, 'and': 0.1322199612100432, 'of': 0.1063131738551663, 'to': 0.09438323098185222, 'a': 0.0660166413113552, 'at': 0.04498975717104705, 'in': 0.039763341323115424, 'for': 0.030597131666522438, 'with': 0.0267886461117105}, {'the': 0.5094020827060872, 'a': 0.149642891114133, 'this': 0.05700819997710458, 'tho': 0.03767751337544766, 'of': 0.03466083220860062, 'and': 0.03118050404751731, 'The': 0.030135904843414905, 'further': 0.022155340455341243, 'to': 0.02204864412324792}, {'the': 0.19670387957172328, 'of': 0.12034700726956073, 'a': 0.08438228089640598, 'to': 0.07002755359439007, 'and': 0.06281574081115311, 'be': 0.0453128674171294, 'in': 0.03379866218947241, 'is': 0.03220276533394172, 'not': 0.029189418599409524}, {';': 0.034588105121974404, 'nothing': 0.02115105967321385, 'him,': 0.018842001643380037, 'it,': 0.018388783531247965, 'is': 0.015395427949592365, 'time,': 0.0153354069742367, ',': 0.011642987797406992, 'them,': 0.010288128548044635, 'years,': 0.009373613509082527}, {'to': 0.6533796880468011, 'will': 0.05625195980457016, 'they': 0.03307317724969701, 'and': 0.030410361800676945, 'would': 0.028221264074890312, 'I': 0.02770719491633202, 'can': 0.02752308641298706, 'we': 0.02508976994051327, 'not': 0.019748334103183832}, {'of': 0.08301276211150777, 'to': 0.07593606350688716, 'a': 0.04992273058419811, 'and': 0.04762414631326639, 'in': 0.0393815188881098, '-': 0.03181151266089559, 'with': 0.03133679462721699, 'the': 0.03074892945614247, 'by': 0.027976741334567866}, {'to': 0.14873942328809442, 'and': 0.10240102754317151, 'of': 0.05712547684165998, 'the': 0.04422196223221169, 'in': 0.03350494167484157, 'is': 0.028058542060599406, 'I': 0.026660736993923923, 'for': 0.02440585407489247, 'not': 0.02404489402087884}, {'<s>': 0.08144526945594664, 'was': 0.07762343002779788, 'and': 0.07335197386389149, 'be': 0.038516244337651905, 'is': 0.032614713029262866, 'were': 0.03183626154670456, 'are': 0.027468769500260865, 'of': 0.02695390722418446, 'that': 0.0264435899246826}, {'the': 0.17862086961185886, 'and': 0.10766992695133945, 'a': 0.06715111339410611, 'of': 0.06608675072327122, 'to': 0.04590318919978256, 'in': 0.04256933777069419, 'that': 0.03663512560269773, 'which': 0.027846379974258414, 'I': 0.025348929314754784}, {'the': 0.18354704793675358, 'of': 0.08652146533735898, 'and': 0.07249271108792474, 'a': 0.06725806372958926, 'to': 0.02964544820692457, 'in': 0.02784187142073062, 'or': 0.02083102257153503, 'be': 0.019224172313392598, 'was': 0.019208665398659893}, {'and': 0.16710492654362566, 'is': 0.0805047844482946, 'fact': 0.07269495099731105, 'of': 0.06539177871998036, 'so': 0.04909091763194265, 'said': 0.047200167909656705, 'was': 0.04010230742979944, 'in': 0.03994649275294676, 'to': 0.03524853942669206}, {'the': 0.36041404122877263, 'a': 0.19226844870153428, 'and': 0.043479653125214464, 'of': 0.023533923814495754, 'A': 0.01972538676631098, 'tho': 0.018605237056141918, 'to': 0.018532543623715727, 'this': 0.01655863847158529, 'one': 0.014411438343945003}, {'the': 0.49385939097765336, 'this': 0.18603540211063943, 'a': 0.048184176430461835, 'that': 0.034668637548872665, 'tho': 0.03459815099019991, 'said': 0.03185290721870902, 'The': 0.024982647301389927, 'and': 0.023021729163893147, 'our': 0.01778031558616194}, {'that': 0.07244257727377629, '<s>': 0.04681608671934258, 'and': 0.04368654019037678, 'as': 0.042236965160812226, 'but': 0.030674606462971793, 'it.': 0.026632832225781992, 'which': 0.020161756248069235, 'of': 0.013547452467785505, 'them.': 0.011753130788154362}, {'the': 0.11963568410447895, 'and': 0.07951124903941001, 'of': 0.06825226613956396, 'to': 0.0611751701938304, 'a': 0.05571586257257412, 'be': 0.028594878842944225, 'is': 0.024939862649589955, 'in': 0.024504313993319038, 'was': 0.024212699061538646}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'well': 0.12991015635064773, 'known': 0.11168587180543645, 'soon': 0.10369035459473254, 'far': 0.08195907566424299, 'and': 0.06388557808584468, 'long': 0.03755135115796446, 'such': 0.02954466624033588, 'just': 0.024368945136159968, 'much': 0.020609769850901107}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'<s>': 0.06122107145794464, 'it.': 0.01108456716478379, 'them.': 0.009335427384765201, 'that': 0.008528683469215922, 'of': 0.008025737052574105, 'and': 0.006915593033669489, 'country.': 0.00576897127898688, '': 0.005161005351512138, 'him.': 0.0050529862371623034}, {'be': 0.2613351712026962, 'had': 0.15470843591478853, 'been': 0.12213434462578782, 'was': 0.11256286082149793, 'have': 0.09772881634491988, 'has': 0.0790374721384869, 'were': 0.05773143346023268, 'and': 0.035232233649043376, 'is': 0.03160583248995217}, {'the': 0.24709148983054757, 'a': 0.1449033487841355, 'of': 0.08108793045277184, 'and': 0.06166955418168026, 'an': 0.03668338604508333, 'in': 0.033888033547905254, 'to': 0.026437494988265798, 'The': 0.02227889746404783, 'for': 0.01838927898884994}, {'virtue': 0.0902395637456515, 'one': 0.04914261531751399, 'out': 0.049132633184089614, 'part': 0.034098188449642144, 'pursuance': 0.03177111261508588, 'result': 0.026427693430353897, 'all': 0.025413775666440302, 'tion': 0.024025388389778208, 'means': 0.022704350447063676}, {'the': 0.3778850259604103, 'of': 0.17032871211525735, 'an': 0.1048395899423175, 'and': 0.06091338739661555, 'in': 0.03784519331208026, 'The': 0.03667957957630763, 'by': 0.02908524079689428, 'tho': 0.023880170240591064, 'with': 0.019895469163754877}, {'and': 0.11079242003558253, 'there': 0.07501748102281343, 'to': 0.04506649821569008, 'of': 0.042250514773348055, 'he': 0.037836507558186204, 'the': 0.03614851205907996, 'or': 0.03494034242212841, 'I': 0.03435101268662712, 'is': 0.030695067671563627}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'the': 0.15810719041826277, 'of': 0.11538162605991592, 'and': 0.08590614475192779, 'to': 0.03653028467702717, 'that': 0.03458867073426142, 'The': 0.03264049351240182, 'in': 0.031434889789269324, 'which': 0.021104406239568142, 'or': 0.01768398068680682}, {'is': 0.16644857584492545, 'be': 0.1604673333198782, 'of': 0.12292382680405899, 'was': 0.10814579753907734, 'and': 0.08325891053357766, 'to': 0.06351368016391759, 'with': 0.05522701757310073, 'in': 0.0541180291525286, 'on': 0.042667760690351664}, {'as': 0.6073264240170588, 'so': 0.12570819864730268, 'and': 0.06687737414795873, 'of': 0.039878107358104826, 'the': 0.027663856238360995, 'is': 0.0274959420455965, 'very': 0.02114225200612142, 'a': 0.01573417786667885, 'be': 0.01406779614854226}, {'the': 0.3278502691542647, 'a': 0.3034076687975195, 'this': 0.04133471924975182, 'The': 0.030598096227054002, 'of': 0.030533600751294125, 'other': 0.028769346943709813, 'and': 0.02205120762534016, 'any': 0.02154478819374253, 'tho': 0.016171366766026353}, {'the': 0.14127260653911067, 'and': 0.08258292792033299, 'of': 0.07465218453536096, 'that': 0.057181480247016435, 'in': 0.03233950725457273, 'The': 0.021884906655732273, 'which': 0.020891314972838214, 'a': 0.018978691603322634, 'Mr.': 0.018687171934215718}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'the': 0.16916655027322977, 'of': 0.09610972877537258, 'and': 0.06476630762113637, 'a': 0.05084816639771816, 'to': 0.04541898084047627, 'in': 0.04120047961402981, 'be': 0.019866405767281572, 'for': 0.0169023718586994, 'was': 0.016076944507863202}, {'that': 0.27355409443618695, 'and': 0.11555524633238755, 'which': 0.09599762708125832, 'when': 0.06471488773545654, 'as': 0.06383932093874109, 'if': 0.04619650490938412, 'but': 0.029493957931414908, 'where': 0.02906093617084692, 'what': 0.025896179687907143}, {'the': 0.34347231210615686, 'and': 0.12465408452396691, 'to': 0.11868329120460987, 'a': 0.06562785703713064, 'of': 0.0615887963339436, 'as': 0.050517433483219396, 'The': 0.038279056291863935, 'will': 0.033421986748273506, 'tho': 0.021535226184602012}, {'the': 0.32621705138474233, 'this': 0.11392308483018367, 'their': 0.11296585429398566, 'of': 0.08853754435005708, 'our': 0.08020552201068971, 'an': 0.05676535726646299, 'its': 0.056695825677025476, 'his': 0.04439369065061667, 'other': 0.03757048192490235}, {'of': 0.1853429077721968, 'in': 0.1380346125709142, 'a': 0.07902050588346234, 'to': 0.07381630250135494, 'the': 0.07340705275250364, 'and': 0.052508144032955964, 'for': 0.040034844116009376, 'In': 0.03414728178422162, 'with': 0.02547577086867763}, {'the': 0.7933055567088878, 'this': 0.07383538876322182, 'tho': 0.02553090191780376, 'immediate': 0.024554037009106848, 'a': 0.021944487151524174, 'and': 0.016925020847299344, 'The': 0.011475378165789746, 'tbe': 0.007905628214316538, 'Judicial': 0.005174306159165288}, {'of': 0.13077952395256112, 'in': 0.08030976238911179, 'to': 0.04757846085755633, 'with': 0.040341962029992844, 'on': 0.035834372468230145, 'by': 0.033237163218116504, 'from': 0.030054472268327918, 'and': 0.024226936316378032, 'upon': 0.01863316475480328}, {'of': 0.10812266896163146, 'the': 0.10710548744811675, 'and': 0.0933250660462509, 'to': 0.09314101613457053, 'at': 0.05839763426326868, 'for': 0.024469248563122166, 'a': 0.021823370095202452, 'with': 0.020876103337600885, 'in': 0.019438579680392063}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'the': 0.28420850568043865, 'a': 0.16843540614553051, 'his': 0.09843475436411653, 'and': 0.07742924668005459, 'my': 0.03958893308763055, 'this': 0.038403201772519116, 'her': 0.036604300609357834, 'first': 0.03479740441624593, 'to': 0.030054613183270223}, {'that': 0.22627333869334915, 'and': 0.1279008841091601, 'as': 0.1168336304783153, 'if': 0.08754317545496335, 'which': 0.07107698186916919, 'when': 0.058693329592536266, 'what': 0.05567366653012478, 'but': 0.049717327549840276, 'where': 0.033197827256468235}, {'.': 0.05039497606140039, 'a': 0.028860860478347246, 'to': 0.02484853344385522, 'of': 0.022518289469068645, '-': 0.022025459324534636, 'and': 0.01805444768866683, 're-': 0.01208110167497219, 'the': 0.0117158784067174, 're': 0.008294485769784535}, {'and': 0.15747858931718234, 'that': 0.08884358144352408, 'as': 0.06991771556118095, 'but': 0.04307729137971479, 'for': 0.029074672193438882, 'to': 0.02498001230119148, 'which': 0.01947914707324919, 'the': 0.01944738739827059, 'after': 0.018971514684291552}, {'the': 0.37352117766501364, 'in': 0.11945734152717626, 'of': 0.08382466570624804, 'a': 0.0813539973906288, 'this': 0.05526558785821095, 'his': 0.05137495747416756, 'for': 0.03355992103122145, 'at': 0.02952461423066577, 'their': 0.028833992525783888}, {'feet': 0.04495235193421665, 'went': 0.03743752468218382, 'and': 0.033735686351402776, 'as': 0.027736606935513306, 'up': 0.027433391570608107, '10': 0.027146449259928422, 'go': 0.02519066250384891, '20': 0.022604194843362832, 'chains': 0.02155757935340542}, {'went': 0.08683324565499717, 'go': 0.07476330580440535, 'came': 0.05394514230576035, 'back': 0.047297493639340674, 'it': 0.04706181582391388, 'out': 0.046435294313249977, 'put': 0.044640592301587366, 'down': 0.04048017963153846, 'come': 0.03746281779864652}, {'the': 0.22038313903105292, 'Mr.': 0.07937156760867098, 'of': 0.07368785948768332, 'The': 0.06437454493038172, 'and': 0.05944888902093017, 'that': 0.046904228525190425, 'a': 0.028819451762637286, 'his': 0.018895379103475607, 'Mrs.': 0.016510016796138643}, {'is': 0.14928077531100226, 'to': 0.1349843266727836, 'of': 0.1009975244761314, 'was': 0.09636138916917839, 'with': 0.09172532986148452, 'in': 0.07623472861386547, 'and': 0.0673333676343323, 'for': 0.06339384628678639, 'as': 0.05691011674018202}, {'to': 0.5263119890304351, 'will': 0.12099955692726476, 'not': 0.0779333030500788, 'and': 0.06258817714262802, 'would': 0.060124186360385065, 'should': 0.03928140059263863, 'shall': 0.03487429301901013, 'can': 0.021749514975619066, 'must': 0.020890480611649376}, {'to': 0.6315712611010112, 'and': 0.06768974330929758, 'will': 0.04571004268622686, 'can': 0.037715091628390804, 'could': 0.03254714675790416, 'not': 0.03137061812958005, 'we': 0.027754306234174863, 'should': 0.02475921211423484, 'cannot': 0.021533476681767777}, {'<s>': 0.0979155558012368, 'it.': 0.016653156549448548, '.': 0.010213395330687046, 'them.': 0.009156590078773265, 'him.': 0.008576325838829646, ':': 0.008020837252990569, 'and': 0.006592493487915468, 'day.': 0.0063281201217835195, 'time.': 0.00523133519530483}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'and': 0.06773564360884055, 'of': 0.03511367318128222, 'the': 0.02972829322398528, 'to': 0.020741575231755634, 'that': 0.01906188200396702, 'in': 0.014603046938347656, '<s>': 0.013388155320716225, 'he': 0.012310457259188548, 'as': 0.01161622487259087}, {'number': 0.0465569840050619, 'line': 0.04134773052681938, 'point': 0.028513926747724527, 'matter': 0.02600941875690649, 'out': 0.023845847590431866, 'city': 0.02327997939981663, 'amount': 0.023064133840220137, 'City': 0.02078468981310636, 'place': 0.020514260232188827}, {'his': 0.26165032061730453, 'the': 0.15562534486436855, 'her': 0.10267671026307469, 'His': 0.1000417251089221, 'my': 0.0692647652413259, 'The': 0.0544285855112134, 'My': 0.033966773480114114, 'that': 0.03281066105557886, 'their': 0.02290092932626093}, {'the': 0.2670809209719772, 'at': 0.22480818296063868, 'to': 0.1144770451440079, 'not': 0.07776621064995058, 'be': 0.072770847761065, 'such': 0.0494567153123747, 'was': 0.04551871381709694, 'At': 0.03395053037645688, 'and': 0.030362828016692125}, {'and': 0.08436890900241904, 'is': 0.07166523247721805, 'was': 0.07123041380488347, 'of': 0.0457394114736129, 'it': 0.03924129679938544, 'not': 0.034771976915542104, 'be': 0.03279904373450433, 'are': 0.030989185978670866, 'a': 0.030924722208668664}, {'not': 0.20639918070642818, 'I': 0.16568289745380113, 'they': 0.1266538419852826, 'we': 0.11921883083035113, 'you': 0.08748592233673953, 'who': 0.07459089048242987, 'and': 0.047017837172007304, 'to': 0.04225702408876435, 'We': 0.02957744996135629}, {'the': 0.3681272173634647, 'of': 0.15909309996428997, 'in': 0.11725437815896698, 'from': 0.047568972051898674, 'The': 0.03724331623900048, 'for': 0.030078909257216287, 'and': 0.029209734529889064, 'at': 0.02756872515393629, 'to': 0.027510531187491187}, {'that': 0.1092371713175924, 'for': 0.1087491155518404, 'if': 0.09840425314389728, 'If': 0.09159362354073391, 'and': 0.0866783815267818, 'to': 0.07515961301416767, 'as': 0.06868389368188287, 'do': 0.04843613662137064, 'of': 0.038983751918715746}, {'the': 0.6749325141158982, 'The': 0.10035464977203765, 'not': 0.05265528023960764, 'could': 0.02731339690968373, 'can': 0.026446697345948532, 'a': 0.025982243357308855, 'would': 0.025551968111101348, 'will': 0.02512440855038276, 'tho': 0.023928034491974642}, {'for': 0.7747314137431337, 'of': 0.07389472021170164, 'in': 0.029252063653405772, 'to': 0.023228807581452522, 'For': 0.0202136117999141, 'lor': 0.016588563713924365, 'during': 0.015099053726844645, 'at': 0.011247898916412813, 'and': 0.011220862200760226}, {'the': 0.629506354621125, 'a': 0.06990277014068602, 'this': 0.05411956505618159, 'and': 0.04599668017469515, 'tho': 0.045415894349177005, 'The': 0.033445393585413076, 'of': 0.03288928843125561, 'in': 0.02018321909236712, 'his': 0.01799139234959912}, {'it': 0.13478585955965747, 'they': 0.12345642371008697, 'he': 0.12028383360671775, 'and': 0.09490666818440598, 'we': 0.07253176885818008, 'who': 0.06688025193041462, 'I': 0.06554825935199118, 'you': 0.05974984479604575, 'which': 0.04576519250997183}, {'and': 0.1156789470292127, 'well': 0.07556980993677288, 'regarded': 0.04497062169191372, 'him': 0.038248776737851944, 'known': 0.03783818211632863, 'soon': 0.03287802268774235, 'it': 0.03193764873859754, 'is': 0.029686094618060876, 'but': 0.029025893971380265}, {'two': 0.0628859962919688, 'three': 0.05895475444513877, '100': 0.052861320449547264, 'six': 0.05175340675397613, 'hundred': 0.05031174632591295, 'four': 0.04377696543386388, 'ten': 0.03953184670926548, 'five': 0.03858214339058831, 'twenty': 0.032537593247228984}, {'of': 0.07858503074155922, 'and': 0.07803557080696075, 'to': 0.07747135227581889, 'the': 0.07243262796459926, 'in': 0.06417305785045004, 'a': 0.03357472856752043, 'was': 0.030037390036403565, 'is': 0.03001547729734283, 'for': 0.026142527772413028}, {'to': 0.6354415998395996, 'can': 0.06692063871975253, 'could': 0.055282824936689005, 'will': 0.05282488090541306, 'not': 0.049272015574622095, 'and': 0.04052707545547706, 'would': 0.02341158867935552, 'I': 0.020217182866358784, 'you': 0.019992073996586906}, {'and': 0.09611377979382967, 'together': 0.06030448595031675, 'covered': 0.03676937166272939, 'him': 0.032438653052046594, 'up': 0.030460413497620714, 'it': 0.02269175320641507, 'met': 0.021809108688738414, 'them': 0.02113687577611875, 'but': 0.01784208772281916}, {'for': 0.12402005120094105, 'of': 0.11534633546372423, 'as': 0.10788726203663952, 'and': 0.08105038400255161, 'to': 0.06991604265960999, 'is': 0.0674078039909985, 'in': 0.0608160354450999, 'with': 0.04886288550932977, 'was': 0.04392494313898062}, {'to': 0.21414441679989193, 'will': 0.2091945587674902, 'may': 0.11582742283200718, 'should': 0.09034920602558501, 'can': 0.0810894354739691, 'shall': 0.07932641606642336, 'would': 0.05445789058298336, 'must': 0.047727385472245705, 'could': 0.0474780495630755}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'of': 0.22618930910488078, 'to': 0.1926003045910092, 'in': 0.13355922550000146, 'and': 0.07160265354935783, 'with': 0.06015396089297813, 'for': 0.05422028386210254, 'at': 0.051699094842630425, 'reserves': 0.05074723877324761, 'have': 0.044430013726393096}, {'<s>': 0.08746259532746431, 'it.': 0.018125555028296585, 'them.': 0.011220077999644685, 'of': 0.010654068133823762, 'year.': 0.00919606848132516, 'country.': 0.008806673205455483, 'day.': 0.008634553217663805, '.': 0.008053986747590232, 'time.': 0.007266724809600386}, {'the': 0.28521122305203817, 'a': 0.18660422520901537, 'The': 0.05334225854449028, 'of': 0.05255506407730861, 'and': 0.04114208599563825, 'an': 0.03183004670888173, 'that': 0.02179203809636451, 'A': 0.021605163834701617, 'tho': 0.01898833481216079}, {'and': 0.07170816694434606, 'those': 0.05960032516539547, 'to': 0.05570956024765334, 'of': 0.04360192808200646, 'have': 0.042258042030446114, 'who': 0.04100380795663049, 'had': 0.04017393417748778, '<s>': 0.032787933613848644, 'all': 0.023386898296967294}, {'of': 0.2651446931444483, 'and': 0.12643392558259206, 'are': 0.05111568304328213, 'is': 0.048453175345894675, 'now': 0.04353297440386231, 'by': 0.03555583272209387, 'after': 0.033141436023472984, 'in': 0.027902544396671194, 'was': 0.025482937929991307}, {'of': 0.28904275301978616, 'to': 0.10425489449077704, 'with': 0.08335158245061107, 'and': 0.08130176230066131, 'is': 0.07483310701908084, 'in': 0.07117533326210203, 'that': 0.05315215290608015, 'by': 0.049864758545983615, 'for': 0.049609958070349375}, {'last': 0.26346265696030685, 'the': 0.2585864986039689, 'a': 0.12789409637052546, 'this': 0.08312928293954334, 'one': 0.06139013964674025, 'next': 0.050515040690573866, 'past': 0.03656911818120269, 'fiscal': 0.027710956917049955, 'each': 0.021663327373843928}, {'time': 0.07760773988510519, 'able': 0.06974644094241236, 'and': 0.06321277559861635, 'right': 0.050561441839401616, 'him': 0.050073510455028, 'enough': 0.04915203834908909, 'began': 0.045680178685311296, 'brought': 0.04473396014572456, 'them': 0.0428095188232825}, {'the': 0.19670387957172328, 'of': 0.12034700726956073, 'a': 0.08438228089640598, 'to': 0.07002755359439007, 'and': 0.06281574081115311, 'be': 0.0453128674171294, 'in': 0.03379866218947241, 'is': 0.03220276533394172, 'not': 0.029189418599409524}, {'<s>': 0.057526646953506635, 'him.': 0.01514176006291804, 'it.': 0.014705411838597837, 'them.': 0.010497693340237634, '.': 0.009547344012032596, 'time.': 0.00643023577034851, 'her.': 0.006188655784281529, 'country.': 0.005670257082891231, 'him': 0.005600547451445666}, {'a': 0.21430659904906912, 'so': 0.17587767807679078, 'feet': 0.12954739887111077, 'the': 0.07462848311886827, 'very': 0.06874990144730012, 'too': 0.043184248056992613, 'inches': 0.039385920117853045, 'as': 0.03854235155854051, 'was': 0.03692268112087623}, {'and': 0.08452463003138351, 'him': 0.06566416047193002, 'want': 0.061946135633453074, 'able': 0.056723895164065806, 'is': 0.0513055351336816, 'enough': 0.04964846369052963, 'have': 0.04604424939635596, 'me': 0.0434188287770063, 'necessary': 0.039785394649249746}, {'they': 0.15490793257827842, 'we': 0.15005922477672448, 'you': 0.1428942674647945, 'I': 0.13619006830347935, 'he': 0.11230080207760264, 'who': 0.042949144975569946, 'that': 0.041580131082239936, 'and': 0.04033674941639376, 'it': 0.03880565988854632}, {'it': 0.1210349288106374, 'he': 0.11890290713262261, 'It': 0.09173267986737713, 'which': 0.08866680623755732, 'I': 0.08072191041501546, 'that': 0.047433095184380894, 'and': 0.043693164139774, 'He': 0.04299662014370848, 'she': 0.039401968398857776}, {'the': 0.712989038554561, 'an': 0.06190586804795948, 'general': 0.03470828608812592, 'The': 0.03329622386846685, 'tho': 0.030229122507796993, 'primary': 0.023788896782146608, 'tbe': 0.015907866366135375, 'said': 0.013691998244875816, 'special': 0.012878867352893014}, {'enough': 0.07441354624292666, 'and': 0.07202353556365672, 'able': 0.0638652042671068, 'order': 0.06159956010529576, 'is': 0.05432058554929998, 'as': 0.05014224302445615, 'him': 0.044947962536253765, 'necessary': 0.04416828268944637, 'unable': 0.039035772180469275}, {'the': 0.26689561431688286, 'this': 0.23572963487839568, 'his': 0.07521509372736579, 'that': 0.05677233284337012, 'first': 0.04921960653619893, 'same': 0.03970217316719064, 'taken': 0.03364625187077379, 'on': 0.0319595775055698, 'took': 0.030204639843958044}, {'to': 0.2796662924653174, 'the': 0.22839752628684307, 'an': 0.14067882480767088, 'this': 0.0980465979406474, 'will': 0.04361564122453371, 'and': 0.03452308025634876, 'said': 0.02391379263340047, '"An': 0.02027806796622842, 'a': 0.01948479085562617}, {'that': 0.3048592550653344, 'and': 0.19879926436897044, 'but': 0.06590660959264018, 'which': 0.042310867716278906, 'where': 0.04216322225482907, 'if': 0.03991189958813, 'as': 0.03341458253147177, 'But': 0.030455862306052434, 'If': 0.030386438730380945}, {'.': 0.08761927020129004, 'J.': 0.08716735249580111, 'W.': 0.08586476724629935, 'John': 0.08006645488530087, 'A.': 0.07190136603755237, 'Mrs.': 0.05987451870228288, 'C.': 0.05670139955475165, 'H.': 0.05195270812619713, 'and': 0.0418813560606507}, {'to': 0.09310438396615563, 'and': 0.0926959031185987, 'that': 0.04921028503721093, 'the': 0.03908362385478889, 'for': 0.028333029282703225, 'in': 0.026054556369083142, 'of': 0.02601027038186297, 'not': 0.017876867194128624, 'was': 0.01780099424415032}, {'in': 0.011869744770054313, 'men': 0.0115414151932265, 'it': 0.010600662623710278, 'out': 0.010531823462371873, 'work': 0.0096951136320024, 'him': 0.009654562959676129, 'time': 0.00952463754960392, 'life': 0.008979847064746633, 'up': 0.00882342863612542}, {'the': 0.1937306744445595, 'a': 0.1892153045944989, 'of': 0.06668287276733025, 'and': 0.06603220590599232, 'to': 0.05196721260611701, 'in': 0.04014290543134051, 'an': 0.03438436874353259, 'at': 0.02189615268374124, 'his': 0.020304240894461246}, {'<s>': 0.06832233601943359, '.': 0.043517872217983936, 'happiness.': 0.030467682828843788, 'and': 0.02225521781427929, 'the': 0.019130013662705014, 'Mr.': 0.01773846803807165, 'it.': 0.016801724366506923, 'them.': 0.010050090437880974, 'It.': 0.008372512335587447}, {'of': 0.47456510408552527, 'in': 0.1429976437285471, 'to': 0.13768272963941347, 'that': 0.05172772516444552, 'by': 0.04662493278152208, 'for': 0.0283436222656923, 'with': 0.02482822907249342, 'and': 0.0235497741034921, 'from': 0.02300302143183153}, {'and': 0.11806801595638686, 'was': 0.0656655564015758, 'is': 0.046792063468053986, 'up': 0.03108395308599868, 'it': 0.03021415321434409, 'made': 0.026603113622950526, 'put': 0.026294257073757266, 'placed': 0.02593741995179731, 'that': 0.025049778326914608}, {'of': 0.3586956867888732, 'to': 0.13745685756593848, 'and': 0.07535573432687108, 'by': 0.07021860831140195, 'that': 0.06792442074596512, 'on': 0.062218981448427496, 'for': 0.04345753380819531, 'with': 0.0382857998968645, 'in': 0.034238856902030136}, {'and': 0.1116439548550413, 'was': 0.05703137120579739, 'Beginning': 0.046651729133374904, 'week': 0.04256486096043798, 'three': 0.03398331905169835, 'is': 0.026392761960924712, 'died': 0.025571536391660495, 'him': 0.02554632114399739, 'are': 0.02383754444179786}, {'part': 0.05436987266019125, 'one': 0.05019527681117837, 'and': 0.0362790206795071, 'some': 0.02692139282789301, 'out': 0.02613028881947798, 'that': 0.02183211591122397, 'all': 0.021182288252229727, 'tion': 0.019969261299542577, 'sum': 0.015415698106335283}, {'the': 0.6828942866668603, 'The': 0.054064987640422967, 'county': 0.03730683244364068, 'supreme': 0.0320916161159761, 'tho': 0.03153442204872363, 'this': 0.031176643828262338, 'said': 0.031032521321346217, 'district': 0.028724064529204535, 'a': 0.02828650541650657}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'to': 0.34378129718365846, 'will': 0.15287135864951518, 'would': 0.08615903395787451, 'may': 0.07844929048361882, 'should': 0.05682249178971402, 'shall': 0.05432412913287461, 'not': 0.05091775331157668, 'must': 0.03610577244404393, 'can': 0.03580596083245932}, {'a': 0.2001242936609238, 'the': 0.18180522282492217, 'and': 0.08442798164937843, 'his': 0.07253394272174385, 'of': 0.04803497989259049, 'that': 0.039011502216932004, 'The': 0.03682079293941536, 'this': 0.03578876520221839, 'A': 0.026729459222548064}, {'<s>': 0.04930493137783033, 'it.': 0.03398818557946134, 'them.': 0.033101432660705137, 'country.': 0.014366357346513472, 'time.': 0.01365237999693794, 'him.': 0.013149520123980666, 'years.': 0.012489404540627727, 'life.': 0.010221327919426858, 'us.': 0.008950580776040586}, {'of': 0.334657667752938, 'the': 0.17520561951233266, 'in': 0.09955144253399795, 'to': 0.06823470071950982, 'by': 0.05513537904263889, 'for': 0.05100457857398085, 'a': 0.041456603505026134, 'from': 0.04089168190809759, 'on': 0.039717793949193614}, {'to': 0.3558832421453906, 'with': 0.11602848078281203, 'for': 0.09847490494475716, 'of': 0.08712123023463324, 'upon': 0.03756410544940241, 'from': 0.033023770050969195, 'by': 0.02738036706972537, 'at': 0.023959989046015713, 'against': 0.021535386942425964}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'that': 0.1312480027165954, 'and': 0.09710971566551606, 'but': 0.03484929852483764, 'it': 0.03301940971852704, 'which': 0.01510149484499238, 'you': 0.01230169128558364, 'But': 0.012062213730432883, 'as': 0.011267781336293336, 'And': 0.010681584973146467}, {'and': 0.2754649890928237, 'that': 0.11797571890802044, 'but': 0.07618011797491042, 'or': 0.03214014202674153, 'time': 0.031411747043056416, 'But': 0.029334017236160578, 'And': 0.018824001562938297, 'and,': 0.01704868646044205, 'day': 0.013376637344056485}, {'the': 0.11779962059490376, 'of': 0.08596740294820827, 'and': 0.07568776954042707, 'a': 0.05077869504587158, 'to': 0.04502980800732101, 'be': 0.03528964289240952, 'in': 0.03435426147766118, 'was': 0.032825852443482004, 'is': 0.018753788213466776}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'hundred': 0.01444191217773428, ';': 0.011834673680375107, 'him': 0.010388473796696067, 'one': 0.00968896846901267, 'feet': 0.009556811899111724, 'up': 0.008880191153313928, 'mile': 0.007973380143655012, 'feet,': 0.007606228831470488, 'time': 0.007287466987906896}, {'there': 0.19987799622015517, 'There': 0.11909367785563146, 'they': 0.11222957358263534, 'who': 0.056454786208109245, 'we': 0.05601581687948728, 'and': 0.0502922509946157, 'They': 0.044784420007141744, 'you': 0.0424606053168946, 'which': 0.04157105471220715}, {'a': 0.4753575308467878, 'the': 0.1306417124184603, 'very': 0.058478966495501, 'but': 0.04620439673771712, 'of': 0.039072878151261314, 'and': 0.03415372238843285, 'A': 0.02933208911443574, 'is': 0.027539992056391988, 'with': 0.02150405184637963}, {'of': 0.20696704369744634, 'to': 0.1440613570907062, 'by': 0.09424221195724357, 'for': 0.09270599115880358, 'in': 0.08340270789475376, 'and': 0.08165772063626031, 'that': 0.07250672407978594, 'with': 0.06071233098321752, 'as': 0.0347738901145914}, {'and': 0.23103459036722937, 'of': 0.09522259182811801, 'to': 0.07868641486006774, 'that': 0.06941036662522788, 'if': 0.05993980253852769, 'for': 0.0509630283037832, 'but': 0.05012021754016542, 'in': 0.0477423516717203, 'when': 0.039685523051694295}, {'of': 0.1467233621575856, 'the': 0.13549409541932542, 'and': 0.07205408533053825, 'to': 0.058777346953305366, 'that': 0.04208701181246548, 'a': 0.03774611259476073, 'in': 0.031032719625960208, 'by': 0.02102034089909958, 'for': 0.02056008075347736}, {'they': 0.10856774733130047, 'he': 0.1032791568341872, 'you': 0.1029780594342292, 'and': 0.10127811056210255, 'it': 0.08892829198143667, 'which': 0.08138414439650216, 'that': 0.06469756524205848, 'who': 0.06076481086975357, 'we': 0.044631813555032776}, {'the': 0.3323267599785442, 'a': 0.18331230951438268, 'and': 0.06873834785563208, 'of': 0.061528706205406694, 'his': 0.05062447118485602, 'their': 0.04998950916196356, 'any': 0.04879245547674188, 'to': 0.030957572568050075, 'with': 0.02700294151505447}, {'one': 0.016368888842335127, 'more': 0.015000372690832826, 'on': 0.011189338260333165, 'day': 0.01075934247865153, 'two': 0.010752403191876184, 'person': 0.00789861567222125, 'in': 0.007751399993273645, 'man': 0.007556023970783172, 'law': 0.006531081514130428}, {'the': 0.3039160899447098, 'to': 0.14035604319550415, 'and': 0.12537014318605524, 'The': 0.08089793043900424, 'will': 0.0491278090575893, 'that': 0.034970918913851734, 'this': 0.030491156274560647, 'we': 0.024727302519022294, 'they': 0.02323928506791865}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.3504734466370944, 'in': 0.18074851139731715, 'to': 0.09098444712830649, 'for': 0.07798290507385208, 'and': 0.05636170623341732, 'with': 0.052640274941918336, 'on': 0.03870549838742808, 'by': 0.03738381606308538, 'that': 0.03243371397214537}, {'the': 0.17684175369701677, 'of': 0.13207652302976766, 'in': 0.09720120748119097, 'and': 0.0756839647172196, 'to': 0.05286608740558989, 'a': 0.04639288019877247, 'In': 0.025494607051899845, 'by': 0.025232489731153464, 'for': 0.02411679410197789}, {'and': 0.06387179474004935, 'carried': 0.05183872197565169, 'put': 0.04333147883061512, 'called': 0.039273414466970906, 'go': 0.033418526050556605, 'was': 0.03324337522235022, 'went': 0.03292943675388721, 'brought': 0.03176707459560777, 'going': 0.02759630551819033}, {'and': 0.11414068672452106, 'at': 0.08283470614190885, 'a': 0.06776212128115378, 'No.': 0.05800169295293617, 'of': 0.041088418039368274, 'about': 0.04092444570492938, 'the': 0.038165658172147836, 'in': 0.030614594433899085, 'lot': 0.028797377419550445}, {'the': 0.3351417205189195, 'young': 0.06694620006363963, 'business': 0.06371561793896569, 'of': 0.05897933906908186, 'and': 0.057095859570076915, 'The': 0.04750635922600106, 'two': 0.04391623041100769, 'many': 0.031745076722129534, 'by': 0.029294297910931008}, {'is': 0.17259142955892112, 'ought': 0.08272961521902446, 'are': 0.08056057458647582, 'seems': 0.07558392967483372, 'was': 0.06572888558670693, 'not': 0.06439114674223405, 'said': 0.05149586598076354, 'seemed': 0.04272828164381891, 'as': 0.041024869025136954}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'well': 0.10961035302276734, 'far': 0.08007480597795599, 'and': 0.07965839654928222, 'so': 0.07218653606582451, 'such': 0.04304312059094861, 'soon': 0.03938626945911401, 'long': 0.03421932550374117, 'known': 0.028088050770761954, 'just': 0.027196930732394715}, {'and': 0.12855148671346447, 'to': 0.1151764699227418, 'of': 0.0844557681653289, 'that': 0.05189942320163221, 'as': 0.03504804263035115, 'it': 0.03285874479393828, 'or': 0.026405969600137937, 'is': 0.024895291943515238, 'have': 0.02480208950362452}, {'was': 0.22856939122470696, 'and': 0.12405449277893581, 'were': 0.12225639902710328, 'be': 0.11529752711229563, 'been': 0.1108643266578351, 'are': 0.058088884375660094, 'is': 0.04607846753694218, 'being': 0.034038034282843244, 'had': 0.03361770030960055}, {'and': 0.21755757190026956, 'or': 0.11584204953821049, 'that': 0.062434910199577635, 'but': 0.05936217901202866, 'not': 0.053605371343697, 'for': 0.026329150052553908, 'But': 0.024538436258933823, 'is': 0.022272065633860267, 'be': 0.02193771395836126}, {'I': 0.1521315619189264, 'we': 0.12578594597101328, 'they': 0.11878193320786906, 'who': 0.10519245697684146, 'to': 0.09387923457423435, 'would': 0.08928978684056936, 'We': 0.053876384764780766, 'you': 0.049777909956290126, 'and': 0.04814398309478042}, {'the': 0.37471436319889223, 'this': 0.21022913504824045, 'of': 0.05990902914478139, 'to': 0.0589950259028948, 'said': 0.05477599725576265, 'supreme': 0.04961015025077925, 'district': 0.040700032076319906, 'a': 0.026514869355120815, 'in': 0.024455400037456977}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'in': 0.019773193846631575, 'up': 0.01456218548124618, 'men': 0.01299049689661471, 'him': 0.011846811626770655, 'them': 0.011274506538478045, 'out': 0.011243763726527344, 'it': 0.011165034576593917, 'it,': 0.011113066787121878, 'work': 0.009330186085338681}, {'is': 0.17715480681291765, 'was': 0.1343448630333659, 'and': 0.12702129399754183, 'that': 0.11001235782465105, 'had': 0.07408844193487155, 'be': 0.07390912536721522, 'have': 0.06348116760326045, 'but': 0.051070564310387236, 'are': 0.03440034978805883}, {'be': 0.14389721318583057, 'was': 0.12819036366944567, 'and': 0.109392992704828, 'been': 0.07794741973719316, 'is': 0.07343541069842513, 'are': 0.04550117284912485, 'were': 0.045064326219866634, 'the': 0.0389871182735453, 'he': 0.038724454480496245}, {'the': 0.5434905204116758, 'to': 0.12927067215759327, 'not': 0.04192069505628949, 'The': 0.041623734184355464, 'a': 0.03932628589215317, 'and': 0.034037191479740714, 'will': 0.021458392484718328, 'tho': 0.01970425053347839, 'or': 0.019007682571035033}, {'the': 0.15810719041826277, 'of': 0.11538162605991592, 'and': 0.08590614475192779, 'to': 0.03653028467702717, 'that': 0.03458867073426142, 'The': 0.03264049351240182, 'in': 0.031434889789269324, 'which': 0.021104406239568142, 'or': 0.01768398068680682}, {'and': 0.17294145440156838, 'he': 0.12204536061503274, 'He': 0.07646538277966695, 'who': 0.06377655310242875, 'which': 0.04840998947136304, 'It': 0.04637880557070157, 'it': 0.04388304872021123, 'be': 0.03957444742419302, 'was': 0.035634313788863434}, {'the': 0.23355732335882878, 'and': 0.21261521747517337, 'it': 0.05151886732741725, 'that': 0.04886519511400818, 'It': 0.04540127281548299, 'of': 0.04431337069797225, 'was': 0.025938944427996366, 'he': 0.024017277978415602, 'The': 0.022154055891489905}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'<s>': 0.11082905226011222, 'it.': 0.019670414951907276, 'them.': 0.012190991834710714, 'country.': 0.008746591992856455, 'time.': 0.00870512491820493, 'year.': 0.007714034926845012, '.': 0.007480364868792762, 'him.': 0.006446288224152304, 'day.': 0.006254419160896173}, {'and': 0.11109995058333154, 'of': 0.10905991812368711, 'about': 0.10673204596576533, 'to': 0.10467099076288428, 'or': 0.08370458087558404, 'at': 0.08357988229247065, 'the': 0.08077984130473227, 'for': 0.05571915300821903, 'from': 0.048557272927102976}, {'men': 0.01798684870587654, 'city': 0.015992342623944257, 'gold': 0.011166909514757298, 'county': 0.010912607814137183, 'right': 0.010699484792997573, 'life': 0.010427164355372932, 'York': 0.009755108591381456, 'rights': 0.00959920395581172, 'out': 0.009568507602087037}, {'the': 0.18965885372917193, 'of': 0.18346603241065576, 'and': 0.08845777850378835, 'in': 0.04337861017391475, 'a': 0.039660385745948275, 'to': 0.039456512262710144, 'for': 0.03416583874363273, 'at': 0.02781674532090875, 'with': 0.01661582207187349}, {'of': 0.15985453877695838, 'the': 0.09502846416525065, 'in': 0.05845807207715751, 'and': 0.04749673608087739, 'that': 0.03780945476695417, 'to': 0.031324348349176294, 'The': 0.026721992530225346, 'for': 0.023155839315457248, 'Mr.': 0.019973943650508502}, {'the': 0.4467480949521082, 'a': 0.11452604651692269, 'oppo-': 0.06169357494690715, 'one': 0.04571699119558578, 'and': 0.04266733544021588, 'The': 0.03737161507710704, 'tho': 0.02599785511842491, 'of': 0.020425246269136003, 'county': 0.014499499230440912}, {'the': 0.746739207851339, 'a': 0.06163987770478442, 'tho': 0.028461423300377004, 'The': 0.027993100439198504, 'large': 0.02380110381840498, 'further': 0.020808781881692297, 'this': 0.020147743297800832, 'principal': 0.017444721839921306, 'said': 0.01541266199118466}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'the': 0.19562286545974122, 'and': 0.08210215890826428, 'a': 0.07285430231959578, 'of': 0.06740390745474954, 'to': 0.06543949730759961, 'so': 0.03317401232380278, 'is': 0.0309285392337911, 'in': 0.02758066527636791, 'be': 0.023650834831107286}, {'the': 0.20849665906433557, 'and': 0.1142767670160047, 'of': 0.0996603529965147, 'The': 0.06524073313159189, 'that': 0.024980514504802553, 'these': 0.01841332784867121, 'a': 0.016378062967323737, 'or': 0.01599964531259606, 'to': 0.01465781744434432}, {'the': 0.3589422839729554, 'and': 0.0930817185975369, 'The': 0.06164722239188635, 'a': 0.05447033550465715, 'our': 0.04874720069299071, 'other': 0.03784091685619927, 'public': 0.03440952900253966, 'an': 0.03378758629476022, 'his': 0.033613057888707144}, {'the': 0.6675578334361493, 'The': 0.08086014332903649, 'a': 0.07266507541205215, 'in': 0.034578847391236484, 'tho': 0.03214149155600943, 'and': 0.019975927359013497, 'of': 0.01880948180088257, 'tbe': 0.012921292747488386, 'this': 0.012021708347266893}, {'is': 0.14616428305195384, 'was': 0.14133816634097585, 'the': 0.12665683049064175, 'be': 0.11480866341492661, 'and': 0.06337078189953985, 'been': 0.055890087227750206, 'as': 0.04121668097855302, 'are': 0.04007275868019397, 'now': 0.028723042358342346}, {'and': 0.13138779441418363, 'of': 0.11452835077345339, 'the': 0.10108047685654721, 'to': 0.045355374649344686, 'for': 0.03877034419752932, 'a': 0.038331212563399886, 'that': 0.03577152487086106, 'which': 0.03465855471199002, 'or': 0.0317270974950182}, {'the': 0.13798401021622045, 'of': 0.06882999471644499, 'a': 0.06729615092929107, 'and': 0.06341586667400421, 'in': 0.047531550525420796, 'to': 0.04466917432173544, 'for': 0.034529428489881955, 'was': 0.020068008391127996, '<s>': 0.018447036338815823}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'and': 0.11959039392562225, 'down': 0.0502990610026891, 'him': 0.0434482046984652, 'it': 0.03917731027664879, 'called': 0.03539194306337451, 'put': 0.03461172801276357, 'look': 0.03332890059579303, 'back': 0.03262706944967013, 'placed': 0.03187255513093063}, {'the': 0.13894449926583755, 'of': 0.10873868036599815, 'a': 0.08932457617544691, 'for': 0.08211165391425851, 'to': 0.07848297605831162, 'in': 0.07488797255639815, 'and': 0.049866198216903766, 'at': 0.037950490134035064, 'In': 0.019867006363066497}, {'the': 0.1910052390945106, 'a': 0.13961492020122923, 'of': 0.11248710961988473, 'in': 0.07042957569835659, 'to': 0.0632574408393963, 'and': 0.061146050272936826, 'an': 0.03399155502122349, 'for': 0.01782967436567729, 'that': 0.015846279975470907}, {'of': 0.32157572891049635, 'in': 0.20713279144020502, 'to': 0.08604579552470024, 'that': 0.07536297683947839, 'and': 0.05172137364020038, 'for': 0.050014065263290226, 'by': 0.04880595073692425, 'In': 0.046970219702597515, 'with': 0.03250389363098652}, {'and': 0.14722241597925823, 'is': 0.13355817091373998, 'or': 0.12634873821401615, 'be': 0.10373419867556789, 'was': 0.0831800230335906, 'are': 0.06027586852372245, 'the': 0.05765577306918963, 'no': 0.05749232716735664, 'much': 0.05204449488191816}, {'as': 0.2122907048890891, 'and': 0.1097881208969343, 'is': 0.08536151790353319, 'a': 0.0716404661671508, 'the': 0.06290540426732016, 'any': 0.056558128943166315, 'or': 0.045561478844701304, 'no': 0.04517074970558993, 'it': 0.03855373327164469}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'the': 0.2827192220001641, 'a': 0.21242566262887888, 'of': 0.10012594073653394, 'and': 0.0890051200724245, 'very': 0.05641376752685675, 'as': 0.03465279549244182, 'his': 0.030206944881525203, 'in': 0.030165464122938534, 'with': 0.02709477425463912}, {'that': 0.305894510528897, 'which': 0.09752575010273326, 'and': 0.09709171252260333, 'if': 0.064018363935346, 'as': 0.0618240985175236, 'but': 0.054431085018196754, 'where': 0.05352228299378296, 'when': 0.05094516670231303, 'If': 0.029390794028594527}, {'I': 0.13618839252161072, 'they': 0.12821298267386344, 'he': 0.1161019552363776, 'we': 0.10473898757141971, 'it': 0.10445505453258412, 'you': 0.05354153016546123, 'and': 0.04261282666843772, 'It': 0.030965991881405308, 'she': 0.027614722377661396}, {'<s>': 0.06624843939043693, 'it.': 0.01676160030815899, 'him.': 0.012122683272625546, 'them.': 0.011662127849324926, 'time.': 0.011274427017094189, 'year.': 0.00792068202360132, 'country.': 0.007391379233286265, 'city.': 0.007051360534955069, 'day.': 0.0070130968391158895}, {'was': 0.13764665285381034, 'been': 0.11672314440870042, 'be': 0.1127921980343832, 'and': 0.09979220775896207, 'are': 0.06821650021897473, 'is': 0.06767709047343885, 'have': 0.05609357954426877, 'were': 0.05609061378185734, 'had': 0.047697373478663395}, {'to': 0.1311313689396937, 'of': 0.1203095940227675, 'is': 0.10155686908522567, 'with': 0.08942622034643735, 'in': 0.07950259100107013, 'and': 0.07351385141780777, 'for': 0.06623398629602106, 'by': 0.0629212498438459, 'was': 0.06088737304887321}, {'the': 0.22746549245674832, 'a': 0.1284522045468717, 'of': 0.10207284338158418, 'and': 0.066016866826992, 'as': 0.037690238679393584, 'his': 0.036309160430371204, 'their': 0.03504416362489374, 'two': 0.028877723013489374, 'many': 0.026295383389057122}, {'of': 0.09569549698789015, 'the': 0.0946250086679643, 'to': 0.0630469776994832, 'and': 0.058014529430948605, 'a': 0.04954773384368984, 'for': 0.026796485377717942, 'at': 0.021787986120836943, 'in': 0.02167105698800428, 'that': 0.018269277645658086}, {'and': 0.10507411921368938, 'made': 0.07920629037538661, 'or': 0.04000269658037959, 'caused': 0.03211581540748149, 'that': 0.030953152009843405, 'accompanied': 0.030279519224400805, 'ed': 0.02729249895303003, 'was': 0.026893653547762023, 'done': 0.02652843105360923}, {'one': 0.09533078753832613, 'time': 0.0325726982757298, 'and': 0.031133123876882864, 'day': 0.02054691971290802, 'that': 0.01206243239175957, 'man': 0.011224091760794684, 'part': 0.010014623768013159, 'out': 0.00960737524910936, 'One': 0.008788185346186292}, {'above': 0.3101240532277617, 'man': 0.11350254456429827, 'be': 0.04602164781352899, 'and': 0.043861922728210954, 'was': 0.040477554867243956, 'he': 0.03232562603982494, 'the': 0.03110917183510863, 'been': 0.02585017763346195, 'last': 0.025235893088247214}, {'of': 0.15265765059732647, 'at': 0.09205204486287676, 'the': 0.08551380594333043, 'to': 0.05093424606711444, 'and': 0.03996978718420955, 'by': 0.03541411392026081, 'in': 0.02247458771768524, 'from': 0.019335728285740816, 'a': 0.016913778111240695}, {'and': 0.16461161944756889, 'or': 0.13648556894461625, 'not': 0.12203822879465057, 'will': 0.08189390448985313, 'would': 0.06647466696955076, 'can': 0.06088015757380837, 'could': 0.057210857018966214, 'that': 0.055581868517565414, 'may': 0.03856547212892394}, {'and': 0.11567941733661861, 'to': 0.10193864092127838, 'of': 0.07479857784864795, 'the': 0.0716651264869108, 'in': 0.06435897496237938, 'a': 0.0523776631676301, 'or': 0.025640097155484418, 'on': 0.02038573576822562, 'that': 0.020227083104944397}, {'of': 0.08821558835300647, 'to': 0.08540383314828587, 'the': 0.07699147055274193, 'and': 0.07501707955877815, 'be': 0.045147773553477426, 'a': 0.03588283705023091, 'was': 0.032386687796220774, 're-': 0.02247985515260142, 'for': 0.022438922834644992}, {'w': 0.3039400554023643, 'the': 0.12750316971866216, 'and': 0.07239322748012034, 'a': 0.06223660919104251, 'of': 0.044414657790355534, 'The': 0.019492564463005096, 'was': 0.019276312757113688, 'at': 0.016270828591738958, '\\\\\\\\\\\\\\\\': 0.014777458831016693}, {'the': 0.2348537121169316, 'a': 0.22701037508654462, 'and': 0.08824679659358844, 'of': 0.05971497543948589, 'that': 0.04239171409494087, 'with': 0.0372326731508629, 'be': 0.037084413230487494, 'to': 0.02755033413763559, 'was': 0.026084940715879214}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.5350611982143092, 'a': 0.1615444860055738, 'his': 0.04586226503709104, 'The': 0.0354494716353834, 'tho': 0.03126201798585262, 'of': 0.02902743427446866, 'that': 0.028222445576238906, 'any': 0.022953341386281082, 'whole': 0.01769489831783605}, {'a': 0.2551255777611505, 'the': 0.23510424853787223, 'any': 0.10072378626532229, 'that': 0.0768876047752589, 'this': 0.04691355556726983, 'every': 0.03993716030012861, 'greater': 0.038243453772756, 'latter': 0.029410411350112447, 'no': 0.026389307740317964}, {'that': 0.2343825695537281, 'and': 0.173580387735864, 'as': 0.08804191135606321, 'which': 0.07906296118953218, 'but': 0.056619080841078986, 'if': 0.04265373183385875, 'when': 0.03823698879093279, 'If': 0.0295628403529963, 'what': 0.018366766902300748}, {'put': 0.17099523154025467, 'and': 0.0923327807279633, 'of': 0.06992927262574795, 'as': 0.06372637452570641, 'get': 0.05909472057381388, 'for': 0.05817821893624745, 'threw': 0.057501004925805926, 'make': 0.053008752348107695, 'take': 0.05128191040191484}, {'as': 0.06754200175598093, 'went': 0.05664431023464283, 'feet': 0.05348829302426202, 'and': 0.052143780935388545, 'up': 0.041651371873485096, 'back': 0.036244672014561816, 'according': 0.03583433176825173, 'sent': 0.033531499110590036, 'returned': 0.0326125308174635}, {'the': 0.14975592360770285, 'of': 0.08674239258095837, 'and': 0.07465434729591684, 'to': 0.038689519384319256, 'in': 0.02640399404783318, 'a': 0.025036136087226147, 'by': 0.02171652298708642, 'his': 0.017013288131603847, '.': 0.015075557811300735}, {'I': 0.2598282957996882, 'we': 0.13957909730737045, 'they': 0.1388188210180517, 'We': 0.09412798836302537, 'who': 0.059590244341527994, 'to': 0.05349153900233156, 'and': 0.044784269505557875, 'you': 0.04266533122354936, 'They': 0.03252473414757809}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'the': 0.5163544077986554, 'The': 0.14560841530474614, 'of': 0.059930786541755245, 'a': 0.04273184567469334, 'tho': 0.03297506329987953, 'and': 0.03230739558331262, 'his': 0.023818379858018057, 'that': 0.021683881491423983, 'our': 0.013732338277965786}, {'the': 0.2272545600293146, 'a': 0.20347387051376425, 'and': 0.0856396557343859, 'of': 0.07482446895200069, 'to': 0.05112688384229802, 'with': 0.03693088136678945, 'in': 0.031430352586942836, 'for': 0.03142955074674829, 'The': 0.02718860318703793}, {'the': 0.36343395023149294, 'a': 0.16275377135251476, 'to': 0.1374510961859435, 'of': 0.039293335627573256, 'and': 0.02592563010650575, 'an': 0.023354576573338774, 'tho': 0.023036123616229486, 'this': 0.021907214755236458, 'The': 0.01816179634681747}, {'be': 0.16162212973072346, 'was': 0.15177708317983968, 'he': 0.13417502467313475, 'and': 0.12213209038481777, 'been': 0.08032521257396041, 'had': 0.07180372585849298, 'were': 0.06260644402657596, 'have': 0.04073942253240872, 'is': 0.039616870152625994}, {'the': 0.15003941322217484, 'was': 0.1027638393110835, 'all': 0.0942476138105631, 'at': 0.07181629218635449, 'be': 0.07161949176854746, 'to': 0.07081283511319557, 'is': 0.06517081469809047, 'it': 0.06391241731241022, 'not': 0.052553100947549}, {'one': 0.12075228401753187, 'out': 0.050145420556610226, 'part': 0.03136691573913858, 'some': 0.030607376105561246, 'that': 0.021046088519597283, 'all': 0.020591781542146834, 'and': 0.019386601581706995, 'members': 0.019036027634213845, 'side': 0.018765667070906072}, {'and': 0.11294504769069787, 'conferred': 0.06640348980854467, 'called': 0.06554803335048456, 'put': 0.062373196043692895, 'look': 0.06012955349587505, 'imposed': 0.05572376379267248, 'bestowed': 0.04970265340882039, 'depend': 0.04878007315242844, 'looked': 0.04786633988028766}, {'the': 0.14670120797655015, 'of': 0.09165907620642465, 'to': 0.07401831594135123, 'and': 0.0586266496121567, 'for': 0.051849897237811665, 'in': 0.05031738336648579, 'be': 0.038676617351289966, 'a': 0.025477969370943793, 'was': 0.02528425558078757}, {'the': 0.3261746982726945, 'to': 0.2248057050135647, 'not': 0.09494955943625628, 'and': 0.07390516750139335, 'The': 0.055551992276778824, 'will': 0.055382312886070276, 'would': 0.03406023842591755, 'may': 0.032272640896451196, 'of': 0.029351964620943412}, {'the': 0.23111184387530956, 'of': 0.14479593210103386, 'and': 0.08582860964053718, 'to': 0.06150288177191757, 'a': 0.06003102323809642, 'in': 0.031213357776447095, 'their': 0.028141614429536905, 'his': 0.024479403664089038, 'be': 0.02153222526535271}, {'the': 0.26532759527506405, 'and': 0.1772962712719627, 'of': 0.08681089961414719, 'two': 0.06615633360629178, 'these': 0.054306132870931154, 'for': 0.03747998992800214, 'all': 0.032510445649267104, 'as': 0.031288880899339774, 'a': 0.029234625940739983}, {'the': 0.23064976974816406, 'of': 0.1251839000947097, 'and': 0.0906191556751078, 'to': 0.06974493060332328, 'a': 0.04579261884899858, 'his': 0.03895619581412924, 'their': 0.038950986662083485, 'be': 0.038404399040864186, 'in': 0.03740983947926077}, {'I': 0.15901870739461185, 'who': 0.09964247347719547, 'they': 0.09743528314004243, 'to': 0.08963129851345245, 'would': 0.0821328541322253, 'we': 0.06910070092136325, 'which': 0.06684346126480264, 'and': 0.058156761484334026, 'you': 0.03060574382593797}, {'a': 0.18741537604814412, 'as': 0.12701080097774822, 'the': 0.09378154935365633, 'is': 0.07469227526423021, 'and': 0.055028311812107, 'very': 0.052347689532579664, 'are': 0.04424986402011729, 'pretty': 0.04129660104100376, 'was': 0.0405575032709922}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'the': 0.6139244512711015, 'Court': 0.11780103224094703, 'The': 0.05550442145370188, 'tho': 0.02547960652275302, 'White': 0.024930326636601198, 'tbe': 0.0133694794544722, 'Opera': 0.012502523229641613, 'a': 0.009515604421674059, 'School': 0.008043330935005238}, {'the': 0.41824071499389903, 'a': 0.20242435754414434, 'and': 0.07438645434181707, 'of': 0.04311588948824641, 'The': 0.04214076394302985, 'tho': 0.014862252426365444, 'in': 0.013912726511879291, 'any': 0.01313688514075309, 'or': 0.010669133734296064}, {'<s>': 0.08776904932831014, 'it.': 0.023459956156474785, '.': 0.017271819766839825, 'them.': 0.013863655306631853, 'him.': 0.010813838063756964, 'time.': 0.00963442756212162, 'day.': 0.007247553114029059, 'work.': 0.006606534605336698, 'her.': 0.006321210460603332}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'that': 0.254978589743381, 'and': 0.2251722583652966, 'but': 0.07620716947300235, 'as': 0.0665041458631763, 'if': 0.054906113398381536, 'which': 0.03894522230462048, 'If': 0.0351686409714885, 'where': 0.03281079060663589, 'But': 0.028405027044956736}, {'the': 0.663441198851849, 'The': 0.13687317164901652, 'tho': 0.045105053589706595, 'a': 0.029766060701135768, 'First': 0.015138601021126255, 'tbe': 0.015068644395610504, 'A': 0.010106622244577269, 'of': 0.009573015564794056, 'our': 0.008163548475422593}, {'of': 0.11904574774402965, 'and': 0.117039163175256, 'in': 0.0579721685820925, 'to': 0.0511186639368552, 'fact': 0.03928633611901063, 'said': 0.03323136332365265, 'on': 0.029827822579143393, 'all': 0.024787499172257966, 'is': 0.02252394945510673}, {'and': 0.13171365636802773, 'has': 0.10901855504586716, 'be': 0.09288404190505381, 'have': 0.09049731179571105, 'he': 0.08523226751872483, 'had': 0.06861456911735223, 'was': 0.05269752456708023, 'I': 0.04859525978821856, 'is': 0.03869530414569001}, {'of': 0.4282650230680782, 'to': 0.12804243949934394, 'on': 0.11744218798441461, 'in': 0.10613958159723672, 'from': 0.045423661689523845, 'by': 0.04350995678678248, 'at': 0.03209701686296498, 'along': 0.028877831514984596, 'with': 0.025254213714866778}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'of': 0.23401163326804836, 'in': 0.12657694773497152, 'to': 0.08785712082806457, 'and': 0.08141015707341372, 'for': 0.0771196619705842, 'that': 0.055559378175794365, 'with': 0.05325795732300355, 'from': 0.04426315007769833, 'at': 0.042654952530502735}, {'one': 0.13027668708462814, 'out': 0.07742206756685843, 'part': 0.06474114282857145, 'some': 0.05640712659716483, 'time': 0.03954471000289752, 'account': 0.03620724368530425, 'all': 0.03238127669140698, 'and': 0.028154969476639407, 'that': 0.02755643570827209}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'it': 0.18143874199255758, 'there': 0.10331969695424356, 'It': 0.09198639939220059, 'which': 0.08073126991269376, 'they': 0.06240522313208139, 'that': 0.054082648531678275, 'and': 0.05144105994683339, 'he': 0.03253148924096088, 'There': 0.03214778196988864}, {'time': 0.15652913983281255, 'out': 0.01664752414156729, 'in': 0.014538642094469199, 'it': 0.014080540842975475, 'up': 0.012964295050934091, 'work': 0.012227905589094538, 'good': 0.011834694020503968, 'principal': 0.011690345942975066, 'law': 0.011252617582775966}, {'of': 0.17812164892276777, 'the': 0.1012888456194023, 'and': 0.08094513092269891, 'a': 0.07630590518576001, 'to': 0.06780754766753506, 'in': 0.05360743862479921, 'was': 0.029660071061225066, 'with': 0.028416590242039894, 'is': 0.028389348603932645}, {'it': 0.17446210238267795, 'It': 0.16512138039676244, 'This': 0.11580779511931819, 'which': 0.07131888702327785, 'that': 0.06268754379599907, 'this': 0.05652048471821813, 'and': 0.04054529143452458, 'there': 0.036840538093569096, 'he': 0.03013409703322793}, {'the': 0.2250702397820394, 'and': 0.09218623338237099, 'a': 0.07811928045114105, 'of': 0.07130062777314257, 'to': 0.03712138171467259, 'The': 0.029709583372788975, 'in': 0.027222149674394264, 'tho': 0.01884428073063368, 'Mr.': 0.018769953350672285}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'and': 0.1885314475837406, 'be': 0.04299416844864546, 'is': 0.04132392745809975, 'or': 0.03568882576929389, 'but': 0.03414327459765041, 'it': 0.03363722881926879, 'was': 0.02668622285093249, 'done': 0.02598432430481635, 'do': 0.023776739682423678}, {'is': 0.16688891866606584, 'was': 0.12398214291699491, 'are': 0.10504473077917895, 'did': 0.10125319919436176, 'do': 0.09241446939744932, 'could': 0.07426940987205648, 'and': 0.06504621694397594, 'does': 0.062297211422845195, 'will': 0.06217440315044117}, {'of': 0.12867308189150126, 'the': 0.05782903747014203, 'and': 0.04553541978217455, '.': 0.04409608212473621, '<s>': 0.02650659596266518, 'by': 0.025742308651530467, 'Mrs.': 0.023205793703216127, 'Miss': 0.02263130308065281, 'at': 0.022051896310994596}, {'the': 0.4777385224585722, 'of': 0.17558888723077148, 'The': 0.14667455174616048, 'a': 0.04878964897965443, 'and': 0.035403566419986696, 'tho': 0.03319274322237101, 'that': 0.01293573448181209, 'no': 0.012592274798087853, 'this': 0.010290502135795505}, {'person': 0.08577949447630268, 'and': 0.07502858093410518, 'one': 0.043178425471385645, 'man': 0.03177124317953422, 'her': 0.031171986266940475, 'those': 0.02870699182359891, 'him': 0.023109025131568088, 'me': 0.020551875907938905, 'men': 0.01990661890831763}, {'to': 0.670999307970099, 'will': 0.0644038613348904, 'and': 0.06121690190856681, 'shall': 0.02689545218560817, 'would': 0.022082784177550215, 'may': 0.02119991280390019, 'not': 0.019506128437319446, 'can': 0.019414911716504966, 'could': 0.018997921175354555}, {'and': 0.07222361683295823, 'them': 0.05499210847327455, 'wait': 0.05459593741436621, 'there': 0.04328706187656688, 'it': 0.028241945444449277, 'time': 0.024790103228241513, 'him': 0.024431859762740857, 'that': 0.01871367387911996, 'not': 0.017667254179837954}, {'a': 0.2108072836844596, 'the': 0.15761377112346206, 'of': 0.04662880258668954, 'and': 0.04615764025977491, 'at': 0.030719679608839336, 'to': 0.030339889751313815, 'for': 0.02712426962560422, 'any': 0.026322395634026146, 'that': 0.026243126702709185}, {'the': 0.10421959197570145, 'and': 0.08916072385470164, 'of': 0.07180565967422825, 'a': 0.061443282686010535, 'to': 0.05652774612522947, 'in': 0.036783654613900985, 'be': 0.032862885570019026, 'was': 0.030483588301499515, 'are': 0.028280740362652056}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.24640745797682367, 'and': 0.12860300463252866, 'in': 0.08402316741524031, 'that': 0.08309137886027049, 'to': 0.08147199045483966, 'for': 0.0607056451418568, 'with': 0.05917609802896042, 'all': 0.045839483618160856, 'by': 0.0448020386250283}, {'of': 0.2840639054233679, 'to': 0.17457293021812656, 'and': 0.10586958971921044, 'in': 0.08608745857943335, 'with': 0.07645439953531627, 'for': 0.04507919501980053, 'that': 0.04299548030713471, 'on': 0.04012291162766321, 'by': 0.03759946408866892}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'hundred': 0.15604367101341324, 'two': 0.10275976948897493, 'one': 0.03087834730951554, 'three': 0.013572712839617421, 'feet': 0.008945210791262814, 'wife': 0.008199268491215198, 'dred': 0.007693337369864255, 'four': 0.007503670353228803, 'and': 0.007415132838061897}, {'to': 0.4454468734291315, 'of': 0.15839413569040756, 'in': 0.07990651537373535, 'at': 0.06098135318966565, 'for': 0.048483752157050225, 'with': 0.043258166314994254, 'by': 0.0404863040929121, 'and': 0.027915233205033398, 'from': 0.025860959536598723}, {'get': 0.07245670546976644, 'was': 0.06827773018828956, 'and': 0.06627903282426373, 'him': 0.052442468208758614, 'it': 0.050561188617061346, 'them': 0.04807318223935662, 'are': 0.047026350523610795, 'go': 0.0433307210705129, 'come': 0.040797963484801664}, {'that': 0.2276383157519232, 'which': 0.13471274326827423, 'and': 0.11655288405271948, 'when': 0.11605124170350248, 'as': 0.07524685350619156, 'if': 0.061142895635181424, 'where': 0.045663142366659616, 'but': 0.04105878757055821, 'what': 0.033876173613986954}, {'an': 0.5873185098065695, 'the': 0.18224487996018515, 'no': 0.03769882415302875, 'and': 0.03468795851426035, 'this': 0.032925071012616415, 'his': 0.021978190319385915, 'An': 0.02001049067990114, 'The': 0.018864890156267678, 'of': 0.016525057106280678}, {'the': 0.6460533606077787, 'a': 0.1094599790525803, 'The': 0.07901684275246049, 'an': 0.05847887872783737, 'tho': 0.05129544723213699, 'tbe': 0.013122149871273038, 'our': 0.01166152164630384, 'this': 0.010500136273398783, 'A': 0.00746213617030316}, {'more': 0.06726363703573705, 'one': 0.038672096400847705, 'day': 0.03794832639185017, 'person': 0.03357191096176338, 'action': 0.024489532297066383, 'law': 0.024467180158491426, 'right': 0.022774033784410955, 'interest': 0.022338385035236476, 'vein': 0.021520424160458646}, {'the': 0.1977845526251706, 'of': 0.14119823539549062, 'a': 0.09855880021319634, 'to': 0.07833683349269033, 'and': 0.04529598622962805, 'in': 0.039631419001508586, 'The': 0.027667189144435625, 'that': 0.022116743501525326, 'for': 0.015571177201586}, {'the': 0.14331823963293128, 'and': 0.09355876212745572, 'of': 0.07463273146561433, 'be': 0.06278863594112566, 'to': 0.06176958664817019, 'a': 0.051281754511237586, 'in': 0.026094173529248855, 'or': 0.023324903599032325, 'is': 0.02210694829741953}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'the': 0.1267647193691124, 'and': 0.11338807285191588, 'of': 0.08930627077035622, 'a': 0.04053969764143991, 'I': 0.03553304973790511, 'be': 0.03122394803700593, 'that': 0.030694355059295624, 'was': 0.030172476728062104, 'he': 0.029426814860562908}, {'the': 0.19765944413001754, '1st': 0.11059503755556872, 'first': 0.09159328042083008, 'a': 0.07596581773098715, '25th': 0.058877517517977276, '7th': 0.050144164699482324, '10th': 0.04774505795975605, '12th': 0.047349873882118795, '21st': 0.04468978504119164}, {'and': 0.09377129454296322, 'was': 0.04271315341537484, 'out': 0.028524574363226172, 'that': 0.02811573968936019, 'placed': 0.027131868575018914, 'work': 0.02578173844450971, 'made': 0.024681420068921236, 'is': 0.024021050156212566, 'up': 0.023509378606325886}, {'to': 0.2615996413931071, 'would': 0.17509257942050194, 'will': 0.1009957249070145, 'I': 0.08163403102913733, 'who': 0.06886361856047417, 'they': 0.06713344116690809, 'we': 0.06681275024607067, 'not': 0.05049055630963955, 'and': 0.04937968185951612}, {'the': 0.24649087806622086, 'of': 0.13951287610781102, 'a': 0.09569311550373324, 'and': 0.0864388701070549, 'to': 0.05285305226602269, 'an': 0.04576698362501052, 'by': 0.04001368955213754, 'be': 0.030828669604908605, 'his': 0.029011781459776346}, {'so': 0.3502506118776952, 'as': 0.2000063099573229, 'too': 0.1091417118147057, 'very': 0.10279437191614758, 'how': 0.057065081726304936, 'is': 0.03265388744548048, 'be': 0.030986540209866912, 'and': 0.025321331808565384, 'not': 0.020800501788580273}, {'and': 0.19092068026657236, 'fact': 0.07842616783137771, 'say': 0.07835292406805523, 'know': 0.06598166082161198, 'believe': 0.04837423586362953, 'said': 0.04700397342501858, 'all': 0.03831339073168142, 'so': 0.03745292393764081, 'think': 0.033796005270179084}, {'in': 0.02638428018357941, ';': 0.022948193168088, 'Under': 0.022257726760128087, 'given,': 0.012259186448498384, 'him,': 0.009247354898396268, 'them,': 0.008968743245138962, ',': 0.008936750842298911, 'up': 0.008725773137890296, 'thereof,': 0.008656362438106123}, {'one': 0.057139256521097186, 'some': 0.029411516746495392, 'all': 0.02471884505538341, 'part': 0.022392057286609455, 'that': 0.02178059855172521, 'any': 0.02020712397360314, 'portion': 0.01993934099943003, 'out': 0.01862758715342626, 'many': 0.015928670104973546}, {'to': 0.29882038807544314, 'will': 0.24603475936467994, 'may': 0.09442146974670816, 'would': 0.08162681679718142, 'shall': 0.06808055767135791, 'should': 0.057214755412357654, 'must': 0.04265321161485721, 'not': 0.040017724454018556, 'can': 0.03492911128027462}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.20026031967155397, 'of': 0.1832385185566339, 'in': 0.07422590663820373, 'to': 0.045820186739333836, 'and': 0.04263321832316093, 'by': 0.02832470201669432, 'said': 0.026562742213149734, 'on': 0.026030248818878932, 'a': 0.02459090276573585}, {'he': 0.21809103871514754, 'it': 0.1096026447208259, 'It': 0.10087756188977845, 'He': 0.0901345290960052, 'I': 0.08262578139171614, 'who': 0.07865441926892316, 'she': 0.07072736584036206, 'that': 0.048632580192682275, 'which': 0.04692671748735294}, {'is': 0.516788950028605, 'are': 0.2119519987596117, 'was': 0.06206914985418849, 'Is': 0.05754783247096334, 'and': 0.028598672066478807, 'la': 0.008536866749773232, 'were': 0.007809023645525737, 'it': 0.007621936125360669, 'arc': 0.0062575429723749215}, {'of': 0.30057194315197666, 'to': 0.14335868722163195, 'in': 0.11124254703253822, 'by': 0.07511763593059159, 'for': 0.0741747094325996, 'with': 0.059310404707717264, 'and': 0.05619057384742307, 'that': 0.050817551333108106, 'from': 0.039137361647546144}, {'in': 0.17831071634309084, 'for': 0.15288283829349295, 'of': 0.14608337491179252, 'within': 0.07753756007710011, 'and': 0.06785450787002224, 'only': 0.06190377207193627, 'In': 0.05627073922004922, 'with': 0.0471648322568348, 'is': 0.04003434387689471}, {'and': 0.13312964580575487, 'of': 0.08209389939114965, 'to': 0.07736318623637065, 'the': 0.038214032645260756, 'thence': 0.02897536680604244, 'at': 0.025915213255004545, '.': 0.024151719650634892, 'a': 0.017919010454362647, '1': 0.015506560808100318}, {'and': 0.08362943294997585, 'together': 0.07769806815080653, 'connected': 0.0635902168573379, 'connection': 0.06228367212358626, 'accordance': 0.047530813078388766, 'comply': 0.026000666542743977, 'acquainted': 0.023189098613704624, 'compared': 0.02214887744238745, 'contact': 0.01973810078197255}, {'it': 0.1498091589528566, 'It': 0.12067881091891201, 'This': 0.09507484261927178, 'which': 0.09267919140940752, 'there': 0.08192390770737927, 'that': 0.07311278244056109, 'Nor': 0.056237431699712646, 'and': 0.04883124442024579, 'what': 0.04512869574878704}, {'of': 0.1787399785033536, 'in': 0.13316552568037954, 'to': 0.11946981813960898, 'as': 0.08074969852261231, 'at': 0.07536113817726696, 'with': 0.07073810466225501, 'and': 0.06587341544052712, 'such': 0.06071193207181544, 'for': 0.057322316522170146}, {'covered': 0.08521611145428121, 'filled': 0.07223589454693174, 'and': 0.07088966638147053, 'him': 0.032463579423506084, 'together': 0.032130077556053675, 'up': 0.0305015312370106, 'loaded': 0.027542293496156254, 'parallel': 0.024642351670859004, 'charged': 0.024380846684898132}, {'of': 0.22011702610588432, 'the': 0.14718264671302253, 'and': 0.12413054560002282, 'about': 0.10227479953597907, 'than': 0.08087601538401092, 'or': 0.0625330649299535, 'for': 0.05494123370175522, 'in': 0.038093131643531855, 'over': 0.03641789705551673}, {'and': 0.10968615154899033, 'that': 0.10300191553271104, 'as': 0.06787944444478897, 'of': 0.06784266536627429, 'to': 0.04946776343917317, 'make': 0.04536235238254599, 'which': 0.043134291809455536, 'but': 0.03568964334384511, 'if': 0.0324340118960915}, {'rate': 0.2640770563812231, 'sum': 0.1609192798111071, 'period': 0.06141349746558942, 'upwards': 0.04979307181667969, 'depth': 0.04960309690040178, 'distance': 0.04113464027753977, 'number': 0.021098265317273508, 'one': 0.020253594651292173, 'expiration': 0.019667096153342008}, {'and': 0.10548630338651747, 'passed': 0.09140587720959385, 'passing': 0.0685443609106643, 'way': 0.05311523531478971, 'went': 0.039583806275237346, 'it': 0.03896384370082981, 'go': 0.038534827098956045, 'all': 0.036585705983466055, 'pass': 0.03545384287426356}, {'of': 0.2536075754845786, 'in': 0.1432229592006922, 'to': 0.11129561962098836, 'for': 0.08481482426570468, 'on': 0.08328719539798489, 'at': 0.08058009547557934, 'from': 0.056687898853295914, 'and': 0.04890360677047771, 'In': 0.04587203990609063}, {'and': 0.1224851030068816, 'a': 0.11663765521929836, 'to': 0.10487184236668161, 'the': 0.09870275897252077, 'I': 0.0633623382017915, 'for': 0.04898702032480906, 'of': 0.048090702860478916, 'be': 0.0477402606243122, 'he': 0.04561297003230804}, {'for': 0.4700552680890504, 'of': 0.12446606342101678, 'to': 0.11588425292417749, 'in': 0.09641394786365741, 'and': 0.029252994476933213, 'with': 0.027753575290475663, 'at': 0.026113335675291113, 'In': 0.02554355764178923, 'that': 0.020233118057659177}, {'the': 0.19202758963538796, 'of': 0.1737095548261018, 'his': 0.13272744063315844, 'this': 0.09968480772048119, 'my': 0.08108849464244226, 'said': 0.058424599143103675, 'her': 0.044706863456906124, 'their': 0.04067165616844275, 'in': 0.0403871143400891}, {'the': 0.42223187112427096, 'The': 0.09818924977198268, 'of': 0.07363782504134121, 'and': 0.0569512064667484, 'that': 0.055192739085089204, 'these': 0.04301069570497141, 'our': 0.03989615731013339, 'other': 0.02915598454838973, 'as': 0.028363728115568556}, {'the': 0.26784217067959515, 'and': 0.13804663158202024, 'of': 0.08514786465544258, 'a': 0.08026468816678595, 'this': 0.06600520796783967, 'to': 0.049497998010701885, 'their': 0.047771296721385664, 'all': 0.043173584357582284, 'that': 0.03944488347304534}, {'the': 0.3864992520346706, 'this': 0.09174231457933496, 'The': 0.08918453648340069, 'that': 0.07093862263909646, 'of': 0.06593009722306797, 'his': 0.04636291465268859, 'a': 0.03467387355283068, 'tho': 0.0319490940851571, 'This': 0.02401920622028868}, {'and': 0.1110868755083757, 'the': 0.07010352453817022, 'to': 0.06951209882010935, 'of': 0.059056017532933366, 'in': 0.03400074723056331, 'he': 0.023896631727683144, 'that': 0.023466958256947404, 'or': 0.022936226641444225, 're-': 0.02222153490505041}, {'and': 0.09377129454296322, 'was': 0.04271315341537484, 'out': 0.028524574363226172, 'that': 0.02811573968936019, 'placed': 0.027131868575018914, 'work': 0.02578173844450971, 'made': 0.024681420068921236, 'is': 0.024021050156212566, 'up': 0.023509378606325886}, {'a': 0.35833232038846446, 'the': 0.20291295768314074, 'to': 0.10540176701015744, 'of': 0.09103898755021189, 'and': 0.07538263211695168, 'his': 0.05528534190465276, 'our': 0.02390850368098033, 'in': 0.022733133963600993, 'my': 0.021576030569529545}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'the': 0.7951668942643497, 'a': 0.06976859604669865, 'The': 0.0374486172913504, 'tho': 0.034478828809229776, 'tbe': 0.014211441462235085, 'and': 0.011880525162647213, 'this': 0.005972781320733822, 'his': 0.004388674084838075, 'whole': 0.003060761200229296}, {'with': 0.13126028193069583, 'of': 0.12738947510687, 'in': 0.1145217036610469, 'to': 0.11294697641774827, 'is': 0.10800540305700532, 'was': 0.09028738077619429, 'for': 0.06860905577672548, 'and': 0.06030135793050781, 'as': 0.05960662479255843}, {'and': 0.14185082984847144, 'of': 0.08033187847220079, 'or': 0.043756126273973774, 'I': 0.035867663294489635, 'all': 0.028862882069157422, 'from': 0.028536841324771196, 'was': 0.025000612741960852, 'be': 0.023295185073043876, 'is': 0.02318089278400742}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'the': 0.5532424226524021, 'and': 0.07628797480176934, 'The': 0.0672324511297138, 'a': 0.06479524950478595, 'tho': 0.02865507299871205, 'tbe': 0.013849771410115798, 'most': 0.012920357100336732, 'in': 0.011269787455226034, 'all': 0.009480106327864356}, {'of': 0.1016187022402546, 'in': 0.0820172103160613, 'to': 0.05712487187979762, 'on': 0.054922919082090085, 'and': 0.029680598358861682, 'with': 0.026873153858056033, 'upon': 0.02360193600355762, 'for': 0.0197178512479021, 'from': 0.019483428467526986}, {'in': 0.35199555138144517, 'on': 0.15255625173687998, 'of': 0.10432538070245871, 'In': 0.0852717035837412, 'to': 0.06133593098680268, 'and': 0.05564881537720275, 'all': 0.04092609325792948, 'with': 0.03526804395371578, 'that': 0.028999707275552598}, {'and': 0.13732985396453365, 'of': 0.12168513720465819, 'to': 0.08925250113449046, 'the': 0.05080265983340616, 'in': 0.040950694956941015, 'with': 0.039925123352269, 'on': 0.028555017332719302, 'from': 0.02330903845793814, 'as': 0.022674497699183827}, {'that': 0.24153227312828068, 'and': 0.12536245864260825, 'when': 0.10884006396402711, 'which': 0.08867749892191798, 'as': 0.047281660193161414, 'if': 0.04665535094138793, 'where': 0.04485225438704934, 'to': 0.040568052216367174, 'but': 0.038652319778827}, {'Miss': 0.2607911841462427, 'and': 0.1529217653658975, 'of': 0.045346751957252296, 'Mrs.': 0.03854335563215065, 'said': 0.03432849790690469, 'the': 0.03047450981007373, 'by': 0.019210328282631573, 'Misses': 0.012805013968878185, '.': 0.009171532427973852}, {'and': 0.17585063722392302, 'fact': 0.10400902578517979, 'said': 0.06844377842999533, 'so': 0.06232472237382234, 'believe': 0.04519952307692614, 'is': 0.039634011181226815, 'say': 0.03675663629906361, 'know': 0.036060715732595706, 'found': 0.03095250753294034}, {'and': 0.04711950470981025, 'as': 0.04557489579867504, 'is': 0.024537711503905518, 'it': 0.024152036798046655, 'up': 0.02267924795152587, 'him': 0.02095091008257167, 'feet': 0.02001876618974321, 'right': 0.01905418532567607, 'went': 0.018611725783682805}, {'a': 0.4102757250982712, 'the': 0.21146274753257188, 'of': 0.04503866620810331, 'his': 0.04030136367071567, 'and': 0.03779110859653583, 'very': 0.024795857687088446, 'two': 0.022753503108498944, 'an': 0.0211734427145732, 'three': 0.020526594880421876}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'and': 0.10759124854776815, 'was': 0.05262477001875888, 'is': 0.032642523767802634, 'found': 0.026946789880043204, 'made': 0.026435001559149233, 'are': 0.023591436446863727, 'that': 0.021493290575667283, 'but': 0.020984332537349677, 'up': 0.020526232499788858}, {'the': 0.21757766705989637, 'of': 0.10696081369201656, 'to': 0.058240743874082644, 'a': 0.042952572620993244, 'on': 0.03886982614728889, 'in': 0.03369418958194501, 'and': 0.023938738690949774, 'from': 0.018263402246362397, '<s>': 0.016130734745868278}, {'this': 0.11630763539417988, 'other': 0.10822183075212856, 'the': 0.095719807530542, 'of': 0.050414922714297955, 'all': 0.046766505966243724, 'public': 0.04519897327417182, 'same': 0.04187984855129538, 'their': 0.040639099329661116, 'one': 0.03962176668544522}, {'and': 0.055967033536257114, 'miles': 0.052923577282244894, 'far': 0.03865620282278348, 'free': 0.03329035891616628, 'or': 0.02576955710236909, 'away': 0.02433130021849293, 'taken': 0.022023518504586077, 'it': 0.020747507086434927, 'him': 0.020377010604420452}, {'to': 0.6107226175923778, 'will': 0.0999191805304267, 'not': 0.04824219603984723, 'and': 0.03841855465535041, 'would': 0.03775061363148449, 'they': 0.021719603086962712, 'I': 0.021454757634401113, 'may': 0.019838769448875904, 'shall': 0.01949596126163468}, {'the': 0.28089993578176586, 'of': 0.18222419177252966, 'a': 0.12241141747982258, 'and': 0.07350792590277892, 'their': 0.03744654502504561, 'his': 0.03213337731850709, 'to': 0.02559617684402521, 'with': 0.025125582452303293, 'in': 0.021618206318710403}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'or': 0.192244396448114, 'the': 0.15289343379120102, 'of': 0.11908628716615115, 'and': 0.11621774574430023, 'in': 0.0656645018532462, 'for': 0.0524986600308158, 'to': 0.03579661421477152, 'about': 0.029235770917258888, 'by': 0.028213378357689924}, {'and': 0.07183289031255977, 'demand': 0.025944685217575657, 'ready': 0.021477506387310677, 'used': 0.020653840313379437, 'time': 0.018693235575541325, 'not': 0.014344251169100857, 'vote': 0.014321157386397571, 'it': 0.014219992250690474, 'candidate': 0.013420651590409303}, {'a': 0.32278202333105216, 'the': 0.15579664696348428, 'of': 0.07608852753464093, 'and': 0.06586610244422483, 'to': 0.06575416436379442, 'for': 0.05602416640220802, 'in': 0.031820502908779705, 'two': 0.021913609783306455, 'with': 0.021452045428655024}, {'the': 0.19497025113330696, 'and': 0.0875815220306628, 'of': 0.07984163958979933, 'a': 0.0657736621853989, 'The': 0.04257859527121813, 'Mr.': 0.039375693324975314, 'he': 0.026527346646550983, 'that': 0.02477200065032707, 'I': 0.023289611702476534}, {'of': 0.36280620372665967, 'for': 0.10164266514401649, 'to': 0.08020704865029944, 'in': 0.07633591514318737, 'and': 0.07384200826043509, 'by': 0.06292100981160885, 'with': 0.053535407361143615, 'that': 0.049910956085937846, 'from': 0.03268957455880813}, {'and': 0.15365945153307556, 'that': 0.12140087526966925, 'as': 0.09583342536017343, 'which': 0.07625584764315943, 'when': 0.04364163968955194, 'but': 0.03584302532142242, 'what': 0.03008430073912826, 'if': 0.0253491283868819, 'where': 0.016404133735187915}, {'the': 0.14195633072452002, 'and': 0.10532315267524232, 'of': 0.09188967192020338, 'to': 0.073694988809677, 'or': 0.028176478409029503, 'for': 0.019989460545621656, 'that': 0.019774048137550418, 'as': 0.016881543796894858, 'which': 0.016185105813018186}, {'the': 0.3997476997033884, 'of': 0.08939392723194385, 'this': 0.0691488117632036, 'The': 0.061360339218156014, 'his': 0.05021812372627574, 'their': 0.04778435478146154, 'that': 0.037881237192038446, 'and': 0.037074789478289766, 'no': 0.03474363987162462}, {'the': 0.3594615143191466, 'a': 0.28844699118336276, 'of': 0.067335733722617, 'to': 0.05870614573933315, 'no': 0.0526790484332417, 'any': 0.036724861433890456, 'The': 0.029507592360518857, 'tho': 0.022678751114539927, 'his': 0.020155806644474066}, {'the': 0.6186563053784182, 'of': 0.09882808725732044, 'a': 0.08767210716049627, 'in': 0.028332274379490083, 'tho': 0.02786664915162849, 'The': 0.02754642461904339, 'this': 0.025553435500087953, 'his': 0.015566090970487868, 'our': 0.01418915988572412}, {'it': 0.18143874199255758, 'there': 0.10331969695424356, 'It': 0.09198639939220059, 'which': 0.08073126991269376, 'they': 0.06240522313208139, 'that': 0.054082648531678275, 'and': 0.05144105994683339, 'he': 0.03253148924096088, 'There': 0.03214778196988864}, {'the': 0.6214509041590544, 'The': 0.08590827396135507, 'of': 0.06961848095343383, 'and': 0.0425078638823136, 'tho': 0.028714523771388417, 'to': 0.021999774981071994, 'in': 0.021905810253037415, 'a': 0.01618489016575369, 'by': 0.014530653698295598}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.1936320497278477, 'that': 0.18453586024770408, 'as': 0.1309006539330437, 'which': 0.0838179809157182, 'when': 0.06201232033666147, 'but': 0.06156987228278937, 'if': 0.04900882758897206, 'what': 0.0354722579890304, 'If': 0.024390767970129824}, {'and': 0.2790357498297588, 'days': 0.10695816232244239, 'that': 0.053686955406168, 'and,': 0.0484442257032455, 'one': 0.04236838807544499, 'until': 0.04002498796381896, 'soon': 0.03838674550433769, 'year': 0.03788015361531294, 'shortly': 0.03280616801341277}, {'boy.': 0.3851486845748652, 'girl.': 0.3749724915588891, 'of': 0.04862363152244098, 'Mr.': 0.023585961249929968, 'and': 0.015123413224821256, 'the': 0.013014427347772887, 'Mrs.': 0.009909056138148204, 'to': 0.008787847800164374, 'by': 0.006255378951874382}, {'the': 0.1844233306268219, 'of': 0.0730744250814601, 'and': 0.0710039977826242, 'Mr.': 0.06761341681010165, 'a': 0.046314970511787235, 'The': 0.03569780117959245, 'was': 0.02310188251145345, 'to': 0.019060862327954453, 'in': 0.018024687039049976}, {'Miss': 0.15534396381277113, 'and': 0.13685031426506905, 'of': 0.1283488484524729, 'Mr.': 0.0690273206153184, 'D.': 0.041883264096722855, 'Mrs.': 0.03492940840052341, 'the': 0.026416816560517968, 'with': 0.025884903884961525, 'said': 0.024389366529020056}, {'of': 0.4432111801669169, 'to': 0.12307206780672685, 'in': 0.11677179690941465, 'on': 0.07639773410881326, 'from': 0.061521323309127844, 'by': 0.04794086579804147, 'that': 0.023384906747506463, 'In': 0.0202538080922501, 'and': 0.019594704949165143}, {'the': 0.5689497149488729, 'a': 0.2659170729882225, 'The': 0.03566852171176203, 'tho': 0.029013901602581507, 'and': 0.015751291128891176, 'this': 0.012545821536485889, 'his': 0.012442686983456464, 'large': 0.008872942122052398, 'tbe': 0.008465474541022304}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'to': 0.2848476814060835, 'of': 0.16162158114924838, 'with': 0.12386719790913991, 'for': 0.06660585147749627, 'upon': 0.06185026897067025, 'and': 0.05686180270745915, 'among': 0.0350814382005947, 'by': 0.034141748129263266, 'from': 0.03354385081181976}, {'of': 0.14450592664945514, 'and': 0.14007739228862165, 'with': 0.0932648469813503, 'as': 0.08771186808066125, 'to': 0.07808279375377333, 'by': 0.0725628382548454, 'in': 0.07128931206396028, 'is': 0.060977129663721326, 'was': 0.05092779247247908}, {'two': 0.661103933829643, 'three': 0.057785698690687205, 'one': 0.04237929622407642, 'Two': 0.03442921290259537, 'four': 0.02791298037951852, 'five': 0.02011611351176371, 'ten': 0.016295117157964712, 'six': 0.013494369932302519, 'more': 0.012103402824504377}, {'years,': 0.01184461821854182, 'time': 0.009356434745111731, 'in': 0.008999771834895101, ';': 0.008613479246975659, 'porous': 0.007473513963247233, 'hundred': 0.006870414313547528, 'it,': 0.006786658829433457, 'States,': 0.0061876025375332475, 'manner': 0.005937196325960979}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.26085085194546737, 'to': 0.12614212315331924, 'in': 0.11483919284865896, 'on': 0.08801899060682282, 'and': 0.07002802182982863, 'for': 0.0685209015546801, 'with': 0.05968585356484711, 'by': 0.059259015268539904, 'that': 0.0460602314753961}, {'away': 0.07419763619767243, 'and': 0.07396326183703006, 'them': 0.04509353126561444, 'taken': 0.04397240565642391, 'him': 0.04178290537538169, 'free': 0.03842301878786514, 'come': 0.032280715537590376, 'out': 0.03190046675187955, 'in': 0.029668404054435327}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'a': 0.39189365014275424, 'in': 0.10079833408400254, 'of': 0.09432278715410226, 'and': 0.07630960571902713, 'the': 0.06026993525880891, 'to': 0.053584400270112735, 'with': 0.05331686416794867, 'most': 0.03665717956598289, 'is': 0.02464168406524219}, {'the': 0.3571534091784249, 'such': 0.15425244508792701, 'a': 0.12351156234709296, 'his': 0.08156826992713256, 'as': 0.06431905385524754, 'this': 0.055215166159476796, 'same': 0.034154745255984324, 'The': 0.0339161911855347, 'my': 0.026319109388746636}, {'a': 0.2865387275027769, 'the': 0.28182257714986775, 'and': 0.12049141118473661, 'of': 0.05314581418831509, 'The': 0.04408699259467748, 'our': 0.04257320082292161, 'his': 0.03860609945382907, 'their': 0.03607693264667244, 'its': 0.03148140731692993}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.16276223412006535, 'of': 0.11267571719687008, 'and': 0.07072565813797663, 'to': 0.04062996155939479, 'a': 0.03168828073834718, 'in': 0.029463824147310348, '.': 0.024095014188923757, 'at': 0.01898034413307546, 'by': 0.016311637043598805}, {'the': 0.1604777071641891, 'of': 0.09628143957659278, 'and': 0.09147588405425362, 'to': 0.05741482824463259, 'a': 0.05114069893731013, 'in': 0.030607907853788124, 'at': 0.026181093752583436, 'or': 0.020026452424352997, 'The': 0.015037561518255832}, {'to': 0.15268481782656382, 'of': 0.1456496979623424, 'with': 0.1394191048224754, 'is': 0.10442068401783498, 'in': 0.08991063771481331, 'as': 0.06670777301277334, 'for': 0.0659286410549382, 'was': 0.06383949826261832, 'and': 0.052569649738758134}, {'and': 0.11806801595638686, 'was': 0.0656655564015758, 'is': 0.046792063468053986, 'up': 0.03108395308599868, 'it': 0.03021415321434409, 'made': 0.026603113622950526, 'put': 0.026294257073757266, 'placed': 0.02593741995179731, 'that': 0.025049778326914608}, {'the': 0.32924513462099186, 'in': 0.16471479041345083, 'an': 0.07951631377325882, 'such': 0.05155401980620174, 'and': 0.0430323633793891, 'of': 0.03307696494489598, 'In': 0.028563426836025644, 'this': 0.028308203117271405, 'his': 0.02746715073036356}, {'the': 0.6678936287592828, 'an': 0.0907188350804981, 'The': 0.04375784281798013, 'great': 0.039444244576543504, 'tho': 0.03150193419257127, 'large': 0.028718622526082864, 'and': 0.0257617967880971, 'some': 0.020905651493466057, 'vast': 0.01713346305761249}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'time': 0.019773786825602702, 'it,': 0.017243336146778917, 'up': 0.01425905115693526, 'man': 0.013468987360252127, 'them,': 0.013118094109535983, 'him': 0.013081814051126668, 'him,': 0.011868379655102854, ';': 0.011722800434207464, 'one': 0.01097702765387069}, {'the': 0.2712405539346051, 'a': 0.13032932396652305, 'of': 0.07197445724196214, 'to': 0.05597897339685334, 'and': 0.049904609277162254, 'in': 0.03543336498093538, 'his': 0.0254485082555594, 'The': 0.02479840145323868, 'an': 0.01956483623573203}, {'a': 0.3750466683835626, 'his': 0.1661301287735801, 'her': 0.10542343885492865, 'my': 0.08483604290234692, 'the': 0.057885836507388745, 'old': 0.024436510894974242, 'your': 0.02400666491395137, 'A': 0.022801909524835007, 'their': 0.02165664133227147}, {'of': 0.27267766687063744, 'thence': 0.09450299815745833, 'said': 0.0867629368412834, 'and': 0.08104545737614997, 'in': 0.05600044052060427, 'a': 0.05424365489366988, 'the': 0.041523169430434825, 'certain': 0.03162840746359041, 'one': 0.0293863794701432}, {'to': 0.3738033805346711, 'for': 0.13152227634582322, 'with': 0.10995365502849003, 'of': 0.06589770406744189, 'told': 0.04931271596062851, 'upon': 0.033185703845420446, 'tell': 0.03171088658590752, 'at': 0.03128244665933267, 'asked': 0.027023253016395132}, {'of': 0.14363103284544904, 'to': 0.12214062670062564, 'as': 0.11433475982302348, 'with': 0.08440444371002045, 'that': 0.07307514409899159, 'by': 0.06945670258851568, 'and': 0.06682467674792116, 'is': 0.0611267991540139, 'in': 0.05863275267440312}, {'of': 0.372250008230491, 'to': 0.115010741223047, 'that': 0.10674137818426689, 'by': 0.09020634328053226, 'and': 0.0898824512123781, 'with': 0.04566707098347421, 'for': 0.030355427395795973, 'as': 0.029725130785939222, 'all': 0.027480574881428844}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'June': 0.09659080852983283, 'April': 0.0923788075393604, 'March': 0.08330291760322549, 'No.': 0.0819462509254172, 'and': 0.07822546557437073, 'July': 0.0668837795454731, 'May': 0.06557301728663706, 'January': 0.03272046367764561, '9,': 0.030236035974379443}, {'be': 0.3067145029611976, 'was': 0.2154821927532097, 'is': 0.11013633725591106, 'been': 0.078920242655601, 'were': 0.07561317635007617, 'are': 0.06831509102397791, 'and': 0.03567945201918066, 'being': 0.030159165697569906, 'he': 0.02257518186459521}, {'and': 0.2576986133751406, 'or': 0.13740746913514654, 'not': 0.09268117077153433, 'that': 0.038713276353342464, 'to': 0.028600202166494604, 'but': 0.026667602503002333, 'is': 0.021630843807288407, 'of': 0.02049771636266536, 'was': 0.02047895907455455}, {'and': 0.2152292672800875, 'the': 0.08105016509012154, 'of': 0.03363532786654446, 'to': 0.02419840631970815, '.': 0.01865375486551036, 'is': 0.014244396825104024, 'was': 0.013665664348116315, 'be': 0.012172964210307693, 'Mr.': 0.01184341893902709}, {'of': 0.21756876854847318, 'to': 0.1649932303536586, 'in': 0.1626580656907625, 'and': 0.06514421858628479, 'for': 0.06428933172639224, 'from': 0.06282945175713137, 'at': 0.05491252501501066, 'on': 0.05185711763781134, 'that': 0.04709366648368863}, {'the': 0.1965336443028651, 'a': 0.08508986192276768, 'and': 0.062305776741439146, 'of': 0.05648933607036798, 'Mr.': 0.0562022225964682, 'The': 0.053652410018117526, 'was': 0.028984328973424317, 'his': 0.02297995708966965, 'is': 0.02158389361947694}, {'it': 0.19420228395943576, 'that': 0.13897533132031492, 'It': 0.08972484868113559, 'and': 0.07356488800784929, 'which': 0.04926625895847577, 'he': 0.03181342677935042, 'what': 0.025853595480440337, 'There': 0.024526031213202508, 'there': 0.021665701907273068}, {'the': 0.228044593719416, 'of': 0.09079143370774617, 'and': 0.06984882049960921, 'to': 0.04227324868199713, 'a': 0.03951369953699124, 'in': 0.028696730401263304, 'by': 0.021879839365205225, 'on': 0.021245809797283372, 'at': 0.01692323370430724}, {'made': 0.11942847096974421, 'and': 0.07979570471363857, 'caused': 0.029091215056480817, 'shown': 0.028426754301022945, 'up': 0.02777670568714523, 'ed': 0.027617079589566704, 'out': 0.026630159435991316, 'taken': 0.02626602987193105, 'done': 0.02542850605479482}, {'it': 0.16350626033844187, 'I': 0.10472294887177956, 'he': 0.10295430777169175, 'It': 0.07859537163205821, 'we': 0.0774136693557266, 'that': 0.06820113554196607, 'they': 0.062014966498360066, 'and': 0.06024095065323672, 'which': 0.060167595799674255}, {'the': 0.18812799695428165, 'of': 0.08007818683511964, 'and': 0.07301252646324419, 'to': 0.04738449951567506, 'at': 0.032767764490973586, 'a': 0.02116078088390485, 'in': 0.02078935359266596, '.': 0.019275554880817673, 'his': 0.014729601431866215}, {'and': 0.09139867058514084, 'to': 0.07499285424463352, 'the': 0.06975941273220114, 'of': 0.06171113575950207, 'in': 0.05498152992983528, 'be': 0.05225150513661704, 'was': 0.05187235829435128, 'is': 0.04291176532976229, 'not': 0.025810295304159247}, {'they': 0.25702891228471986, 'we': 0.16658069737513498, 'who': 0.09968552578860192, 'I': 0.08097383836594063, 'to': 0.0706429193614028, 'We': 0.05898924009331405, 'They': 0.053803596937017244, 'you': 0.04518851648652098, 'will': 0.030837460838717738}, {'of': 0.1450571409926798, 'to': 0.09036825854479257, 'the': 0.07748009797689333, 'in': 0.07142398351262862, 'and': 0.058672965508336644, 'for': 0.04146027711339394, 'a': 0.03828346957744192, 'that': 0.027010243332978433, 'be': 0.023003940310132736}, {'a': 0.29018670185593604, 'the': 0.21061625571735612, 'and': 0.10118515519870892, 'of': 0.07400610516123556, 'most': 0.045651553668776025, 'this': 0.03283890531955025, 'is': 0.02692343244972925, 'that': 0.026137014521237734, 'will': 0.025286929032035926}, {'the': 0.2310543729945498, 'of': 0.172400207942605, 'and': 0.07802430497705978, 'for': 0.05486797767146628, 'by': 0.05316700184948596, 'to': 0.05173626973624928, 'The': 0.04574018995182148, 'a': 0.02753169487206103, 'in': 0.027019474173345014}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'it': 0.17179737676551296, 'he': 0.125829304720175, 'It': 0.12209201472181, 'I': 0.05849427898476466, 'He': 0.055779185057685615, 'which': 0.05343899164929195, 'and': 0.04479014026557512, 'who': 0.038085293062393825, 'there': 0.03504686283043146}, {'the': 0.2927718821182676, 'of': 0.10304401081365484, 'to': 0.05375007541609378, 'in': 0.05153694102950825, 'and': 0.04234711069902532, 'a': 0.030827282893517015, 'at': 0.027101226400904843, 'by': 0.0235926495159881, 'that': 0.018091743805967536}, {'the': 0.42042591614524455, 'of': 0.17852517050714156, 'and': 0.07670510854146612, 'by': 0.05246039902219108, 'The': 0.04267279729243645, 'an': 0.025708049607617387, 'that': 0.022496428626547715, 'in': 0.021225521161600227, 'tho': 0.020958259810561503}, {'the': 0.152286976712241, 'of': 0.07752863734461875, 'to': 0.0705019454985685, 'and': 0.06709651752293638, 'in': 0.0296228648381102, 'that': 0.025076930540120973, 'as': 0.021476519631899203, 'on': 0.02137563289764577, 'by': 0.01932572196010865}, {'the': 0.2753805914615319, 'of': 0.08532616127858508, 'in': 0.048711341130280875, 'and': 0.04493319966128209, 'a': 0.03682630884764916, 'on': 0.03488644127452268, 'feet': 0.028810060847873683, 'to': 0.028495444918412275, 'that': 0.01890761002544608}, {'the': 0.08776453918579159, 'and': 0.08404909952775357, 'of': 0.07511201563157917, 'to': 0.03903756188011336, 'was': 0.029261686464068945, 'in': 0.027870050444211314, 'for': 0.022881903481582925, 'he': 0.021524025396045254, 'Mr.': 0.02045710427467145}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'the': 0.24173186644873054, 'of': 0.1264804730623645, 'and': 0.08331959595593887, 'a': 0.07678669948469065, 'in': 0.02227872850197047, 'to': 0.019468778320699653, 'or': 0.017891130897969953, 'The': 0.01759084026465017, 'tho': 0.015524648398075488}, {'it': 0.18904170014579288, 'It': 0.16884417222386788, 'he': 0.09483356325036163, 'there': 0.07890214334685214, 'which': 0.06705600598962512, 'He': 0.056464050127530134, 'that': 0.04778058626269535, 'and': 0.04570194479328678, 'There': 0.03126490097352155}, {'we': 0.1496344432703497, 'they': 0.13537098140256948, 'you': 0.11309917696906295, 'it': 0.07828404502670057, 'who': 0.06767565388539015, 'he': 0.06760571633135762, 'which': 0.06076380889141276, 'I': 0.054781629702177315, 'that': 0.050889040858586296}, {'thence': 0.2643333591810703, 'bears': 0.04930893104586852, 'and': 0.040011622278418445, '.': 0.03499062749299741, 'thenco': 0.026594041608836713, 'the': 0.022468666975056686, 'Mrs.': 0.01949616597817293, '<s>': 0.01900493048353689, 'of': 0.018050396829578545}, {'the': 0.571426029036682, 'The': 0.09858284497399791, 'and': 0.07121651314963008, 'his': 0.04990917664954768, 'of': 0.03867433612113378, 'a': 0.037902930785627446, 'tho': 0.029385069960584917, 'this': 0.019832662450233633, 'that': 0.017007865028315534}, {'the': 0.20534368770996841, 'a': 0.1692806002897847, 'of': 0.095142126363231, 'and': 0.08829934605589056, 'his': 0.03976552765972748, 'in': 0.032087172590711616, 'as': 0.028580818489902713, 'that': 0.026810166332646084, 'public': 0.026269242560681427}, {'at': 0.3894422716291684, 'for': 0.2045158619331344, 'of': 0.05982789207999612, 'and': 0.0579120272546698, 'as': 0.05221326924994936, 'in': 0.04613016337375366, 'to': 0.034159550815324326, 'is': 0.03233818139552165, 'such': 0.03179824224017714}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.3849532771176872, 'to': 0.1318750771091201, 'in': 0.12364494109219412, 'on': 0.10423086162352899, 'by': 0.050540531085480844, 'from': 0.04450064745737128, 'for': 0.03807615647198541, 'at': 0.03318966777090809, 'and': 0.025803907091769}, {'the': 0.706267603616932, 'a': 0.05636348896816322, 'The': 0.05615634050545773, 'his': 0.036193828450937306, 'tho': 0.03319410511645874, 'their': 0.01520376490787205, 'tbe': 0.013571792730350847, 'of': 0.01342125924992503, 'my': 0.010987702397548208}, {'of': 0.1955503947961204, 'to': 0.14871459242446147, 'in': 0.12221943937366506, 'and': 0.09211154335573195, 'for': 0.07761692649600455, 'with': 0.07338272002897632, 'by': 0.06061680303832383, 'that': 0.05516663476464859, 'is': 0.04298192906315351}, {'the': 0.1825716306451698, 'and': 0.11462737224435109, 'of': 0.07150710088559817, 'to': 0.05690388794543929, 'a': 0.04975329854295113, 'I': 0.028197630403334305, 'as': 0.021027828209260448, 'that': 0.019788278808165347, 'in': 0.017986346321365424}, {'and': 0.13532308598971374, 'feet': 0.05974327429105853, 'was': 0.03722932037563471, 'lot': 0.03192949565664661, 'inches': 0.023945558851762277, 'is': 0.01897804562620731, 'that': 0.018044347424617066, 'recorded': 0.017469219949674326, 'are': 0.014969564556698947}, {'made': 0.10652527031473276, 'and': 0.10281400880873391, 'that': 0.04069130623322182, 'secured': 0.0362057161985526, 'or': 0.034878964897658744, 'ed': 0.020184572757768655, 'only': 0.019815270424203005, 'it': 0.01952875797654523, 'taken': 0.01887535525176121}, {'the': 0.17453270521516778, 'of': 0.16919323244929402, 'to': 0.0499772403984993, 'for': 0.04709531155872511, 'in': 0.046390781466715096, 'a': 0.043298747559257264, 'and': 0.042496255187605664, 'by': 0.032571971432167585, 'at': 0.020401966048878725}, {'and': 0.2109622172577488, 'so': 0.04578864452426585, 'is': 0.04272079875309314, 'of': 0.039501568367601915, 'was': 0.0382026021702825, 'fact': 0.026057868227860815, 'all': 0.024821447163017693, 'to': 0.024471515010054422, 'but': 0.02226102008968301}, {'they': 0.1688448108650608, 'who': 0.10045215328306022, 'we': 0.09201623567438437, 'which': 0.08870867417890872, 'there': 0.07700899795250477, 'that': 0.05404051067376348, 'They': 0.04588648589875279, 'and': 0.04428233895555999, 'We': 0.04419966447682515}, {'of': 0.3596603812736689, 'to': 0.2046255737355391, 'with': 0.06993480022157432, 'for': 0.061519785401430875, 'in': 0.05923213244655114, 'by': 0.05894334329631967, 'and': 0.051230817891121036, 'from': 0.029342178749859477, 'as': 0.027060528118286065}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'and': 0.13138779441418363, 'of': 0.11452835077345339, 'the': 0.10108047685654721, 'to': 0.045355374649344686, 'for': 0.03877034419752932, 'a': 0.038331212563399886, 'that': 0.03577152487086106, 'which': 0.03465855471199002, 'or': 0.0317270974950182}, {'they': 0.21305830188971142, 'we': 0.10531971073945005, 'who': 0.09983608328034757, 'there': 0.0741400555206198, 'They': 0.06963669844921483, 'you': 0.0635861615192129, 'We': 0.05376371088772237, 'There': 0.0444825832766945, 'and': 0.04337416048214261}, {'and': 0.087645969315239, 'it': 0.040026096413492716, 'called': 0.027765494768715124, 'demand': 0.027551759698592526, 'paid': 0.02753955216641523, 'voted': 0.027463858969845087, 'him': 0.026679574335581394, 'time': 0.02634527219229167, 'necessary': 0.025832567442757644}, {'it': 0.12285162367292227, 'he': 0.1157301276717374, 'It': 0.0913494966024665, 'which': 0.07736629608709422, 'and': 0.07308054934615862, 'I': 0.058943164737508186, 'He': 0.04709650524788701, 'that': 0.035234961604134064, 'she': 0.027041552652730175}, {'it': 0.11538796975578612, 'and': 0.08558513006049022, 'they': 0.07750488065662994, 'which': 0.06446205120127957, 'he': 0.06124984395618844, 'It': 0.05704976551727627, 'that': 0.04959308137990716, 'you': 0.04663866234631756, 'I': 0.039975485631013996}, {'the': 0.6564708935989626, 'a': 0.047024416771243756, 'The': 0.04149923308230182, 'tho': 0.0367415323576781, 'and': 0.03276062966132387, 'any': 0.023170211767114077, 'all': 0.022704151873925035, 'or': 0.01740375650231636, 'tbe': 0.0158259559617415}, {'of': 0.09924636802463128, 'the': 0.09190321226143573, 'and': 0.07873357061964639, 'to': 0.05403607539554666, 'be': 0.04740400120181518, 'in': 0.03165088556212201, 'or': 0.028533597054211397, 'for': 0.024261752734536787, 're-': 0.023287272260284375}, {'of': 0.20674979621800735, 'the': 0.18522185597253912, 'and': 0.09777124816922264, 'his': 0.09513039160212579, 'to': 0.07459834442825931, 'a': 0.07323649237924201, 'in': 0.07283572767686397, 'their': 0.07084931061641402, 'our': 0.03508739723639314}, {'and': 0.08296040376566996, 'able': 0.06504171041020183, 'order': 0.0621408185377654, 'him': 0.053813073784472795, 'is': 0.052874348919057894, 'was': 0.05026577439717304, 'time': 0.04985952724781956, 'had': 0.047685864843216075, 'as': 0.047027809783576416}, {'and': 0.11473073993713902, 'to': 0.05905983715228313, 'of': 0.05538542172799043, 'the': 0.050277768392062445, 'that': 0.032033354648049295, 'in': 0.02791536410480944, 'which': 0.023979258770660827, 'not': 0.023584058560391436, 'con-': 0.02035717338630867}, {'of': 0.219009104177768, 'in': 0.2167914748455754, 'to': 0.13807196876038716, 'and': 0.06823397775718351, 'with': 0.06816245054473986, 'at': 0.051145612360805545, 'from': 0.03855154711572858, 'on': 0.038382792934835645, 'for': 0.03820920894216999}, {'of': 0.2060200679737407, 'and': 0.1430663402049533, 'that': 0.13712516399814054, 'to': 0.10141963595633444, 'in': 0.07129786002510177, 'on': 0.06071817734462624, 'for': 0.04285841078615828, 'with': 0.03639111756957555, 'which': 0.030437101438540094}, {'it': 0.12375136471596841, 'they': 0.11705938281861716, 'he': 0.11108669409306636, 'we': 0.10166157366904294, 'I': 0.07286435348819423, 'as': 0.07169063426717488, 'you': 0.06769402942879228, 'which': 0.06282695016856861, 'who': 0.062087723572723894}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'Mr.': 0.09825073407035029, 'of': 0.06861680696886432, 'Mrs.': 0.05844152968995958, 'and': 0.053291868320641644, '.': 0.05263332875447939, 'to': 0.05118443516875123, 'John': 0.047828340661807134, 'W.': 0.04405171574889284, 'A.': 0.03976042269507018}, {'of': 0.35966680400509793, 'to': 0.11234713250218642, 'and': 0.07832374400899336, 'at': 0.069789257113196, 'in': 0.06132270530064985, 'that': 0.05767520848340644, 'by': 0.041267780374754315, 'from': 0.039091870559593296, 'on': 0.037289152546686556}, {'of': 0.20900134137736484, 'in': 0.12888614828750564, 'to': 0.07278557473670749, 'on': 0.05988811244696047, 'with': 0.057207011785830715, 'by': 0.05464483070821459, 'from': 0.04497807488797532, 'and': 0.037380168782744014, 'for': 0.023091237576184573}, {'the': 0.27252302869358636, 'and': 0.06891107213993641, 'a': 0.06738361288551885, 'of': 0.06729969597724512, 'to': 0.038021163979115966, 'The': 0.029444281010157867, 'by': 0.023465363509809538, 'Mr.': 0.022502155610996968, 'in': 0.02203376435707579}, {'out': 0.04184126394155787, 'sum': 0.039323188120726715, 'instead': 0.02925438113430242, 'that': 0.026399279136418673, 'part': 0.024198901981584996, 'think': 0.02410197306823439, 'use': 0.02169726968211318, 'matter': 0.021470836656882968, 'number': 0.021426092706251666}, {'and': 0.12384005997561694, 'the': 0.11932954171313578, 'to': 0.07419494819885426, 'of': 0.07030503305604285, 'in': 0.03613959185444827, 'that': 0.033997511216636675, 'which': 0.03293923989302032, 'a': 0.029605368210859292, 'or': 0.025576535792269737}, {'.': 0.04396627989367577, '<s>': 0.03436551616298338, 'Mr.': 0.02735589070569931, 'the': 0.025726061665799646, 'lot': 0.01827910693998896, 'and': 0.017358175248793198, 'it.': 0.0138423345328978, 'it': 0.013259182978116837, 'them.': 0.012756809872341417}, {'of': 0.26922929459058614, 'in': 0.16870190207082805, 'on': 0.11076703826838867, 'to': 0.11004218844260374, 'by': 0.058003086133303385, 'at': 0.052436540676548044, 'from': 0.05118154303255048, 'and': 0.04712585715706156, 'In': 0.03601085182887961}, {'is': 0.16875862649405082, 'in': 0.1332100991152321, 'was': 0.13021467478246238, 'made': 0.08941816877327435, 'for': 0.08237673178963895, 'with': 0.07554414246337839, 'as': 0.07394580861713206, 'make': 0.07219579706927319, 'be': 0.058294309702591446}, {'it': 0.2834030725463564, 'It': 0.23869947315892012, 'he': 0.06361093780148354, 'there': 0.0618799603153546, 'which': 0.053981210955323856, 'that': 0.04369272734238851, 'this': 0.03143321285797801, 'This': 0.030533814048383415, 'and': 0.030374721819487117}, {'and': 0.1090847019573023, 'was': 0.048419494551940584, 'that': 0.044757354034283305, 'be': 0.04172595106506687, 'is': 0.041229231303420974, 'or': 0.03846924527001238, 'made': 0.0301487597433424, 'it': 0.029046844632926165, 'are': 0.02636776277827936}, {'and': 0.11200366769747992, 'of': 0.08221479117922502, 'the': 0.05419621757878766, 'to': 0.05084508279360451, 'in': 0.047240432482155294, 'be': 0.04717450179462963, 'I': 0.03679131825400441, 'was': 0.0319730056133422, 'is': 0.029310474690608542}, {'of': 0.26372903543712006, 'in': 0.1150666432418301, 'by': 0.04535033200116407, 'In': 0.03921871676579299, 'to': 0.033974177303869105, 'the': 0.03239840539200029, 'and': 0.031463140534293624, 'from': 0.029262138366428676, '<s>': 0.02019866556683075}, {'of': 0.2821713169657478, 'with': 0.11893040324897584, 'to': 0.11292904707228411, 'in': 0.07287064835468651, 'and': 0.06341124137966275, 'that': 0.0631298397102681, 'by': 0.054482903243583625, 'on': 0.04748033789161238, 'for': 0.04211623754148556}, {'of': 0.28176870513374913, 'in': 0.21541115838130967, 'and': 0.08450555181263744, 'for': 0.07850499131055923, 'with': 0.07141762759398337, 'to': 0.047548258742154896, 'In': 0.04568291396686469, 'that': 0.03255976222311499, 'on': 0.02384802332073876}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.32377462102092003, 'of': 0.09243140736324473, 'in': 0.0892346736743844, 'a': 0.05957741560899234, 'to': 0.0471376584882267, 'on': 0.03856065986023946, 'In': 0.03273027541759758, 'The': 0.028917517933492363, '<s>': 0.028213108516855493}, {'the': 0.35236147303387666, 'and': 0.17981956539566865, 'The': 0.0784286473838097, 'a': 0.07819215836659227, 'of': 0.0325958448568523, 'tho': 0.02471561636525446, 'that': 0.020304124951035927, 'any': 0.01804602045704553, 'or': 0.013550907836308593}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'the': 0.40782273506672334, 'land': 0.28790993556296685, 'The': 0.0678870180194716, 'and': 0.05926646643158495, 'tho': 0.018724311761279495, 'a': 0.014588371401669357, 'as': 0.013585356130567822, 'or': 0.00739446216836931, 'tbe': 0.007368722095753098}, {'is': 0.13837037058574908, 'and': 0.12367075195182554, 'of': 0.11859537855144553, 'it': 0.06042717321957771, 'are': 0.05139423871074992, 'was': 0.049238052578814265, 'now': 0.04079260593140225, 'same': 0.03595589220936923, 'from': 0.030390574291743428}, {'at': 0.2678553240284367, 'At': 0.10390759350320021, 'in': 0.1017450497698161, 'any': 0.09387053876420545, 'of': 0.07944252969466474, 'to': 0.07105609051303687, 'and': 0.06451416051269085, 'no': 0.04827829160440206, 'from': 0.0450584214934997}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'of': 0.24299782680532497, 'the': 0.1629504457739283, 'in': 0.1409240644451342, 'and': 0.07641531100415211, 'from': 0.04956145620356765, 'at': 0.045121110552033376, 'to': 0.04444633562397289, 'In': 0.042957344559188246, 'The': 0.038767019818966}, {'and': 0.10690531972400924, 'that': 0.05061481453751272, 'in': 0.038178785695968165, 'the': 0.0308278750744109, 'land': 0.02248837277242843, 'office': 0.022368160410135177, 'county,': 0.019167817469346062, 'property': 0.019035882520646398, 'acting': 0.018505417166422563}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'and': 0.1844067257192308, 'of': 0.15844819325183107, 'to': 0.14960782790468144, 'in': 0.11793583584578866, 'for': 0.05913774643952482, 'on': 0.05351066471963778, 'In': 0.02918492865903565, 'that': 0.0251918336338634, 'at': 0.024651656289604352}, {'to': 0.34378129718365846, 'will': 0.15287135864951518, 'would': 0.08615903395787451, 'may': 0.07844929048361882, 'should': 0.05682249178971402, 'shall': 0.05432412913287461, 'not': 0.05091775331157668, 'must': 0.03610577244404393, 'can': 0.03580596083245932}, {'cents': 0.12017017784134733, 'cent': 0.047783251497637964, '50': 0.03529504985957761, '6': 0.033989380735828835, '10': 0.033848450381236225, 'ten': 0.03253990161593547, '5': 0.027404958345440388, '1': 0.023945265062901785, '2': 0.022190885923161107}, {'the': 0.38185865497260363, 'of': 0.19342982577528936, 'and': 0.0626930106839177, 'a': 0.038922143629783114, 'The': 0.029324581256403325, 'his': 0.028535510375144017, 'in': 0.028292168665934557, 'tho': 0.021773394039310175, 'her': 0.016683435854585073}, {'and': 0.15929355771124695, 'to': 0.11426614900719842, 'I': 0.03875109242927522, 'not': 0.03473620440252995, 'would': 0.03419067533064566, 'was': 0.025997023650109297, 'will': 0.02524450014566706, 'which': 0.024305984612294936, 'he': 0.023226078239427725}, {'know': 0.24111345655170585, 'of': 0.10215263971853404, 'from': 0.0916453427543756, 'and': 0.08722640195162491, 'is': 0.07660857985444072, 'do': 0.05839631715997819, 'for': 0.0518968603553826, 'to': 0.04854732166992754, 'in': 0.031696838171445516}, {'of': 0.21074540754272725, 'for': 0.20112202057383705, 'in': 0.12804099578229114, 'to': 0.11540077415320542, 'with': 0.06912503184417167, 'and': 0.06214833774369151, 'by': 0.05045947668245463, 'all': 0.04050720240240756, 'that': 0.03516661620370277}, {'manner': 0.1103951809557842, 'and': 0.052453475314599624, 'that': 0.03036937771827381, 'way': 0.019689239401330938, 'time': 0.015058937839784212, 'it': 0.013360831017844856, 'all': 0.011946359345780016, 'one': 0.011858054142763546, 'part': 0.011827296831737295}, {'the': 0.20674797625342997, 'most': 0.17620587257556378, 'an': 0.13474309810719937, 'and': 0.1289341804662207, 'of': 0.10215804897495008, 'more': 0.09260968278307331, 'to': 0.04627656743730646, 'by': 0.04052254889375653, 'very': 0.03360586343240657, 'a': 0.02819616107609324}, {'to': 0.3259801469693781, 'will': 0.13993748426760008, 'not': 0.08196652651763425, 'have': 0.08093231799512987, 'had': 0.08000522934036094, 'has': 0.06457908476069485, 'be-': 0.053361610171885974, 'would': 0.05148334867238211, 'and': 0.042338486554962335}, {'the': 0.5524131041074272, 'of': 0.06670687345521316, 'and': 0.05596226804062145, 'a': 0.0433437533970309, 'to': 0.030184331238528407, 'said': 0.027280332970873088, 'tho': 0.02074759044289346, 'his': 0.02035061363234044, 'The': 0.01646336924068329}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.1313056501793289, 'made': 0.034551030036317, 'necessary': 0.03191530070016697, 'provide': 0.023191256277008975, 'him': 0.021827387004521748, 'time': 0.02091411247587312, 'but': 0.020346196766889778, 'pay': 0.02006785098451588, 'responsible': 0.019399383232926184}, {'and': 0.18758642915503854, 'was': 0.12372924568804233, 'is': 0.10489129128568536, 'be': 0.07608048191263606, 'are': 0.07388673764480849, 'been': 0.04782725748041508, 'were': 0.04203494150363902, 'not': 0.03954661265518317, 'or': 0.02095724753402316}, {'have': 0.12698476016321888, 'is': 0.12038873355715572, 'had': 0.10169806088037799, 'with': 0.10139998897304621, 'of': 0.09851290993695158, 'was': 0.09421352649084347, 'has': 0.08014863434609588, 'in': 0.072542144067445, 'to': 0.06545974420628968}, {'be': 0.2879683378003683, 'is': 0.1389156620192896, 'was': 0.11923210356142303, 'been': 0.10254834371780844, 'are': 0.08579643720114552, 'and': 0.05926458643529825, 'were': 0.05022984230798211, 'being': 0.026772332585242396, 'Is': 0.021297467541294097}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'it': 0.1647729696802889, 'carried': 0.1026431506075788, 'go': 0.08273109522517767, 'them': 0.07976047927971051, 'went': 0.07860082660863453, 'come': 0.057520400400264564, 'taken': 0.04967969886835522, 'get': 0.04398355824364893, 'set': 0.04282893856470754}, {'and': 0.16968792471083358, 'to': 0.11847807325243383, 'of': 0.05572715874491009, 'the': 0.048825706231723616, 'will': 0.047679205049437685, 'for': 0.04538202029102632, 'would': 0.03970531446053859, 'a': 0.031644531180182386, 'in': 0.026044732258156133}, {'the': 0.707143739661173, 'The': 0.054527264225411896, 'a': 0.050624332070255136, 'tho': 0.03636386807235776, 'of': 0.021943550872356485, 'and': 0.01892603698596437, 'large': 0.015913963486530704, 'in': 0.012373140879420107, 'tbe': 0.010633815121107715}, {'the': 0.17941424507911072, 'of': 0.1407058246689109, 'and': 0.05986117147638954, 'to': 0.05531484940500692, 'in': 0.04651650362944854, 'on': 0.03426480129046743, 'from': 0.023390494924311486, 'that': 0.021459459299247058, 'by': 0.020833673638698088}, {'and': 0.19712615033197636, 'fact': 0.07722519025994683, 'said': 0.06258946616103155, 'so': 0.05112232986118901, 'is': 0.043298823531513625, 'say': 0.03859534773042259, 'was': 0.0380557480618063, 'him': 0.03726814659203925, 'found': 0.03558464235197909}, {'the': 0.16100264669306366, 'of': 0.0807342969206723, 'and': 0.06690826749103311, '.': 0.03730153630496895, 'a': 0.029659729434355478, 'to': 0.02434323335368277, 'by': 0.017823437121083797, '<s>': 0.017045794657347565, 'in': 0.015211071756570224}, {'a': 0.23046221172297665, 'the': 0.1752283302248171, 'common': 0.10354770124166705, 'their': 0.07320781275969852, 'no': 0.05840633659963394, 'his': 0.05726021817725056, 'any': 0.046937716785552315, 'good': 0.04266351039117901, 'every': 0.03732355911738005}, {'of': 0.24708976070346536, 'to': 0.17789941738730686, 'in': 0.14289516606379896, 'on': 0.08749752105327921, 'and': 0.07075931141929313, 'for': 0.04986281017047345, 'that': 0.04868372737896437, 'by': 0.047280743783283334, 'with': 0.044085094924095715}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'to': 0.5722852368347805, 'and': 0.1115427146321448, 'not': 0.0568732287158959, 'will': 0.03755873683230478, 'would': 0.0331630836069715, 'may': 0.0303442583643209, 'shall': 0.020118584105435378, 'I': 0.018253729608158072, 'they': 0.016810832574541593}, {'the': 0.37246384088986184, 'of': 0.1880003622486019, 'to': 0.059148706134159436, 'or': 0.05429648637890834, 'such': 0.044769474823440666, 'and': 0.041809147452794744, 'that': 0.03949344873457089, 'no': 0.036508021063930474, 'public': 0.03012176748685287}, {'of': 0.342027554625614, 'in': 0.12684190944651358, 'at': 0.10561297969364883, 'to': 0.08077028162403685, 'on': 0.07962653793535981, 'from': 0.061543354977009385, 'for': 0.05759906050094821, 'and': 0.03433801075555585, 'In': 0.03096358502386148}, {'of': 0.1872942664145055, 'in': 0.1767727433102303, 'at': 0.13048332409902375, 'to': 0.12696558664912777, 'on': 0.059355629523724786, 'and': 0.04880897603180523, 'for': 0.04630091166286908, 'from': 0.04448674316459576, 'with': 0.03641882108880385}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'of': 0.12446742195962507, 'a': 0.12042860096436925, 'and': 0.1048204426472122, 'the': 0.09689240057510463, 'in': 0.05427180506670741, 'to': 0.05360975006743844, 'an': 0.03539098911837642, 'with': 0.025581441123385246, 'which': 0.023394327320172312}, {'the': 0.47662562625518173, 'this': 0.15913625898053957, 'of': 0.09283126065277397, 'his': 0.0601243615247514, 'our': 0.04186873195775135, 'an': 0.03797194015919077, 'their': 0.03411424665013251, 'tho': 0.03177098896583997, 'The': 0.02905386026522793}, {'the': 0.6582508418130162, 'The': 0.09941903205755633, 'tho': 0.06501417286708133, 'tbe': 0.026346448875229363, 'and': 0.02373927560143499, 'this': 0.023154982786378692, 'a': 0.021821755230047656, 'of': 0.01984943750329124, 'his': 0.013893496035728864}, {'the': 0.4380071874031795, 'a': 0.40516475870009344, 'this': 0.041637770358077524, 'tho': 0.012939908910689761, 'The': 0.011354510517371342, 'that': 0.010967552362519001, 'and': 0.007949235509343915, 'no': 0.007013659930731829, 'his': 0.0068582233554605205}, {'be-': 0.34592056074466165, 'hereto-': 0.1348612278623611, 'there-': 0.12664531879222904, 'be¬': 0.11027914435284053, 'be\xad': 0.09682148397162575, 'be': 0.022052678625212173, 'there¬': 0.02053784793718722, 'and': 0.015998880538693437, 'was': 0.012367964569400498}, {'of': 0.28127307908017496, 'the': 0.1539288829841148, 'to': 0.09306367917419264, 'a': 0.08993893723219762, 'and': 0.06297313033132859, 'his': 0.03602130069680127, 'for': 0.029335598366948646, 'said': 0.02735675583054626, 'in': 0.025754766740266298}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'carried': 0.11439930605553023, 'it': 0.11274126363829032, 'go': 0.08754719428476353, 'went': 0.08021660208870492, 'them': 0.06268649004848269, 'come': 0.055210703792335496, 'get': 0.05319095787576402, 'came': 0.05307699286097292, 'sent': 0.04556943092770292}, {'the': 0.24935427719408193, 'to': 0.16447130494007528, 'and': 0.12766493189426673, 'of': 0.08849058515587978, 'a': 0.06329151939630584, 'in': 0.044228341366291384, 'with': 0.04337967503668437, 'for': 0.03985732544115408, 'or': 0.03860641405185236}, {'and': 0.23024654498404792, 'of': 0.17408535852142826, 'for': 0.10854755902942415, 'or': 0.08564082348287314, 'to': 0.08249277307136758, 'section': 0.05405851094927731, 'at': 0.05297858103370233, 'the': 0.050539249162408546, 'in': 0.050250912147010086}, {'or': 0.17823506326385416, 'no': 0.15289862718459937, 'and': 0.10713279224426044, 'much': 0.082486468304848, 'of': 0.07674072173112818, 'any': 0.0727125249082178, 'the': 0.05846691501875836, 'for': 0.053313291281922116, 'a': 0.0487460274024083}, {'men': 0.0283257881172733, 'man': 0.012273743800203563, 'women': 0.010506762328197944, 'up': 0.009898493202191667, 'time': 0.0096024518610598, 'President': 0.009183724168955583, 'rights': 0.009123233580333462, 'power': 0.009006404076528274, 'labor': 0.008927077857499157}, {'the': 0.5019362453799908, 'and': 0.06272396446226793, 'of': 0.052315348702042, 'tho': 0.03179062329572265, 'his': 0.029175159380435196, 'their': 0.023907764743161947, 'The': 0.021207766584273858, 'her': 0.020878557488548725, 'tbe': 0.015630072042193473}, {'the': 0.11274797112010776, 'of': 0.10197607131357447, 'and': 0.09925766508982277, 'by': 0.0724282938825821, 'to': 0.06243226255723504, 'for': 0.05946376310916746, 'in': 0.053277770652614694, 'a': 0.047706947478816646, 'or': 0.03660843513873434}, {'the': 0.5939039122954316, 'a': 0.06794057087605349, 'of': 0.0664711231041984, 'The': 0.03363124275611795, 'tho': 0.031191147143855093, 'in': 0.026218718993463654, 'and': 0.020795892042836755, 'by': 0.014259846456834988, 'with': 0.012110370247776068}, {'in': 0.249034067309987, 'of': 0.17746816445001654, 'to': 0.08311835241771827, 'with': 0.07600803095235803, 'under': 0.06897418568492535, 'and': 0.0565233045466873, 'In': 0.05415365052282346, 'by': 0.05227608468510729, 'for': 0.044634009571178454}, {'the': 0.10722231815190483, 'of': 0.10718975860001069, 'and': 0.09255291978505842, 'to': 0.07629791018325559, 'a': 0.03865623537964932, 'not': 0.028659989914849766, 'for': 0.027150271025144827, 'is': 0.02410369949431326, 'I': 0.020769173490093582}, {'a': 0.41856289262247387, 'the': 0.27113811584359176, 'large': 0.12635085054069922, 'A': 0.04594086297011524, 'The': 0.04175548918575393, 'great': 0.017008438314189897, 'total': 0.013415267234016297, 'and': 0.01067435991872196, 'tho': 0.009477507450615605}, {'the': 0.25214749071187414, 'be': 0.15558539136662547, 'and': 0.14475092418633717, 'is': 0.12691598879665017, 'was': 0.058797502060763195, 'are': 0.05062383046635307, 'The': 0.04706693110453323, 'not': 0.04614388674150515, 'of': 0.04161944770296069}, {'the': 0.6012503446751407, 'an': 0.06348301426168473, 'tho': 0.043603958128020565, 'The': 0.035698753213488185, 'of': 0.02752374430696792, 'a': 0.024450189199077085, 'and': 0.02129745998604386, 'his': 0.01771183552264869, 'her': 0.013807850770396165}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'be': 0.1316266382311353, 'was': 0.129332399857945, 'is': 0.12834371908374465, 'and': 0.08460894206549378, 'he': 0.07413173590496379, 'not': 0.06865757077769315, 'He': 0.04192036678640974, 'been': 0.03536355842509892, 'I': 0.03480639214181116}, {'<s>': 0.13858192195996527, 'it.': 0.022639455525729615, 'them.': 0.015766829059242315, 'and': 0.014644859828419787, 'time.': 0.011259478714629203, '?': 0.01011381064741381, 'country.': 0.009824593138858681, 'people.': 0.009427521937180078, 'year.': 0.009087415826383106}, {'the': 0.2516509699024918, 'a': 0.0941836408424519, 'and': 0.09410157096383318, 'of': 0.07566963661826562, 'Mr.': 0.04347455605727113, 'The': 0.03507990342452307, 'to': 0.02834134833848876, 'in': 0.02415920563893589, 'an': 0.020519985514620472}, {'the': 0.12219597915044403, 'of': 0.0911074858297847, 'and': 0.07485006097714235, 'a': 0.0639310829755559, 'to': 0.06271027188689325, 'be': 0.032325471139670145, 'was': 0.030707823471521626, 'in': 0.028057220415748145, 'at': 0.017893126384922742}, {'be': 0.1746085132934611, 'was': 0.16443046220767055, 'are': 0.1342068114878937, 'is': 0.10864305680532697, 'been': 0.08768217414540229, 'were': 0.08189019133642648, 'and': 0.05590049077266013, 'not': 0.03512470901586572, 'he': 0.027845221832944106}, {'be': 0.2973733098157446, 'and': 0.15912391453801925, 'have': 0.08871739216018903, 'he': 0.07001413346658653, 'been': 0.06532322799730719, 'was': 0.05195570546852469, 'had': 0.04927577603677073, 'who': 0.042624994016691925, 'is': 0.04060692306778776}, {'of': 0.11904574774402965, 'and': 0.117039163175256, 'in': 0.0579721685820925, 'to': 0.0511186639368552, 'fact': 0.03928633611901063, 'said': 0.03323136332365265, 'on': 0.029827822579143393, 'all': 0.024787499172257966, 'is': 0.02252394945510673}, {'one': 0.13027668708462814, 'out': 0.07742206756685843, 'part': 0.06474114282857145, 'some': 0.05640712659716483, 'time': 0.03954471000289752, 'account': 0.03620724368530425, 'all': 0.03238127669140698, 'and': 0.028154969476639407, 'that': 0.02755643570827209}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.37912129441661707, 'to': 0.1292209375788265, 'of': 0.11563379324387435, 'a': 0.0640285392329816, 'by': 0.05078288365415376, 'and': 0.045956018649820296, 'any': 0.025365835807035095, 'tho': 0.022656767867311384, 'their': 0.021431284428850346}, {'of': 0.34562844403725923, 'to': 0.08509085716282533, 'the': 0.08142641927320728, 'in': 0.0605324979678097, 'and': 0.05570989643791606, 'by': 0.04249005122706404, 'from': 0.03788980117954664, 'County,': 0.03253556778246626, 'In': 0.02242896761527903}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'the': 0.406490447341065, 'a': 0.22072265879364722, 'The': 0.11131438923346261, 'their': 0.033756782547433375, 'this': 0.03286308480722758, 'his': 0.02863976704318687, 'tho': 0.023164806228286094, 'no': 0.021425490870422066, 'some': 0.02016600487607051}, {'for': 0.16987906277459477, 'to': 0.10937326199569637, 'of': 0.10541371113444531, 'and': 0.055847883684365364, 'by': 0.05566509686033276, 'with': 0.0413815162003998, 'that': 0.03087415251847055, 'or': 0.021442025756235637, 'before': 0.020899814389049164}, {'and': 0.11806507856352491, 'the': 0.10814712449907181, 'of': 0.08775219100044983, 'a': 0.0719217800025943, 'an': 0.05776768870249771, 'to': 0.037870786734286795, 'in': 0.03181132685058579, 'or': 0.03065769442605724, 'that': 0.027975088440716802}, {'able': 0.08623336366143251, 'as': 0.08394231164573787, 'is': 0.08352666925277315, 'was': 0.06328072490606236, 'and': 0.060945425722165325, 'order': 0.060093536550048295, 'enough': 0.05220060091852314, 'time': 0.039463730245835674, 'right': 0.039331898567277035}, {'of': 0.29101867198091264, 'to': 0.11813174100818619, 'in': 0.1172972311449329, 'and': 0.06830399127118737, 'with': 0.060605934900068804, 'for': 0.05419409192275341, 'on': 0.05219893444697187, 'by': 0.041348689452230795, 'from': 0.039219237042174226}, {'the': 0.11465877822957096, 'and': 0.08691397614958754, 'of': 0.0684481415135792, 'to': 0.047612852416672874, 'in': 0.02458400066508134, 'that': 0.022156300571771172, 'said': 0.02177707665441787, 'for': 0.020119557938665083, 'his': 0.0199577743010974}, {'that': 0.21815081062476865, 'and': 0.11866037749720372, 'if': 0.09048663327091269, 'which': 0.07922264993123977, 'If': 0.0717097051385436, 'as': 0.05243202162362924, 'when': 0.034780101564803115, 'but': 0.032019297539203025, 'what': 0.030103710670479997}, {'of': 0.4323655884604342, 'that': 0.10653975656667515, 'in': 0.07766478674278822, 'all': 0.06545665082762997, 'for': 0.06338381296686058, 'to': 0.059288102350116056, 'and': 0.04893844956450888, 'with': 0.0428665532818244, 'from': 0.027051053571001925}, {'and': 0.08238355125522606, 'well': 0.081674460935502, 'long': 0.06939567202071034, 'just': 0.06362278901112627, 'soon': 0.05325132330681635, 'such': 0.04218017857052004, 'are': 0.04195529411707202, 'is': 0.04159127990425014, 'so': 0.04020810498944663}, {'hundred': 0.14544369881508673, 'the': 0.0914378097175749, 'few': 0.06603865403154385, '100': 0.05363106411702826, 'of': 0.04099807359720771, '200': 0.03842225371616858, '300': 0.034809533647861844, 'fifty': 0.02921283296165601, 'twenty': 0.02875117435301806}, {'was': 0.20621329182303577, 'be': 0.1520461161863476, 'he': 0.09614165620957463, 'been': 0.09054872486713318, 'and': 0.05935095434108638, 'had': 0.05616620080036685, 'have': 0.051928396603095985, 'is': 0.05083633721622384, 'has': 0.05019723900010407}, {'and': 0.13661679432843812, 'that': 0.06635474263672914, 'he': 0.06516276978627354, 'which': 0.05526421281379382, 'it': 0.054265946896624374, 'as': 0.05319482008270977, 'who': 0.03888816664718907, 'It': 0.021642830397813576, 'there': 0.0196195384028167}, {'the': 0.18927580197235688, 'of': 0.10268000335673094, 'to': 0.07193089873803327, 'and': 0.06302722590064451, 'in': 0.035804951354373886, 'for': 0.03552877544733519, 'be': 0.029165863199114864, 'was': 0.021230450879771812, 'is': 0.019324942212557497}, {'it': 0.1392655652583725, 'he': 0.12198865129870436, 'It': 0.0920730759264974, 'which': 0.06588711175855988, 'I': 0.06221487354667309, 'and': 0.05220228347513967, 'who': 0.04105502827225842, 'He': 0.03721999320042121, 'that': 0.034840913784500716}, {'and': 0.18355185197223145, 'of': 0.08869690927476565, 'the': 0.08427056959156703, 'thence': 0.05425807026976145, 'was': 0.052002506961193344, 'in': 0.040986423091105124, 'by': 0.03435104123061788, 'a': 0.03405665396166313, 'is': 0.029563450700609967}, {'a': 0.2551255777611505, 'the': 0.23510424853787223, 'any': 0.10072378626532229, 'that': 0.0768876047752589, 'this': 0.04691355556726983, 'every': 0.03993716030012861, 'greater': 0.038243453772756, 'latter': 0.029410411350112447, 'no': 0.026389307740317964}, {'the': 0.45734553877332645, 'on': 0.0717567276220282, 'day': 0.04201831766584462, 'and': 0.04014737560166198, 'The': 0.03936607133449497, 'On': 0.035403339435633265, 'tho': 0.031573786743012526, 'of': 0.024449051205796504, 'until': 0.021700237211920912}, {';': 0.012532836547920072, 'him': 0.007519071266724382, 'it': 0.0066308946745183405, 'time': 0.00604490706197771, 'up': 0.005941731071240183, ',': 0.005677825596429657, 'years': 0.0054496028840478545, 'feet': 0.005241561860850326, 'it,': 0.005231726227616767}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'of': 0.2890240249921685, 'at': 0.1658602420555644, 'on': 0.10710688168854551, 'in': 0.09461570603777053, 'to': 0.07134864654463795, 'At': 0.061599812132758835, 'that': 0.05992971340495499, 'from': 0.03947016120328834, 'and': 0.03379439902362352}, {'<s>': 0.06402011258897143, 'and': 0.04329061040057091, 'that': 0.04276173219057309, 'it.': 0.03514952301848204, 'them.': 0.021710891911696287, '.': 0.015291772468205315, 'time.': 0.011748259517529041, 'law.': 0.010572459795325506, 'him.': 0.010253524185146788}, {'and': 0.0805244503287671, 'it': 0.044042273911445405, 'as': 0.03524461096356781, 'It': 0.032942312991947914, 'be': 0.028279878720253355, '<s>': 0.02220275793925939, 'is': 0.01866885178978155, 'was': 0.01771013800166822, '.': 0.01572044914838989}, {'and': 0.1313056501793289, 'made': 0.034551030036317, 'necessary': 0.03191530070016697, 'provide': 0.023191256277008975, 'him': 0.021827387004521748, 'time': 0.02091411247587312, 'but': 0.020346196766889778, 'pay': 0.02006785098451588, 'responsible': 0.019399383232926184}, {'is': 0.4104881891417079, 'was': 0.2127079384541664, 'are': 0.06409585481379489, 'and': 0.06194311666545192, 'Is': 0.054675323906239845, 'had': 0.03212787586840269, 'has': 0.02876911932348076, 'were': 0.027106659720939952, 'have': 0.023155276586665684}, {'and': 0.08794624066362791, 'that': 0.08641690555981606, 'as': 0.05539632308046359, 'but': 0.04913126344879957, 'I': 0.042346563358128246, 'what': 0.03771570095384224, 'when': 0.03722438247090489, 'do': 0.03505523274137862, 'which': 0.03010047805139025}, {'he': 0.29617279976043875, 'who': 0.18562294827557158, 'and': 0.12985773140052417, 'He': 0.09284584036561906, 'it': 0.0535501609510475, 'she': 0.04005759293040499, 'It': 0.033787596059957826, 'I': 0.028668576582706447, 'that': 0.02166156282430911}, {'the': 0.3148276839679721, 'of': 0.16475410840822416, 'and': 0.09355163224269351, 'a': 0.0651609071928436, 'their': 0.05115298440252977, 'his': 0.046405826657783776, 'by': 0.04511129593131214, 'to': 0.036112248391205436, 'for': 0.02438540474885022}, {'is': 0.2523767456615741, 'was': 0.127417732905363, 'and': 0.12186052838620667, 'not': 0.07544692710292313, 'have': 0.06449990652875554, 'are': 0.05899238480181188, 'has': 0.055283120408925294, 'will': 0.05080302895929106, 'would': 0.04147279558246755}, {'and': 0.09630495132294735, 'the': 0.09130724994461598, 'of': 0.084515190640246, 'to': 0.07974302071329185, 'a': 0.07087361289617415, 'is': 0.05038900554363002, 'in': 0.03685649453491671, 'be': 0.032345344083434105, 'an': 0.0299588468830829}, {'and': 0.02901582743535684, 'it': 0.025710877441896127, 'made': 0.01457813407562035, 'them': 0.014551853358874326, 'feet': 0.012697273638409865, 'well': 0.012632130722970843, 'be': 0.012413939432819203, 'up': 0.012166799129105265, 'him': 0.010708559212882735}, {'of': 0.22327480790613202, 'in': 0.11017921128681647, 'and': 0.0832785310431562, 'by': 0.08320200325335991, 'was': 0.07980431454468233, 'to': 0.07508552133876369, 'is': 0.07394410205283615, 'with': 0.07285458549168068, 'as': 0.0541359330374495}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'and': 0.2525909561752565, 'so': 0.05979313483983861, 'fact': 0.05361669986124201, 'is': 0.04777671663322431, 'was': 0.0403109648918209, 'all': 0.029095787518977085, 'but': 0.026147654657400494, 'know': 0.025571292238719876, 'found': 0.022987370969604567}, {'the': 0.41625498676747485, 'and': 0.0619533602916247, 'Presbyterian': 0.05002160368224539, 'Baptist': 0.04350714588852756, 'of': 0.04346202873263082, 'The': 0.04217776541508539, 'Methodist': 0.0348463275460201, 'a': 0.028797972465415798, 'tho': 0.027690271235696732}, {'I': 0.11481251607308036, 'and': 0.0481488806433466, 'he': 0.04014452585716381, 'who': 0.03013633063525224, 'man': 0.01923524902361803, 'husband': 0.01821248925812962, 'that': 0.016088758546470922, '1': 0.01465535394045224, 'He': 0.012811341130948901}, {'the': 0.1478863281850865, 'and': 0.1358027073017694, 'as': 0.13164015486784506, 'of': 0.11376372707333102, 'an': 0.08205020642755187, 'their': 0.05050136439142765, 'to': 0.04970986416127836, 'his': 0.04185592410531241, 'much': 0.04166234931816133}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'of': 0.14882024571021024, 'the': 0.128806626128806, 'and': 0.06398279764021447, 'to': 0.04942446894155036, 'by': 0.042350950467195836, 'Mrs.': 0.030444463654672984, 'in': 0.026829520893658514, '<s>': 0.02357078701237357, 'Mr.': 0.021210219517078452}, {'and': 0.17585063722392302, 'fact': 0.10400902578517979, 'said': 0.06844377842999533, 'so': 0.06232472237382234, 'believe': 0.04519952307692614, 'is': 0.039634011181226815, 'say': 0.03675663629906361, 'know': 0.036060715732595706, 'found': 0.03095250753294034}, {'the': 0.1331954013331003, 'of': 0.10395761905650669, 'and': 0.09166744382168995, 'a': 0.0674867672110823, 'to': 0.04481959524883369, 'was': 0.033914181021321675, 'be': 0.027669522756191306, 'is': 0.023821375196731925, 'been': 0.01992601692954109}, {'that': 0.1988134164511144, 'as': 0.134236844074391, 'and': 0.12251903582706526, 'if': 0.060958258712420166, 'but': 0.06086387801789048, 'of': 0.040570713960542036, 'when': 0.039610628717380636, 'which': 0.03909617938545093, 'what': 0.024431981152703907}, {'they': 0.12301274031911126, 'and': 0.07915763243045959, 'there': 0.07888072556515104, 'who': 0.06771730536970044, 'which': 0.060201514416648415, 'we': 0.05856157103505117, 'They': 0.054155051220114714, 'These': 0.04450000838709223, 'that': 0.043233622664107275}, {'to': 0.7095836247538713, 'and': 0.05400099020000648, 'not': 0.05353750994998477, 'will': 0.05287066920951885, 'a': 0.03663809859309244, 'shall': 0.019314842149974122, 'may': 0.018371451081695793, 'we': 0.012027895974313437, 'would': 0.011374823631016367}, {'of': 0.3836332381151868, 'the': 0.11878012139220424, 'that': 0.09037911911061475, 'said': 0.08285300111215993, 'for': 0.07722744645474033, 'and': 0.05678667138169439, 'such': 0.04349312608720182, 'a': 0.042718004609625014, 'public': 0.02936271423744812}, {'of': 0.1740449550455355, 'the': 0.11980413230518858, 'to': 0.06456352741649714, 'in': 0.05453479609755336, 'on': 0.040600662783194574, 'a': 0.038739595224523526, 'and': 0.03701511453381656, 'by': 0.034425799960206886, 'for': 0.026069071894816557}, {'New': 0.8884621930153055, 'of': 0.0279483258291341, 'the': 0.011936555904276822, 'to': 0.011317035256738571, 'Xew': 0.008506620651579564, 'a': 0.00549882762212906, 'Now': 0.004847316761974246, 'for': 0.0038283228388968893, 'said': 0.0032630098769080183}, {'in': 0.05025336484033966, 'up': 0.02301732859632884, 'to': 0.012527862995846153, 'men': 0.011282390903154346, ';': 0.009877252160266504, 'him': 0.00954960651504621, 'them': 0.007343461647046136, 'In': 0.007245141950405912, 'out': 0.006908669946101234}, {'well': 0.09289188070909403, 'known': 0.09150792033496646, 'such': 0.06495686320865282, 'and': 0.057675598864368814, 'far': 0.05283258664895302, 'soon': 0.0367922664062837, 'is': 0.033512873427505765, 'just': 0.033213473437915655, 'was': 0.02672271563617947}, {'and': 0.20991948924244738, 'I': 0.12192587393799273, 'it': 0.10687186109727405, 'he': 0.0956055599752383, 'who': 0.07473086248972617, 'they': 0.06951634928700348, 'It': 0.05057615119549422, 'was': 0.03834795936807374, '1': 0.03704072817610614}, {'and': 0.1420869454156904, 'the': 0.0812716479728215, 'of': 0.04697808522198288, 'to': 0.034455697395561063, 'a': 0.025557051290937407, 'in': 0.023376726514457376, 'I': 0.021600051995367242, 'as': 0.020953505546853112, 'will': 0.018697051729756484}, {'<s>': 0.04717619598466373, 'it.': 0.018240568076436713, 'them.': 0.010094392045081635, '.': 0.009114767965523251, 'him.': 0.00908294736163895, 'day.': 0.005022788625104321, 'time.': 0.004642658374170715, 'I': 0.004635239483754534, 'It.': 0.004428615428108169}, {'A.': 0.6594456583392048, 'J.': 0.03702083912534276, 'N.': 0.03198405406274075, 'by': 0.030820196668445207, '.': 0.029715408723514098, 'of': 0.025732527226180378, 'John': 0.02522759539015083, 'W.': 0.020527745991532936, 'A,': 0.01842632830033455}, {'he': 0.28685394552275617, 'they': 0.15232625641218855, 'I': 0.13007331217220494, 'she': 0.07698586745847341, 'who': 0.05890023727781446, 'we': 0.04869517934886555, 'it': 0.03856826081573326, 'which': 0.027845487171419464, 'and': 0.02754449817803738}, {'of': 0.29101867198091264, 'to': 0.11813174100818619, 'in': 0.1172972311449329, 'and': 0.06830399127118737, 'with': 0.060605934900068804, 'for': 0.05419409192275341, 'on': 0.05219893444697187, 'by': 0.041348689452230795, 'from': 0.039219237042174226}, {'Mr.': 0.07252882163197837, '.': 0.05763274245871516, 'Mrs.': 0.04860113159180348, 'W.': 0.03973131879703889, 'John': 0.038634309008376826, 'Miss': 0.03359744109111793, 'and': 0.03304274963835011, 'the': 0.02649910341479235, 'of': 0.026098581547575307}, {'land': 0.12042619180974769, 'was': 0.12010651423158641, 'and': 0.07855355326952987, 'is': 0.047660648786912466, 'situate,': 0.040390736855936714, 'been': 0.03689050278478187, 'be': 0.03294816585026236, 'were': 0.03221447551345268, 'are': 0.028038706113640607}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'<s>': 0.03860882290790066, 'the': 0.03252628619794407, 'and': 0.02792022401664445, 'a': 0.017930621912869142, '.': 0.01739166661469991, 'this': 0.017025166006661315, '1': 0.01697291178205815, 'pro-': 0.011829995742501712, 'on': 0.011435616664112634}, {'<s>': 0.0912221503767035, 'it.': 0.01811032403498561, 'them.': 0.014775431296034777, 'country.': 0.008239741263737997, '?': 0.007322918785141387, 'day.': 0.0072282122081409024, 'people.': 0.007132418358012721, 'time.': 0.0062317476285562124, 'men.': 0.0061272393341363345}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'was': 0.22551061913915335, 'is': 0.18687154768408293, 'and': 0.12180833576082654, 'be': 0.11593584334655838, 'a': 0.06509442077945995, 'the': 0.06268792471908222, 'been': 0.05613189035463241, 'have': 0.050776132591597654, 'has': 0.04369619177225893}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.17400946547346474, 'of': 0.1005591321511009, 'and': 0.08826614949155956, 'to': 0.0453668567978259, 'a': 0.03974407148603198, 'in': 0.033718444319693695, 'Mr.': 0.02556230257880391, 'that': 0.021067176133362783, 'this': 0.01874834427166031}, {'of': 0.3573916029729714, 'to': 0.10954701544073465, 'that': 0.09797727043981568, 'and': 0.0894100276326551, 'by': 0.08077773290127524, 'in': 0.06105662413404008, 'for': 0.04371176973310106, 'all': 0.043607449393657634, 'on': 0.02483252210361336}, {'feet': 0.1501968703210874, 'and': 0.14508196608498783, 'so': 0.07528605739450574, 'the': 0.07249567406680829, 'to': 0.06760593263565381, 'a': 0.057397874544894, 'that': 0.05456515945813897, 'all': 0.045616328673014184, 'as': 0.034734175758181184}, {'one': 0.13027668708462814, 'out': 0.07742206756685843, 'part': 0.06474114282857145, 'some': 0.05640712659716483, 'time': 0.03954471000289752, 'account': 0.03620724368530425, 'all': 0.03238127669140698, 'and': 0.028154969476639407, 'that': 0.02755643570827209}, {'it,': 0.02139380678065631, 'in': 0.020880815416464343, ';': 0.019474625552366745, 'them,': 0.015332814003141433, 'him': 0.012362202564611428, 'him,': 0.010347586242350519, 'it': 0.009738650635858045, 'me,': 0.009579906465660227, 'up': 0.008421122123245296}, {'sum': 0.12921897686510234, 'number': 0.07981316352633502, 'years': 0.043932355841701944, 'rate': 0.042061308514471936, 'out': 0.03603298247502578, 'full': 0.03343470801493981, 'line': 0.03043607383786228, 'amount': 0.02755732895380951, 'kind': 0.025516981837841377}, {'the': 0.20511264653759115, 'of': 0.19407638164365026, 'in': 0.05647066643756275, 'a': 0.05562008588719134, 'and': 0.053064132568599015, 'to': 0.05240122849480719, 'by': 0.030231137144954495, 'on': 0.024746929107800384, 'from': 0.02404804005158559}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'the': 0.5214559010720078, 'The': 0.08481035028134207, 'his': 0.0645837124061804, 'this': 0.059396834782179615, 'of': 0.039508905475050794, 'their': 0.03821125350752073, 'a': 0.03510896915790136, 'its': 0.029202413077711483, 'tho': 0.026662794537971577}, {'and': 0.10550149942495249, 'them': 0.04147829214892056, 'it': 0.032758945708715764, 'that': 0.02999021822099609, 'was': 0.02409053953453997, 'men': 0.023300715607652882, 'or': 0.023136816190742975, 'made': 0.02194223869948482, 'him': 0.021767094855356894}, {'of': 0.4159575528856038, 'to': 0.11825338432981926, 'in': 0.08220373050014891, 'by': 0.07205359091894699, 'on': 0.057194672302113725, 'that': 0.050087497075537654, 'from': 0.04119435021023779, 'and': 0.035827613608226866, 'with': 0.034580420567046265}, {'the': 0.8858414312006397, 'The': 0.04064328351423359, 'tho': 0.03566971676953437, 'tbe': 0.012293149109962934, 'and': 0.004619106679945443, 'this': 0.0044430494988017205, 'his': 0.003138108726690986, 'of': 0.00294483323270168, 'a': 0.0024459061586838745}, {'N.': 0.36326172842338217, 'the': 0.1680900396285694, 'X.': 0.05693790710142721, '.': 0.03710977778076449, 'of': 0.020999960129673183, 'and': 0.01814458820716959, 'J.': 0.017289687919570047, 'A': 0.01621021911324498, 'W.': 0.015515755231024308}, {'called': 0.35990859639602013, 'agreed': 0.18118385538549817, 'looked': 0.08287880417283547, 'relied': 0.04864454942930546, 'acted': 0.046397908291826516, 'levied': 0.027408983237381855, 'depended': 0.024151560127296173, 'made': 0.023772967685950865, 'imposed': 0.023565133531805293}, {'of': 0.15623361282471382, 'the': 0.12370552075798275, 'and': 0.10639478714554221, 'to': 0.04077036368028677, 'for': 0.02888148624086982, 'that': 0.028496021673708093, 'in': 0.028154700298973507, 'by': 0.024873058841397486, 'or': 0.02346866182299934}, {'the': 0.20652929480594112, 'of': 0.0985463090297763, 'and': 0.06693253398244224, 'that': 0.05900862020852831, 'Mr.': 0.041033997610204084, 'The': 0.04001372520961834, 'a': 0.038071161445162795, 'this': 0.01954812218166994, 'or': 0.017427556315847043}, {'of': 0.2785225880405675, 'in': 0.15467908297004868, 'and': 0.0846807236348456, 'to': 0.08206790954514209, 'with': 0.06640157482187065, 'for': 0.0614254827780926, 'by': 0.043711686748207815, 'all': 0.043470888275559734, 'from': 0.03969257951618359}, {'of': 0.20428332722993858, 'and': 0.058604196007126554, 'in': 0.04268056590361868, 'Thousand': 0.041163617922521094, 'the': 0.03924801185730288, 'to': 0.03178005008528299, '<s>': 0.01999598616700779, 'Township': 0.010007906685850951, 'In': 0.009295603418067606}, {'the': 0.7655854187817741, 'The': 0.06623540898277144, 'tho': 0.04345691726389688, 'a': 0.03713244511407504, 'and': 0.018436320375487533, 'tbe': 0.01568640690498189, 'no': 0.008613267733515746, 'an': 0.00825684540830198, 'this': 0.006288950822297647}, {'are': 0.18336345999844758, 'be': 0.13185462279675408, 'the': 0.12559559338426407, 'is': 0.11484626307241437, 'not': 0.10807553534460866, 'and': 0.10186176636946714, 'was': 0.0750406083560643, 'of': 0.05605883513844704, 'most': 0.047354743232111064}, {'and': 0.1280930618212179, 'put': 0.05617719018504804, 'was': 0.04616527853991886, 'placed': 0.038173483438214695, 'is': 0.02906141432112159, 'it': 0.028154396615684456, 'that': 0.02745249243588715, 'out': 0.026128782789040197, 'down': 0.02478179953772463}, {'and': 0.11770920586208125, 'him': 0.02652458526496277, 'reason': 0.026088207156801928, 'made': 0.02589174143551295, 'but': 0.025031317555575812, 'enough': 0.02244353884399602, 'asked': 0.02140113704667773, 'time': 0.019604906534980888, 'them': 0.019458932819847542}, {'a': 0.34562053315633073, 'is': 0.17084867718810273, 'and': 0.09079771625338244, 'very': 0.06621405865101666, 'so': 0.0642860472668013, 'are': 0.06284999328378464, 'was': 0.06015409153866805, 'of': 0.04307235436852804, 'the': 0.04137644703424275}, {'the': 0.16569121758626051, 'of': 0.08135426229140956, 'said': 0.06747913067974108, 'and': 0.06260175116631932, 'such': 0.060152997361879644, 'no': 0.05446006370650387, 'or': 0.05309579407371025, 'any': 0.04031465082961952, 'that': 0.039679285463011214}, {'and': 0.24740299288865314, 'he': 0.10478185104499431, 'I': 0.06061954519124543, 'which': 0.041364175310816015, 'they': 0.02984512827653033, 'who': 0.027189679247192712, 'that': 0.025436933349321993, 'it': 0.024448159143116294, 'she': 0.024112108800800773}, {'-': 0.03629588428051514, 'day': 0.034560099232389035, 'and': 0.022462476898425048, 't': 0.02032353896595819, 'in': 0.01853660375090387, 'to': 0.01829655874301775, 'feet': 0.016807040826845678, '1': 0.01591993196613299, 'of': 0.01473294080800054}, {'feet': 0.09124682453705052, 'poles': 0.0730701371555321, 'up': 0.05088279168420823, 'chains': 0.04885658892872941, 'entitled': 0.03694920633644442, 'went': 0.034748145318504654, 'came': 0.03280590556373315, 'down': 0.032521221296211, 'him': 0.032446562119539564}, {'the': 0.2405561177885986, 'of': 0.10096115900733743, 'a': 0.0785436237618652, 'and': 0.07558779918895976, 'to': 0.04415390277309089, 'in': 0.033471219201035414, 'on': 0.026191747561680256, 'The': 0.01951366934659854, 'or': 0.019464868206932266}, {'the': 0.0930072672300486, 'of': 0.06846494344309874, 'and': 0.06508762759681429, 'be': 0.05721012719057899, 'to': 0.05502551084654882, 'was': 0.04887356091582504, 'is': 0.036450096984708476, 'a': 0.028533290990081422, 'are': 0.02762552804330822}, {'the': 0.37607477006960427, 'a': 0.1498703949139266, 'one': 0.13578972103472037, 'some': 0.04052090739241079, 'The': 0.040376301392887254, 'his': 0.03746763049605624, 'two': 0.03638256309951425, 'tho': 0.027053765975813986, 'their': 0.025320564168475484}, {'of': 0.14371951221238882, 'and': 0.09728868105836595, 'the': 0.09247828989192461, 'to': 0.09087163104440367, 'a': 0.05541153081346279, 'in': 0.048587839182515274, 'that': 0.027147261957255062, 'or': 0.02682989100644808, 'which': 0.021619033300141685}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'that': 0.34509079763207556, 'which': 0.12007881948877014, 'and': 0.08137652876211703, 'as': 0.06041316548085244, 'where': 0.04728672644872489, 'if': 0.04621753601473145, 'but': 0.040882224706913155, 'when': 0.03581660853568659, 'what': 0.030526135953862322}, {'and': 0.324422882278816, 'or': 0.11291865418547421, 'that': 0.0811942772577852, 'not': 0.06836332368793072, 'but': 0.050385438925821244, 'to': 0.03293624672952324, 'But': 0.02036415870227427, 'is': 0.017866432164139943, 'for': 0.017572664891993304}, {'to': 0.29799716642869656, 'and': 0.15710833441927508, 'be': 0.12243650190738685, 'was': 0.07566209865688292, 'he': 0.05723229872373393, 'been': 0.039440434095056126, 'I': 0.03669117163079076, 'were': 0.03429732088924222, 'had': 0.022191763042649647}, {'the': 0.22044466523706352, 'a': 0.19736567938444116, 'of': 0.12783772002031296, 'for': 0.09494482142851168, 'in': 0.05903926109507496, 'at': 0.04377401817988772, 'and': 0.03231527460512579, 'that': 0.026742065752721884, 'to': 0.025749228904520843}, {'the': 0.35800419005261797, 'a': 0.1544475270832108, 'and': 0.05257049368895144, 'The': 0.049539443484301456, 'his': 0.03807582325063091, 'of': 0.03638327038098374, 'any': 0.027446110637643698, 'in': 0.023144682048579106, 'tho': 0.021783917386555197}, {'is': 0.12420665696584307, 'very': 0.12259752120475685, 'the': 0.1106353466848494, 'more': 0.10498452801845334, 'be': 0.10316325066373404, 'most': 0.10265521779858035, 'was': 0.08908277396860032, 'an': 0.082008840527553, 'are': 0.0574965819037336}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'quarter': 0.021974280715432427, 'sum': 0.019864549744021718, 'one': 0.01808331824019599, 'part': 0.017065045823415826, 'that': 0.015589656905899493, 'purpose': 0.013343948488390807, 'instead': 0.012455969410245285, 'and': 0.011225868532162774, 'number': 0.0111030498671593}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'that': 0.19127126437919392, 'as': 0.13402646233458543, 'and': 0.12378200679407961, 'which': 0.090337534876512, 'when': 0.08940125393328303, 'if': 0.06470061830861343, 'but': 0.03923800926816915, 'what': 0.03471935316568323, 'When': 0.03331912241495325}, {'and': 0.10559168754454262, 'was': 0.0527143329340065, 'is': 0.03694091904253561, 'up': 0.03211384286292709, 'it': 0.02952629865247593, 'that': 0.029154241687633396, 'made': 0.027505134378369173, 'them': 0.02610904882085594, 'him': 0.02557823914144655}, {'is': 0.23216353943235807, 'are': 0.12776851139432974, 'was': 0.08051971312627265, 'be': 0.07883164788657884, 'and': 0.07133254717333047, 'not': 0.03858541732629131, 'so': 0.03397630005694195, 'Is': 0.03142308514113887, 'were': 0.028595549473406656}, {'he': 0.1602031915958829, 'they': 0.12435334156047534, 'I': 0.11933772542570778, 'it': 0.0983734431136648, 'who': 0.08066113105022438, 'we': 0.05971298691105342, 'that': 0.055177145645869174, 'and': 0.053455443009939256, 'which': 0.05213839463822279}, {'the': 0.09976735507891123, 'and': 0.07101410717031968, 'was': 0.04812293680812027, 'as': 0.0461017271828457, 'is': 0.03162567782513118, 'a': 0.029571178755831658, 'street,': 0.02627396952044168, 'of': 0.02551405964273267, 'so': 0.021871647919286266}, {'of': 0.11771738954028904, 'the': 0.09868614078368744, 'to': 0.09212056890625077, 'in': 0.07857194033039676, 'and': 0.04790233948160106, 'a': 0.04002102888960169, 'on': 0.03540721452633973, 'by': 0.026391007459795064, 'at': 0.02379889748362829}, {'the': 0.36020806695843605, 'a': 0.15849009123619426, 'his': 0.12173416732353828, 'The': 0.09622970841270201, 'my': 0.05291137862422219, 'and': 0.038820211796597254, 'of': 0.027846673730041127, 'A': 0.027317111438536983, 'His': 0.024095369664410306}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'be': 0.2994121393859754, 'was': 0.14947007158599965, 'is': 0.11588432273808921, 'been': 0.110292937848168, 'are': 0.0649803582644996, 'were': 0.044958404210532356, 'being': 0.037929611745336635, 'and': 0.03144694081986772, 'Is': 0.02116742145635095}, {'the': 0.21006466074457938, 'of': 0.14610611451534491, 'in': 0.12817178063019818, 'and': 0.07940452555770441, 'In': 0.049484212790036224, 'to': 0.0482556263307915, 'for': 0.047106876831172005, 'their': 0.02929125577143231, 'this': 0.028512425290023385}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'the': 0.28882374211188466, 'a': 0.19235993399922666, 'of': 0.14989559105078962, 'and': 0.0596796779252945, 'to': 0.05670580693797857, 'in': 0.04084286357981325, 'his': 0.04053572644939874, 'that': 0.03194565792244887, 'this': 0.030818263879968995}, {'the': 0.15036501964645538, 'of': 0.1414467674770207, 'and': 0.08891496936108569, 'a': 0.0707370716977938, 'to': 0.05560282537236963, 'at': 0.053588109854283326, 'in': 0.03202846209307526, 'for': 0.019627360065197108, 'his': 0.018277059323878606}, {'for': 0.19442185549199983, 'of': 0.16692031258466508, 'to': 0.12450171172630216, 'at': 0.10961035118094693, 'in': 0.09774675421627439, 'and': 0.05289648223003138, 'during': 0.04058042847702694, 'all': 0.03745353197427918, 'on': 0.0344390964102572}, {'day': 0.021804481375026608, 'and': 0.019443373596073298, 'made': 0.018186033264452076, 'out': 0.011357878517566476, 'up': 0.01115085593062071, 'feet': 0.01024406777987943, 'them': 0.010042908390218484, 'him': 0.009541789856413695, 'it': 0.009297387753628136}, {'of': 0.11090583981016233, 'and': 0.09426516431304555, 'to': 0.09136690423437806, 'the': 0.08163310571414373, 'at': 0.05117242359913938, 'in': 0.04285397134387068, 'for': 0.04014457322737911, 'a': 0.03612477181562692, 'be': 0.023513085268901456}, {'and': 0.08296040376566996, 'able': 0.06504171041020183, 'order': 0.0621408185377654, 'him': 0.053813073784472795, 'is': 0.052874348919057894, 'was': 0.05026577439717304, 'time': 0.04985952724781956, 'had': 0.047685864843216075, 'as': 0.047027809783576416}, {'away': 0.06925205172028555, 'and': 0.06007808449668492, 'taken': 0.04760906637168378, 'miles': 0.0428166599829834, 'feet': 0.03837562943164214, 'come': 0.026889243450533045, 'them': 0.026073675669967263, 'out': 0.02484981837258804, 'came': 0.02410733092637395}, {'is': 0.12384314696798751, 'and': 0.12262404106505624, 'of': 0.11775014351598256, 'was': 0.10023335637232013, 'by': 0.09228259576729919, 'for': 0.08976314513885907, 'in': 0.06062856945336933, 'that': 0.05564913862019247, 'to': 0.04722160527999775}, {'the': 0.5625097139129069, 'a': 0.24049857778817813, 'The': 0.04036621849601683, 'tho': 0.027540613448691686, 'of': 0.01376107849638917, 'tbe': 0.013318330268965466, 'this': 0.012752771727049384, 'and': 0.008805859588259617, 'great': 0.006274345564543166}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'a': 0.3460365588159651, 'the': 0.2687476336598082, 'no': 0.05121849363629588, 'The': 0.04641076954174122, 'of': 0.04500846576413033, 'any': 0.04182032040140076, 'such': 0.03754640483640638, 'his': 0.03463358268066272, 'and': 0.03460075909659309}, {'and': 0.16690700790730678, 'of': 0.11212174803638357, 'or': 0.1077405770095297, 'within': 0.08303629944448637, 'the': 0.08247105380821546, 'as': 0.059118927999458344, 'in': 0.0567664153765598, 'than': 0.04200005834815462, 'about': 0.04009723532456068}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'city': 0.0958567151323105, 'county': 0.04997334089364057, 'City': 0.047297838786782787, 'day': 0.04158297662552226, 'State': 0.04134116657389596, 'state': 0.03990017016339182, 'County': 0.034765630198875415, 'Board': 0.03453458106664373, 'line': 0.03125530134750432}, {'of': 0.16814181177329018, 'the': 0.13002829750467382, 'and': 0.07276669640322679, 'to': 0.0600807682677132, 'in': 0.025536838387080558, 'a': 0.022927741499145875, 'on': 0.020647906599168868, 'The': 0.019220844290562426, 'be': 0.01901148647614933}, {'it': 0.14814379514494458, 'It': 0.146170482997488, 'he': 0.09546716605751586, 'which': 0.07228840575714467, 'and': 0.06067983274796756, 'This': 0.060052326101234954, 'there': 0.04419985159407814, 'that': 0.04141351039979141, 'He': 0.040529289086990085}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'his': 0.3152324026225771, 'her': 0.18042350148458045, 'their': 0.13083136456453603, 'my': 0.06104837765601329, 'of': 0.054317048230570056, 'the': 0.04887132511358169, 'our': 0.03548222140469959, 'own': 0.029128745485731057, 'your': 0.023807358778992913}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'the': 0.16034095759089487, 'of': 0.08337930770201633, 'and': 0.08167606873219838, 'a': 0.06797230011329618, 'to': 0.06200499524654075, 'be': 0.030872590248614943, 'was': 0.024646243111901316, 'or': 0.02030169971211091, 'is': 0.017847106309518128}, {'the': 0.4986416615714981, 'a': 0.19897677292809834, 'The': 0.059674861104977286, 'to': 0.049005340239926226, 'and': 0.030876973744346774, 'tho': 0.022024956897512143, 'no': 0.02190673810461779, 'of': 0.015376635197766343, 'tbe': 0.010406866031667666}, {'the': 0.18861996250258234, 'of': 0.08565195484198723, 'and': 0.08324688658395407, 'a': 0.06038100286752601, 'be': 0.053750523937410755, 'to': 0.05144544879315743, 'was': 0.03567267067106865, 'is': 0.03318058657602842, 'in': 0.028042289187465}, {'of': 0.3098020027293196, 'in': 0.1299089498884026, 'to': 0.11305402238355486, 'and': 0.07358095336282966, 'that': 0.07079007026622987, 'for': 0.05185803069695239, 'by': 0.04356337526608694, 'with': 0.041723239171690324, 'from': 0.03591509374719882}, {'of': 0.2546481006603631, 'for': 0.1516026056409978, 'to': 0.13304926009288656, 'in': 0.09350605732373257, 'with': 0.08267671370528393, 'and': 0.07631348815676149, 'on': 0.05903364606610371, 'by': 0.04029105527618716, 'that': 0.03341127696061575}, {'to': 0.47411976192035143, 'will': 0.1979294733697404, 'would': 0.046556218290397786, 'can': 0.042719976421299245, 'and': 0.039124283818295164, 'may': 0.03283858121210423, 'not': 0.03223802606936653, 'could': 0.027080492987108948, 'shall': 0.020828981442033892}, {'in': 0.3080284683501333, 'of': 0.11112228429815432, 'to': 0.08782549147348974, 'and': 0.08722534168144866, 'In': 0.0852252946780761, 'the': 0.06636667628677295, 'with': 0.048713296633019404, 'without': 0.041100560784661365, 'a': 0.037741370401393214}, {'It': 0.36161446026019267, 'it': 0.2479055321647898, 'and': 0.057185773903799114, 'which': 0.05177078287203559, 'he': 0.03778254813687312, 'as': 0.028309924940847705, 'He': 0.01612352727050025, 'who': 0.011941435975151637, 'that': 0.011019837902959479}, {'of': 0.37931569765866413, 'the': 0.21308551922111857, 'in': 0.08245141834852862, 'for': 0.05724573457418974, 'with': 0.04610037168520339, 'to': 0.04600269898235976, 'and': 0.03717494752064868, 'by': 0.023557344135877012, 'a': 0.020987739429580005}, {'the': 0.4687835049804146, 'a': 0.2530547532395482, 'The': 0.15256891006455184, 'tho': 0.028255862991420914, 'A': 0.01867675222319026, 'and': 0.014440463034767863, 'of': 0.01224286894340196, 'tbe': 0.010146776685922138, 'his': 0.006256210021774497}, {'a': 0.3549662392506107, 'of': 0.13274678896806075, 'the': 0.09952774290047617, 'to': 0.08575590455701725, 'and': 0.08563465577232447, 'in': 0.05043627659116651, 'for': 0.04169151457558854, 'or': 0.033728477417634385, 'his': 0.03231194904434114}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'it': 0.27957038428918407, 'It': 0.14069168722916756, 'there': 0.0780604064737155, 'he': 0.0673522127670591, 'that': 0.061371482220746135, 'they': 0.04852180992353207, 'which': 0.044772571877851546, 'and': 0.031977859656019285, 'I': 0.020031431466088268}, {'it': 0.1898936989228213, 'It': 0.08998462207640943, 'there': 0.0790469860324584, 'they': 0.06140208113455, 'that': 0.05582443981464942, 'which': 0.05166683548741283, 'he': 0.0503760176127662, 'and': 0.049222407474872956, 'I': 0.03738029063895694}, {'is': 0.2399291033290002, 'was': 0.15896283398158595, 'had': 0.12725821875041396, 'have': 0.1232813857257334, 'and': 0.06416986475766304, 'do': 0.04973498934395539, 'has': 0.046362730667474907, 'Is': 0.045516927199353, 'that': 0.0450041557931643}, {'be': 0.2704826920513101, 'is': 0.13244586326973956, 'was': 0.09211938926899073, 'become': 0.07338439110105936, 'amount': 0.05754690101250068, 'are': 0.05718563344240346, 'been': 0.05341824910661432, 'in': 0.04186302738891698, 'now': 0.038942241282827895}, {'of': 0.14792764905599534, 'the': 0.12886676686659154, 'in': 0.07194275603871003, 'and': 0.06245349476645905, 'to': 0.06127810696619752, 'a': 0.05669369025589301, 'for': 0.03480972262818638, 'at': 0.030354265745876022, 'or': 0.024192464415226718}, {'the': 0.1677358806731248, 'of': 0.14213068286338554, 'and': 0.11548949370087304, 'in': 0.08142395801106306, 'a': 0.04759725329984451, 'was': 0.04180326252080823, 'is': 0.03301953996150877, 'are': 0.028585562231514504, 'be': 0.02738162752299306}, {'and': 0.08069192043124397, 'of': 0.07291658460774962, 'to': 0.054023875442718465, 'I': 0.05083631143564672, 'the': 0.03974288545393314, 'that': 0.03077255029503787, 'a': 0.030675899851162317, 'in': 0.029120453987352413, 'for': 0.01737581201261804}, {'and': 0.15331140879100438, 'was': 0.14748987796566734, 'be': 0.12915989364906535, 'he': 0.09853646762040628, 'been': 0.06006774966341637, 'is': 0.054993380992422874, 'were': 0.03532659401680296, 'I': 0.03510835341989981, 'have': 0.031891726228849886}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'the': 0.6172621327883853, 'of': 0.07872456613647263, 'and': 0.03571195626066111, 'The': 0.031950350943107206, 'by': 0.025500119396462795, 'tho': 0.024014545143730352, 'Vice': 0.02304276494269888, 'to': 0.01919904534600589, 'tbe': 0.012189622225878863}, {'the': 0.5194539204106059, 'of': 0.12618317667347065, 'a': 0.0935732070975291, 'civil': 0.06674581246962821, 'The': 0.048852784409899624, 'tho': 0.031862817754295926, 'this': 0.029007426487106993, 'Civil': 0.019234304569077695, 'his': 0.01727615404728624}, {'made': 0.0790296235209462, 'and': 0.05705100705773677, 'shown': 0.03461319695473793, 'out': 0.029294540496996844, 'him': 0.027997058080497895, 'up': 0.026865458198186008, 'ed': 0.024498134397126364, 'done': 0.024102633899391015, 'or': 0.023889294434736443}, {'and': 0.47592213514640225, 'the': 0.0693530222575535, 'was': 0.05627112474704985, 'I': 0.04305335498164541, 'is': 0.042446873412880205, 'are': 0.04243256241851995, 'of': 0.04241291864484234, 'or': 0.04133207596098853, 'not': 0.030202862865590336}, {'thence': 0.10347387059338739, 'came': 0.0656099465658592, 'and': 0.06547480738910696, 'went': 0.06172780836397798, 'get': 0.05901425527390254, 'go': 0.05566727485896064, 'going': 0.037349350728241304, 'all': 0.033747507343883675, 'walked': 0.032096070681883714}, {'and': 0.19592341874389535, 'of': 0.09540023039978093, 'fact': 0.07909542139024357, 'in': 0.05297224946828278, 'is': 0.03037907049851937, 'to': 0.02858098662409381, 'for': 0.028064929526628778, 'all': 0.026651880675077864, 'say': 0.02605062101268116}, {'the': 0.12662951290975194, 'of': 0.07145873659490239, 'and': 0.06731004571434146, 'to': 0.04754513564387218, 'be': 0.04011002601094167, 'a': 0.035879561831581835, 'was': 0.026562777518600394, 'their': 0.0226159866335296, 'in': 0.020559453258187886}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'is': 0.21895110501796927, 'was': 0.1509165980247029, 'and': 0.1220684196955762, 'be': 0.09792971323873106, 'are': 0.0919894587633563, 'were': 0.05780145330160359, 'been': 0.03692531499795037, 'not': 0.033912469688658534, 'Is': 0.02930049817509489}, {'the': 0.34318698614601445, 'of': 0.1583700748929722, 'and': 0.0851306413421953, 'The': 0.08394765227046616, 'for': 0.02324990091573622, 'that': 0.022869859329506356, 'which': 0.019794688453098876, 'tho': 0.01704310807373033, 'Mr.': 0.015959026267871063}, {'the': 0.19670387957172328, 'of': 0.12034700726956073, 'a': 0.08438228089640598, 'to': 0.07002755359439007, 'and': 0.06281574081115311, 'be': 0.0453128674171294, 'in': 0.03379866218947241, 'is': 0.03220276533394172, 'not': 0.029189418599409524}, {'it': 0.07368213034402585, 'that': 0.06992333793149329, 'and': 0.061164039826608965, 'which': 0.05839662273330607, 'he': 0.0562337078242338, 'It': 0.03986687656175868, 'who': 0.03860277831145656, 'I': 0.023779744754294257, 'she': 0.013057280512705965}, {'and': 0.28104097151169644, 'that': 0.06024927728334805, 'time': 0.05917386302884967, 'but': 0.04627643024842162, 'was': 0.021235249010512398, 'except': 0.01947827328966157, 'day': 0.0179948664828643, 'and,': 0.017146774557195706, 'or': 0.01590990513222623}, {'the': 0.31751966396827686, 'a': 0.1994551392959651, 'of': 0.10200217524878932, 'and': 0.053297312266786585, 'in': 0.037638590013437445, 'with': 0.03521865267506952, 'his': 0.02694529258322416, 'to': 0.02593388287513705, 'this': 0.02167619587565138}, {'the': 0.15770647503958596, 'his': 0.15586130898740064, 'their': 0.09908068820404688, 'of': 0.09723513976924925, 'no': 0.07880030939320683, 'and': 0.07022251675360953, 'in': 0.06532610209221151, 'two': 0.0652554569045887, 'her': 0.044330739493106334}, {'the': 0.27766713520848296, 'a': 0.1412517273633403, 'to': 0.08461165440226899, 'this': 0.07127653694356274, 'one': 0.04530239334702804, 'and': 0.03578050234052151, 'other': 0.029824533833175463, 'of': 0.028539606163101812, 'any': 0.02749777826276656}, {'the': 0.40143922052136166, 'a': 0.12304234995174745, 'of': 0.07166834378252364, 'and': 0.05398345828330196, 'The': 0.050540421703461264, 'an': 0.023486901301589543, 'tho': 0.02133261096378659, 'to': 0.020454974158643762, 'with': 0.016262758181860397}, {'the': 0.46821462061190944, 'a': 0.12550317072045727, 'of': 0.07360680347710263, 'to': 0.06658956803204732, 'The': 0.041287298789250367, 'tho': 0.027035753247221524, 'and': 0.02503037248429872, 'for': 0.0219487666016125, 'no': 0.015038632285492931}, {'to': 0.34378129718365846, 'will': 0.15287135864951518, 'would': 0.08615903395787451, 'may': 0.07844929048361882, 'should': 0.05682249178971402, 'shall': 0.05432412913287461, 'not': 0.05091775331157668, 'must': 0.03610577244404393, 'can': 0.03580596083245932}, {'and': 0.13964430780569842, 'the': 0.13285220546404242, 'to': 0.0899410624326995, 'of': 0.08147365844280587, 'was': 0.04428321878091211, 'is': 0.027517824267527847, 'be': 0.02353483268624153, 'will': 0.023086601232386292, 'are': 0.0214810014661452}, {'in': 0.2683424573479827, 'of': 0.1828213323174907, 'to': 0.1482726015293107, 'and': 0.07309253401767919, 'on': 0.07240922869798873, 'In': 0.043734811550179276, 'at': 0.04245745443410418, 'with': 0.040947522114789005, 'for': 0.03675373448148028}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'it': 0.28927957209061933, 'It': 0.1697177058873023, 'which': 0.0877735969783695, 'and': 0.050842739136291094, 'that': 0.04640939568163862, 'he': 0.03898082602715809, 'there': 0.03594200532122894, 'who': 0.027210691341073547, 'as': 0.016603967407582944}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'to': 0.12598524829719449, 'the': 0.09900547854809552, 'of': 0.09224742680642657, 'and': 0.09086482164008894, 'in': 0.03286833766345547, 'a': 0.02584872107804633, 'be': 0.0222011308372901, 'not': 0.019454319597599426, 'or': 0.018623112043488595}, {'to': 0.5950612766695843, 'will': 0.084169659695772, 'and': 0.07791586913740499, 'would': 0.041862921687905674, 'in': 0.023645315314046542, 'a': 0.01962283328576398, 'not': 0.019398695390846283, 'the': 0.01784330236361681, 'of': 0.01666389749285086}, {'and': 0.19111362730443873, 'was': 0.11411152907613518, 'have': 0.10945883319117858, 'had': 0.10802968873291975, 'has': 0.09761812855229114, 'is': 0.08248640894017309, 'I': 0.06499628564964899, 'he': 0.0501175421624237, 'but': 0.04780834012250201}, {'the': 0.7688099177388634, 'a': 0.062088768493707105, 'tho': 0.03321889091116825, 'The': 0.03222286547409115, 'and': 0.013740796195700471, 'great': 0.010684465015648072, 'tbe': 0.009815520803352627, 'no': 0.009576922345614176, 'an': 0.006686486648962849}, {'of': 0.21183424055817313, 'in': 0.19905315026218284, 'to': 0.10514066071963014, 'for': 0.08229903032276319, 'In': 0.06851707190842629, 'and': 0.06490431465415077, 'from': 0.03101276298530466, 'with': 0.030666578267066036, 'by': 0.01826856884682559}, {'a': 0.7181844364348504, 'the': 0.07994414060086488, 'one': 0.036482660286103474, 'A': 0.028586670337486898, 'every': 0.022420812233205238, 'and': 0.014056970813237047, 'first': 0.012275032631560498, 'large': 0.01174800162714133, 'The': 0.00988290333744978}, {'to': 0.6274464011594418, 'in': 0.06789128657230876, 'not': 0.06017657057541944, 'the': 0.03941796253269224, 'and': 0.03841375398123059, 'his': 0.03658222309842323, 'had': 0.0293296088506957, 'In': 0.024854867377072612, 'will': 0.021973168148049126}, {'have': 0.23636571777651957, 'and': 0.19040735136710396, 'has': 0.12821542354213683, 'had': 0.12271877780762702, 'I': 0.05667381995720566, 'they': 0.0478315692335859, 'is': 0.047531204651056404, 'he': 0.046030454065197485, 'be': 0.034034310885410715}, {'the': 0.6356489286292822, 'a': 0.10723745175799618, 'The': 0.047217688348568355, 'and': 0.03139668992216411, 'tho': 0.030899043362458165, 'of': 0.030260298377544455, 'for': 0.026497012563153042, 'tbe': 0.01203269301639721, 'as': 0.01170085985826895}, {'the': 0.3011365484510512, 'his': 0.2737392080426707, 'my': 0.09431414312287185, 'her': 0.07465028215721725, 'their': 0.035413929253159546, 'a': 0.031568878224953134, 'of': 0.031125406510495852, 'its': 0.02198994149887109, 'our': 0.01756452778863952}, {'time': 0.012001341548687563, 'up': 0.011801757681476814, ';': 0.009273328782464311, 'day': 0.007903924773529615, 'house': 0.006993756408864698, 'him': 0.006903600599566118, 'men': 0.006780656944617343, '': 0.006538548018127475, 'made': 0.006314881319852942}, {'<s>': 0.03773524462406388, 'them.': 0.017364838754209716, 'it.': 0.017361908196697726, 'time.': 0.008511576071519486, 'him.': 0.006735831015953373, 'as': 0.006421670779378724, 'day.': 0.005698614398966813, 'tion.': 0.0054235378882442255, 'country.': 0.005408355066601526}, {'they': 0.18134216889765165, 'we': 0.10369731683064741, 'who': 0.07271911656058452, 'there': 0.07034014141501493, 'you': 0.06622472210397223, 'which': 0.05456310250668204, 'There': 0.04992650594130576, 'They': 0.04836151368006016, 'that': 0.03495565544554614}, {'so': 0.2145869564125346, 'is': 0.1383838123430736, 'not': 0.11916541760283594, 'as': 0.08398060945039296, 'are': 0.0768777934466947, 'and': 0.07212951598427038, 'was': 0.06635853410025756, 'very': 0.0662920487675699, 'a': 0.0532110534943543}, {'D': 0.16540202352998326, 'S': 0.07756664911692912, 'A': 0.07602798480673738, 'C': 0.07491891521190773, 'J': 0.06874852035710025, 'W': 0.06317018268633856, 'M': 0.06157821194129863, 'E': 0.05957867413994975, 'F': 0.04874499493153102}, {'the': 0.2322420822667984, 'any': 0.22953601603400614, 'a': 0.21173881731865912, 'of': 0.06169806851673101, 'no': 0.0537502223991659, 'other': 0.053344114235789386, 'one': 0.03736332004592495, 'some': 0.03536086882095841, 'Any': 0.032782669235323414}, {'and': 0.11813560831405068, 'is': 0.07901469362241163, 'of': 0.07217411094264704, 'was': 0.06571596187286058, 'it': 0.0640694630089007, 'are': 0.05804631735810475, 'now': 0.045167462215606996, 'as': 0.031248895279325156, 'there': 0.030210269173575062}, {'to': 0.5819935657455977, 'will': 0.0835706836896735, 'would': 0.06611999164660351, 'and': 0.06316960447393322, 'shall': 0.0372110475179294, 'not': 0.032997329546554655, 'may': 0.031318569172185604, 'should': 0.024954783989244177, 'must': 0.017789977187202145}, {'most': 0.23854183315553526, 'is': 0.12550546854107847, 'more': 0.1205996366828504, 'and': 0.08323634604180148, 'was': 0.07976489335783606, 'the': 0.07937332265359341, 'be': 0.07307809140236107, 'an': 0.07055265208848453, 'very': 0.07035985381063983}, {'the': 0.14020565490274778, 'of': 0.09224476935430082, 'and': 0.05880982470166523, 'be': 0.055326977021051785, 'to': 0.04245399451728125, 'his': 0.03367914638135115, 'was': 0.033371442080588384, 're-': 0.029747945937562414, 'their': 0.028411416107375125}, {'the': 0.3239579232901531, 'of': 0.16167573306641664, 'and': 0.06774532413025233, 'The': 0.05509411682953798, 'tho': 0.02364432047870877, 'in': 0.023570091275576046, 'said': 0.020865230799554, 'by': 0.018894698146862413, 'to': 0.017376993189151237}, {'a': 0.26656111153713, 'the': 0.20513089647107466, 'of': 0.06791381825567923, 'this': 0.06546231506815277, 'to': 0.057910682850696116, 'and': 0.047227639385372076, 'that': 0.03792183275074298, 'one': 0.035627743145011714, 'on': 0.035142179188182646}, {'the': 0.4640887220377278, 'The': 0.10123119449321304, 'cold': 0.1000712253376152, 'of': 0.06392912374488088, 'tho': 0.03756097809990451, 'our': 0.030307934307467425, 'this': 0.030001195414522567, 'a': 0.02779250826592416, 'warm': 0.02696382412058536}, {'of': 0.2641837160307026, 'by': 0.11308389426930938, 'and': 0.09489229121157161, 'with': 0.09193821802727564, 'to': 0.08122515243596938, 'that': 0.06351745451345746, 'in': 0.05875439020602028, 'as': 0.055882018849703397, 'is': 0.03739294567167021}, {'of': 0.3193244776246517, 'in': 0.12382844221810257, 'to': 0.12123576815632456, 'and': 0.07850546827361983, 'for': 0.06616228830763195, 'with': 0.05016513402401725, 'that': 0.04254044874115643, 'on': 0.039396913852462016, 'by': 0.03867317338863631}, {'in': 0.5470701044860894, 'In': 0.10771839252184956, 'of': 0.08126190850570572, 'or': 0.05412878884042843, 'to': 0.04168504559167938, 'at': 0.035019748648876185, 'for': 0.03255062949150159, 'without': 0.02987789607615491, 'by': 0.022255839582377913}, {'of': 0.37417394142768434, 'in': 0.15666428464893262, 'to': 0.10614839660388611, 'by': 0.05908835917571334, 'on': 0.05164709150446436, 'and': 0.04554135760836276, 'that': 0.03762298614366215, 'from': 0.03483979431466047, 'with': 0.031179389965107298}, {'the': 0.14727374770709076, 'and': 0.08429899469151092, 'of': 0.061978487376914866, 'in': 0.03336396732355623, 'to': 0.03222299079872638, 'that': 0.02786806527164334, 'was': 0.02596823952193748, 'I': 0.024951558740915883, 'be': 0.02403668786403321}, {'to': 0.5985921306128762, 'not': 0.05942786037328122, 'and': 0.05789408636645536, 'can': 0.05173452963541896, 'could': 0.0509311817455606, 'will': 0.040262540666966176, 'I': 0.027780569450623266, 'they': 0.024418224446270034, 'would': 0.022394025361167313}, {'of': 0.1768462222491855, 'for': 0.1314195548585169, 'with': 0.10277697909425305, 'is': 0.08214604287746513, 'to': 0.08186392059119957, 'in': 0.06852480001175192, 'and': 0.06823794166533181, 'as': 0.06704162622474313, 'by': 0.05147174977081022}, {'of': 0.5401264789727779, 'to': 0.05442176638862638, 'in': 0.04978939717033645, 'and': 0.03742875216015362, 'the': 0.027734434896374047, 'for': 0.02168646970035977, '<s>': 0.010369259961517616, 'from': 0.007740138636069629, 'ot': 0.007408654476938013}, {'of': 0.11097570909723532, 'and': 0.08768345739574622, 'the': 0.0684481286706683, 'to': 0.061059605596027786, 'in': 0.05245587645669168, 'that': 0.028422428182966995, 'for': 0.02591156199632769, 'or': 0.024803316404292935, 'a': 0.021039367721696234}, {'that': 0.17572124799030187, 'and': 0.12092000481957313, 'as': 0.11500357856383778, 'when': 0.1131957886694387, 'which': 0.09132551910213718, 'When': 0.05176818898429454, 'if': 0.05123216027924158, 'but': 0.04037572287577642, 'until': 0.02766461975851785}, {'well': 0.12991015635064773, 'known': 0.11168587180543645, 'soon': 0.10369035459473254, 'far': 0.08195907566424299, 'and': 0.06388557808584468, 'long': 0.03755135115796446, 'such': 0.02954466624033588, 'just': 0.024368945136159968, 'much': 0.020609769850901107}, {'the': 0.199587516676878, 'to': 0.08667866084703935, 'of': 0.08280754172853354, 'a': 0.08097546041556015, 'and': 0.0519457977712415, 'in': 0.041606793046020704, '.': 0.018693924767224056, 'at': 0.016857672301849844, 'or': 0.013340161600504882}, {'and': 0.12266363898153274, 'of': 0.11113444373415585, 'the': 0.10617714525219572, 'to': 0.061207123646843595, 'a': 0.03715067978278012, 'I': 0.02308559547826327, 'in': 0.022918172644893476, 'or': 0.019341413370572692, 'for': 0.018576408515418353}, {'the': 0.23753242394800675, 'a': 0.0939731928347832, 'and': 0.08932868819403889, 'of': 0.07974779260526793, 'to': 0.04260504694127761, 'in': 0.03695737011543249, 'The': 0.024469678940792335, 'an': 0.022821818718158263, 'Mr.': 0.022567988967216186}, {'and': 0.11923748241494796, 'I': 0.052261374351058036, 'that': 0.03847414410657877, 'the': 0.027473900352614773, 'but': 0.02437321325821077, 'can': 0.02364932754168495, 'he': 0.023120223668031077, 'or': 0.017262512297285863, 'will': 0.01578366016694563}, {'of': 0.37432443851717745, 'the': 0.17269190960410113, 'in': 0.16441993274752173, 'by': 0.11115470972800723, 'to': 0.04231088619757643, 'on': 0.03253247506199026, 'In': 0.022050845961055755, 'from': 0.020174707597664866, 'upon': 0.019014094744892292}, {'and': 0.15071742689810924, 'that': 0.12862528231277748, 'as': 0.060667540184715776, 'but': 0.05417575249040459, 'made': 0.051376741526762214, 'make': 0.036667044218769596, 'to': 0.034526841790008034, 'when': 0.0331921853373352, 'of': 0.032221785488652774}, {'they': 0.15798971219453062, 'who': 0.09060026739081677, 'men': 0.0707791906087833, 'which': 0.06880939386043902, 'and': 0.053296156460751955, 'They': 0.03894990161516553, 'we': 0.038829150885420334, 'there': 0.027032724830921662, 'that': 0.02391622922054875}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'of': 0.11108350328080033, 'that': 0.04626250856517041, 'and': 0.04275686416417719, 'in': 0.03451574468998762, 'after': 0.020980156123611333, 'to': 0.020129284501285153, 'for': 0.01953175273177773, 'by': 0.017370837758580067, 'from': 0.014717106703012616}, {'the': 0.32998920300008133, 'of': 0.1097510737621639, 'The': 0.09027102706703508, 'that': 0.034950568565128404, 'tho': 0.021491127269984846, '<s>': 0.019685617586182893, 'Mr.': 0.016762340799679712, 'and': 0.01576847410410988, 'by': 0.01296314122782006}, {'the': 0.22803852557760027, 'of': 0.1001165758509234, 'and': 0.0972312706720185, 'a': 0.09483900249285233, 'to': 0.06338709772488403, 'in': 0.046834975406953555, 'The': 0.017298370215452125, 'tho': 0.016990137458082175, 'for': 0.01689176124421891}, {'J': 0.047890534189649565, 'and': 0.04742756156494744, 'W': 0.04256415380725016, 'of': 0.03196581000491697, 'at': 0.02659650232347807, '<s>': 0.026008907852208284, 'E': 0.024327918034749735, '.': 0.023912249284971158, 'the': 0.02174498963834142}, {'<s>': 0.05426565324719795, 'and': 0.044445972365426564, 'made': 0.021694712583539576, 'was': 0.020931920880133754, 'recorded': 0.017387201838834423, 'that': 0.01661780384100564, 'be': 0.014822874002807063, 'is': 0.01378718404889997, "o'clock": 0.013297718418623995}, {'and': 0.07880178444975741, 'place': 0.026013157630494013, 'was': 0.0217129929928295, 'held': 0.018802255252499293, 'made': 0.016444552221553835, 'committee': 0.01588027032294663, 'work': 0.015476132370100851, 'Minnesota,': 0.014207519763010294, 'up': 0.014078495802401291}, {'do': 0.46031243666209026, 'did': 0.26260982010512784, 'does': 0.10755235268953929, 'could': 0.04852685791043995, 'would': 0.04351196459954879, 'will': 0.03087686964720613, 'and': 0.011023663495462126, 'is': 0.010694936458693743, 'should': 0.008643270715935155}, {'was': 0.1536833084432079, 'of': 0.1473317196376739, 'in': 0.13777854045363974, 'is': 0.11518834024279859, 'and': 0.0881495629523886, 'be': 0.06353586057465756, 'are': 0.0559290972287597, 'been': 0.044399364702607566, 'not': 0.03516010854312115}, {'this': 0.19349519910316315, 'the': 0.15135450184742405, 'an': 0.12723326392409756, 'a': 0.09878857092594655, 'his': 0.07723152412978526, 'one': 0.050282379338429994, 'no': 0.04575615898933268, 'every': 0.03825923451254368, 'such': 0.036775702120627723}, {'the': 0.3153926586940215, 'his': 0.11203181817157347, 'a': 0.10107069933242414, 'of': 0.09243089547207319, 'and': 0.057139058430515755, 'said': 0.04182598594914935, 'their': 0.040304409696952266, 'my': 0.032168690487293566, 'with': 0.025886091280622806}, {'the': 0.36131512453237835, 'and': 0.05705134016281611, 'of': 0.050801363436863936, 'The': 0.03686910716877306, 'said': 0.03216915730346887, 'tho': 0.02287390071941608, 'in': 0.01993403501589452, 'that': 0.018212097586162594, 'a': 0.01580225347681981}, {'of': 0.19808800768069218, 'the': 0.11549812907179478, 'in': 0.07478635671437824, 'and': 0.0631672124813939, 'to': 0.05910657377578241, 'on': 0.030554766091998024, 'from': 0.028276520265653967, 'for': 0.027100102326041823, 'a': 0.0269871377782873}, {'spite': 0.04559317197445746, 'out': 0.04469516928781942, 'and': 0.042816006793876885, 'that': 0.03185133010767678, 'value': 0.0312894207837324, 'part': 0.029526243717860473, 'one': 0.027326223207267606, 'sum': 0.026527445086863187, 'amount': 0.0238170635976946}, {'that': 0.2221560044426313, 'and': 0.21326960995043437, 'if': 0.10148573849140893, 'but': 0.06653231847217558, 'when': 0.05646904084241493, 'If': 0.05084434935681823, 'where': 0.04531542292600506, 'as': 0.04356904677985629, 'which': 0.03804806324113948}, {'the': 0.7450134582381879, 'tho': 0.035901720191522636, 'our': 0.03141590036162093, 'of': 0.029256670657038186, 'American': 0.025968011121568397, 'a': 0.017878880707571522, 'and': 0.016780573028753194, 'tbe': 0.015636403553464132, 'his': 0.014116852710055847}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'to': 0.34645959783228364, 'and': 0.266164345948242, 'the': 0.0850119765528044, 'of': 0.0705674922598621, 'would': 0.03886904163399867, 'for': 0.029823222155502403, 'in': 0.027318760614189586, 'that': 0.024759405656060482, 'will': 0.024694493255035376}, {'the': 0.5385352171012253, 'Judicial': 0.08393708152630748, 'in': 0.04681225752671044, 'said': 0.044626382740647216, 'tho': 0.028945542900757692, 'of': 0.02798506272718003, 'Congressional': 0.023812356290569374, 'School': 0.019840479521148834, 'a': 0.01819959875940357}, {'taken': 0.12194222297548751, 'far': 0.07998728819651674, 'get': 0.07892164512685511, 'put': 0.06981099347236201, 'carried': 0.06796687022874345, 'went': 0.06495820252080002, 'go': 0.05884995037174993, 'them': 0.051945897101146055, 'take': 0.05172269488816203}, {'the': 0.24831434219200654, 'and': 0.20710408710080142, 'The': 0.041154027343998464, 'of': 0.03741062924042771, 'by': 0.03695391262429361, 'as': 0.02462880124761221, '.': 0.019848380814249045, 'tho': 0.015561694265687414, '<s>': 0.012950259268006399}, {'he': 0.17387980222708666, 'It': 0.16627609566059678, 'it': 0.15758569981271695, 'and': 0.14245850119078118, 'she': 0.04664546714946119, 'He': 0.04167138448902854, 'who': 0.036776648991552606, 'I': 0.035390910239293916, 'that': 0.02734610823444412}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'the': 0.28749432988774454, 'a': 0.09135921774123942, 'and': 0.046249348344090016, 'The': 0.045903966702411, 'of': 0.04111527806381179, '.': 0.024898091268519815, 'A': 0.02437898195989976, 'Mr.': 0.020192631907542388, 'tho': 0.017588425088730715}, {'be': 0.24255305791841683, 'was': 0.12142879706403396, 'and': 0.1155005738372376, 'been': 0.09060183301732715, 'had': 0.07099548815506986, 'have': 0.06786388944433916, 'is': 0.052596269129136716, 'has': 0.04783698527116416, 'greatly': 0.042696635909027794}, {'of': 0.16715852205944423, 'and': 0.042261009223306584, 'to': 0.03738970902944593, 'in': 0.03447653848679979, 'that': 0.033344349425007705, 'by': 0.022197792949630816, 'from': 0.021996647697480227, 'for': 0.021006540574259477, 'things': 0.019817005259757246}, {'of': 0.26123285619447284, 'to': 0.11310721016847632, 'in': 0.1039909538957225, 'with': 0.07455011065855971, 'on': 0.054074785230624686, 'and': 0.04825484186870484, 'for': 0.04614046881623299, 'by': 0.04250258410398604, 'from': 0.037844811989733496}, {'one': 0.03675374902184537, 'and': 0.03152763412544154, 'two': 0.02345506069236847, 'side': 0.022863485662621717, 'out': 0.019294102294199287, 'part': 0.016818981467557115, 'reason': 0.016721533058496368, 'people': 0.016507890783629135, 'that': 0.016040910940233008}, {'time': 0.018148368085338314, 'it': 0.013034655361612092, 'more': 0.010666004354547308, 'hundred': 0.010083491741158357, 'up': 0.009373675871617335, 'him': 0.009174611334612039, 'life': 0.009087201298426663, 'out': 0.00889619763433223, 'in': 0.008215790797773338}, {'to': 0.11611623202716108, 'and': 0.0927670277041291, 'of': 0.05480015358824163, 'the': 0.03853384443427393, 'is': 0.03353964289198347, 'in': 0.029809014802675858, 'was': 0.0288691907044105, 'con-': 0.025306563829559637, 'will': 0.02411726427444757}, {'of': 0.21215296388921814, 'for': 0.16560272479983706, 'in': 0.13359005066347956, 'within': 0.12494428212789307, 'In': 0.08748568918396615, 'during': 0.05784857415831345, 'and': 0.045405774339884915, 'from': 0.0371942814143381, 'to': 0.03589732458355182}, {'so': 0.2198473720485485, 'well': 0.10175930101808689, 'far': 0.04368541861024625, 'and': 0.04293731254846399, 'such': 0.03762681449236444, 'much': 0.03266149523896232, 'it': 0.026089134412509325, 'manner': 0.02389645719624483, 'doubt': 0.02232483788512375}, {'<s>': 0.04422558003113497, 'of': 0.027559875460649894, 'it.': 0.02738860542720863, 'them.': 0.01886065642905259, 'and': 0.01744597563233495, 'as': 0.016328036782439687, 'that': 0.013794626122333334, 'him.': 0.013191500450728075, 'in': 0.011739803344938463}, {'the': 0.5448109554680582, 'a': 0.15551285228889708, 'of': 0.10664090233347963, 'tho': 0.037148025885674334, 'The': 0.024977243300492967, 'his': 0.022200352425268924, 'and': 0.018636424335787546, 'our': 0.01662106807022826, 'their': 0.016565268366112464}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.1331954013331003, 'of': 0.10395761905650669, 'and': 0.09166744382168995, 'a': 0.0674867672110823, 'to': 0.04481959524883369, 'was': 0.033914181021321675, 'be': 0.027669522756191306, 'is': 0.023821375196731925, 'been': 0.01992601692954109}, {'of': 0.2748170700431965, 'dated': 0.10772480507387483, 'in': 0.07670417979575164, 'on': 0.07624611986898797, 'and': 0.05652272611121771, 'at': 0.05226551590515225, 'to': 0.03965403992860926, 'the': 0.033359565658439325, 'for': 0.028090722355295424}, {'act': 0.0653961110661003, 'day': 0.044551402100574594, 'part': 0.029261127599376036, 'State': 0.026372292190983478, 'and': 0.025007559513880367, 'city': 0.023994353462997966, 'out': 0.023182407605133716, 'that': 0.02145556315920186, 'Act': 0.020628797488854246}, {'well': 0.12991015635064773, 'known': 0.11168587180543645, 'soon': 0.10369035459473254, 'far': 0.08195907566424299, 'and': 0.06388557808584468, 'long': 0.03755135115796446, 'such': 0.02954466624033588, 'just': 0.024368945136159968, 'much': 0.020609769850901107}, {'is': 0.3127419222070161, 'are': 0.17019162258244755, 'and': 0.15097410092444477, 'Is': 0.04653328101748006, 'was': 0.03354461540112265, 'not': 0.03246671288747277, 'I': 0.031102430855612522, 'but': 0.02616802785224171, 'have': 0.02512142227142016}, {'the': 0.18850181828564358, 'of': 0.13999761670761218, 'and': 0.07409110117404955, 'a': 0.05549936134263849, 'to': 0.05395457885348824, 'be': 0.048716173980404724, 'in': 0.0323910616632134, 'for': 0.02851018994188836, 'their': 0.027676475628078817}, {'of': 0.4561390829455456, 'that': 0.10467622839008597, 'in': 0.08483029328318949, 'all': 0.06503865995385393, 'and': 0.05579073281418011, 'to': 0.04780758991564098, 'on': 0.0389754756265693, 'from': 0.03830593522176563, 'for': 0.037352803207061955}, {'it': 0.17489098376266068, 'he': 0.12572110827127383, 'they': 0.08866173788731024, 'It': 0.08153426680293747, 'who': 0.0725201320380785, 'which': 0.05864025767173767, 'we': 0.05588843069756023, 'and': 0.053997606842996135, 'you': 0.038231828871216816}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'that': 0.17489589854242737, 'if': 0.17406992056480342, 'If': 0.13654506950155634, 'and': 0.11563952204116922, 'do': 0.06105904792994068, 'which': 0.057905495912052324, 'Do': 0.04469436559792362, 'when': 0.03897646987779931, 'what': 0.03256218362127876}, {'of': 0.27345349423124865, 'in': 0.16564376515996235, 'to': 0.12203108495462602, 'and': 0.08085615813004969, 'for': 0.06517262764775017, 'that': 0.05701074267606683, 'with': 0.05526970289106984, 'by': 0.046845536698301424, 'on': 0.04222694312605267}, {'the': 0.14064329623479374, 'of': 0.12168187170230468, 'and': 0.06899817569185192, 'to': 0.061925296590934036, 'a': 0.034333439171932954, 'in': 0.024861017538384936, 'at': 0.023646075716428887, 'was': 0.0228721507005909, 'is': 0.02141063369426901}, {'he': 0.17794400199066407, 'it': 0.15597074316646872, 'and': 0.09168190376905146, 'It': 0.07877413153899393, 'He': 0.05598520231524198, 'she': 0.04895720280816201, 'who': 0.033029046147948056, 'that': 0.029156712236019997, 'which': 0.0281417816408537}, {'the': 0.25776397366060516, 'a': 0.11599445744846382, 'their': 0.06823861647203398, 'his': 0.06607772269981725, 'of': 0.06359651343197306, 'and': 0.04801788048928238, 'are': 0.03491703384261651, 'in': 0.03093943038771255, 'its': 0.030908628139330138}, {'of': 0.1844588317939931, 'in': 0.1419822191499887, 'by': 0.09591811708824804, 'for': 0.08366050532712234, 'to': 0.0831912234999175, 'as': 0.07501218251947718, 'with': 0.07038014325086724, 'and': 0.04828241083308177, 'that': 0.04457646977988542}, {'was': 0.2583184635213574, 'is': 0.21599328546481147, 'are': 0.08523826843735817, 'I': 0.07177864025579796, 'and': 0.0620869427802941, 'be': 0.06030170532383897, 'were': 0.05693657746267082, 'Is': 0.041456996274427185, 'been': 0.036124268115788415}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.4678515591241955, 'The': 0.07990999768177041, 'this': 0.05549345423075572, 'that': 0.044088343896803515, 'a': 0.03778523165411987, 'and': 0.03425134494990608, 'of': 0.028771988831289015, 'tho': 0.02473563592981194, 'one': 0.01780988479597805}, {'and': 0.13031836659099444, 'was': 0.0714797540781702, 'brought': 0.06551334467973256, 'is': 0.050733734705370195, 'that': 0.04459176575324916, 'talk': 0.04286925109690573, 'bring': 0.04038717614176942, 'all': 0.038867729585947745, 'nothing': 0.03442309889690068}, {'him': 0.02494659599230191, ';': 0.01487772965405297, 'man': 0.012826628951379817, 'him,': 0.01053555299716851, 'up': 0.010332831893804855, 'and': 0.010083138836835061, 'himself': 0.009258682528632555, 'in': 0.008913702740427201, 'man,': 0.007933669360602887}, {'I': 0.24468267400783855, 'you': 0.1630427800213098, 'not': 0.14723753112772328, 'we': 0.11548946378490049, 'We': 0.06791372721313763, 'and': 0.058935326045038774, 'they': 0.05875585276587278, "don't": 0.046397430901143934, 'who': 0.039122754027238145}, {'and': 0.1350948781200908, 'of': 0.08416938649765933, 'the': 0.07883588553881102, 'to': 0.06319353765011483, 'be': 0.03245071952652813, 'a': 0.026770205880640798, 'more': 0.02621769628374212, 'in': 0.024296842775432162, 'was': 0.022754130718847965}, {'the': 0.1698356660073742, 'of': 0.13261482548403453, 'a': 0.10422772084566337, 'in': 0.05306465492492315, 'to': 0.05138822018751849, 'and': 0.04124328636200038, 'by': 0.028581686852495604, 'for': 0.019110478055598165, 'that': 0.019000786279017436}, {'to': 0.11272467325873015, 'the': 0.09570920935957357, 'of': 0.08084508540075111, 'and': 0.07746796351453314, 'a': 0.03161606912023797, 'in': 0.024763881588432984, 'at': 0.024446783401682257, 'for': 0.018599489625864805, 'is': 0.01726400145434898}, {'the': 0.1800494455738009, 'of': 0.16396808909491387, 'his': 0.10366246313467879, 'their': 0.09834164860547315, 'and': 0.0583361814059977, 'in': 0.05010609724275917, 'public': 0.038164926361558306, 'at': 0.027423407145411298, 'with': 0.02714010700633185}, {'and': 0.08362943294997585, 'together': 0.07769806815080653, 'connected': 0.0635902168573379, 'connection': 0.06228367212358626, 'accordance': 0.047530813078388766, 'comply': 0.026000666542743977, 'acquainted': 0.023189098613704624, 'compared': 0.02214887744238745, 'contact': 0.01973810078197255}, {'the': 0.3345663880315435, 'an': 0.1719516513358862, 'of': 0.08780783501110818, 'a': 0.054315521643070255, 'his': 0.0469678850563584, 'The': 0.03944228405467209, 'tho': 0.03799827256123128, 'An': 0.025648614680716927, 'and': 0.025574648179125362}, {'that': 0.26828136564152333, 'this': 0.20092083824471255, 'the': 0.12397530532867199, 'first': 0.05682188271191921, 'any': 0.03481036325152464, 'taken': 0.03320481014080055, 'took': 0.03193028301190667, 'on': 0.02348974270452594, 'to': 0.019940177340561978}, {'the': 0.3293711084484047, 'a': 0.20602424851238374, 'to': 0.06849836868214762, 'and': 0.05726535368316628, 'of': 0.05477396191336262, 'that': 0.03365831056890049, 'The': 0.03325328679906718, 'by': 0.031001893948354713, 'no': 0.027384572381160845}, {'of': 0.2152206343537612, 'the': 0.07916900349131557, 'a': 0.0551994181556221, '<s>': 0.0376348634398789, 'that': 0.026556752290139336, 'for': 0.026503372193805556, 'by': 0.024799358683289894, 'to': 0.02421087465795844, 'and': 0.023649152053435124}, {'of': 0.29600480547612057, 'to': 0.13189799211777906, 'for': 0.09236238753601354, 'and': 0.0871544245157991, 'in': 0.07184842095248704, 'with': 0.056969378238540876, 'by': 0.04981061384933921, 'on': 0.03654943024085669, 'from': 0.03641848234984184}, {'it': 0.2688622516387871, 'It': 0.23427900518209507, 'which': 0.050723980099763574, 'there': 0.04334280385555211, 'that': 0.03953369004185275, 'he': 0.03850576606170018, 'and': 0.035247997510000496, 'This': 0.02992876110744867, 'this': 0.02426520741082047}, {'it': 0.22856110105309196, 'It': 0.1452820683974188, 'which': 0.05914017695475625, 'he': 0.0478149945050819, 'and': 0.04416228847994344, 'that': 0.040249019547583975, 'there': 0.02938454306037856, 'who': 0.024987486037450265, 'This': 0.017718758616521977}, {'the': 0.7026701205886294, 'tho': 0.04039265372406226, 'said': 0.027010430682514457, 'of': 0.0243803588396988, 'tbe': 0.02170108092146818, 'a': 0.02106234365285353, 'this': 0.01987480095568639, 'The': 0.017569400598146875, 'our': 0.013867091798961872}, {'the': 0.30411184029569843, 'an': 0.22394285379451861, 'his': 0.09909153293499617, 'The': 0.07978147387645522, 'and': 0.04996163142828165, 'their': 0.048016151358847375, 'of': 0.0378777309454417, 'its': 0.031314477615526436, 'a': 0.027191446041006588}, {'the': 0.5050504076215904, 'of': 0.12729639218907407, 'their': 0.05871245398210219, 'his': 0.051986968414942915, 'a': 0.04894327310601704, 'and': 0.036626119836353256, 'tho': 0.0323730663433898, 'our': 0.031102552588978222, 'or': 0.028598879912221816}, {'of': 0.18370278899406497, 'the': 0.16466572660395656, 'and': 0.06931762733161752, 'said': 0.05352405902075939, 'these': 0.04133165261203763, 'all': 0.03616109146097424, 'by': 0.030217495672435354, 'or': 0.02912026276514973, 'for': 0.027928579056111826}, {'of': 0.16536837772429697, 'to': 0.13295552179180933, 'in': 0.08381209472782636, 'at': 0.07638732149245955, 'by': 0.06872768489706071, 'and': 0.06446707850313066, 'for': 0.053521326205519984, 'with': 0.05155651779224191, 'on': 0.03154756986921177}, {'the': 0.38587520856648166, 'this': 0.19371453959277915, 'a': 0.08847369768539959, 'The': 0.07176740857715626, 'that': 0.06278814131577971, 'and': 0.04530522094409799, 'This': 0.027740928083653294, 'tho': 0.01942883835810029, 'of': 0.01810951779242281}, {'the': 0.4574026829899298, 'and': 0.11420537544740228, 'a': 0.059538733489851135, 'of': 0.05332258288397472, 'no': 0.03712470552414852, 'The': 0.03341891246908026, 'tho': 0.03198392122353917, 'all': 0.029824274803772435, 'their': 0.029140323859291994}, {'the': 0.4573785555733693, 'this': 0.08383207606361953, 'in': 0.06933663048707195, 'his': 0.061407353513856545, 'post': 0.05921941123649788, 'of': 0.0573670532443847, 'to': 0.05148579912667619, 'tho': 0.021040344971910145, "clerk's": 0.019784876258888265}, {'of': 0.3462302482214033, 'to': 0.14699030571915775, 'on': 0.10120768713136724, 'by': 0.07857448203559092, 'in': 0.06272934316229144, 'at': 0.05965069780471665, 'from': 0.052673803148064004, 'that': 0.04583445863326028, 'with': 0.0425663162331494}, {'or': 0.2534712289220423, 'not': 0.09300479790459729, 'and': 0.08873034865779925, 'much': 0.08621860182327792, 'be': 0.06736959328361504, 'of': 0.06593569813496229, 'with': 0.052524712643321134, 'use-': 0.04681440666924684, 'doubt-': 0.03204363303863909}, {'and': 0.10538732664878817, 'able': 0.06268374361038515, 'enough': 0.04828452398048118, 'is': 0.048031281228169666, 'them': 0.04716650253648549, 'him': 0.046011810991080246, 'not': 0.04562550003025196, 'order': 0.04069280255251849, 'as': 0.03919032885129705}, {'of': 0.17465210928996913, 'in': 0.16526694075142362, 'for': 0.1147956789586039, 'by': 0.09561985615814882, 'to': 0.08588914257492353, 'with': 0.08197224255956698, 'and': 0.06575510462690493, 'In': 0.05640422547059475, 'that': 0.0537629488301015}, {'to': 0.6123995125365729, 'and': 0.13151247548848632, 'will': 0.05571073855691977, 'not': 0.024678930370591146, 'would': 0.017417928974230033, 'I': 0.013009049435671037, 'must': 0.01278054189092715, 'they': 0.012028159157067628, 'you': 0.011321590876692236}, {'of': 0.17163102017487253, 'know': 0.16182743084037238, 'and': 0.10551552121318349, 'to': 0.08576744699204825, 'see': 0.05924075208459653, 'in': 0.05253135507688537, 'with': 0.048112711401631716, 'matter': 0.04772032046661556, 'some-': 0.04728888551999583}, {'n-': 0.04150223945710654, 'the': 0.038395594637444526, 'a': 0.032710393280502535, 'and': 0.029891915876173607, 'to': 0.02511276041054342, '-': 0.018625947835333657, 'his': 0.012054737530438177, 'not': 0.011030645192992178, 'her': 0.010395441076377477}, {'State': 0.22055894577383087, 'day': 0.09698321282234018, 'state': 0.07684442605892103, 'county': 0.04771124973351197, 'city': 0.04546363338873036, 'line': 0.0454048304917045, 'County': 0.040309227746995066, 'side': 0.0215717696764134, 'corner': 0.01863057538406043}, {'and': 0.08452463003138351, 'him': 0.06566416047193002, 'want': 0.061946135633453074, 'able': 0.056723895164065806, 'is': 0.0513055351336816, 'enough': 0.04964846369052963, 'have': 0.04604424939635596, 'me': 0.0434188287770063, 'necessary': 0.039785394649249746}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'the': 0.3004492709804375, 'of': 0.19123505488631481, 'a': 0.11953106303771312, 'and': 0.06889547794292818, 'by': 0.057950807867280456, 'to': 0.04370914381597404, 'The': 0.04059793191219181, 'for': 0.03796897501878045, 'his': 0.029830837112630047}, {'and': 0.08362943294997585, 'together': 0.07769806815080653, 'connected': 0.0635902168573379, 'connection': 0.06228367212358626, 'accordance': 0.047530813078388766, 'comply': 0.026000666542743977, 'acquainted': 0.023189098613704624, 'compared': 0.02214887744238745, 'contact': 0.01973810078197255}, {'the': 0.3841529910331428, 'his': 0.10762184317918776, 'of': 0.10114477448554098, 'to': 0.08335740582206692, 'their': 0.06784403361771747, 'in': 0.050355463085061905, 'a': 0.05032302269728996, 'and': 0.03123166446342635, 'our': 0.026845127857570556}, {'as': 0.07698231169650252, 'up': 0.07101461764412834, 'came': 0.059184411676238606, 'and': 0.055530779423232306, 'come': 0.05243856861501538, 'sent': 0.03841478462375461, 'back': 0.037946065283288914, 'it': 0.03461565374120381, 'presented': 0.030683496434718082}, {'the': 0.14651767028650897, 'and': 0.10280181339946678, 'of': 0.07164139889404732, 'to': 0.06710968865667367, 'in': 0.043620235518656805, 'was': 0.04085328919635116, 'a': 0.03773596883616436, 'be': 0.034467327867332885, 'is': 0.024743356400790086}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'and': 0.06856989077187103, 'filled': 0.04173495431946425, 'covered': 0.032496418984638877, 'up': 0.0305884986931613, 'charged': 0.026279936073723517, 'it': 0.023710693753935162, 'together': 0.023170893986270303, 'him': 0.02237604734044105, 'but': 0.02090672949669465}, {'<s>': 0.07037752055964767, 'and': 0.04171036397520784, 'was': 0.01793185209281164, 'that': 0.017850205571295075, 'made': 0.016091896972288522, 'it.': 0.015031913622321813, 'file': 0.014852976451169154, 'is': 0.011815953178702224, 'be': 0.010141608905394478}, {'the': 0.34892851678349623, 'of': 0.12093127696530369, 'and': 0.05844336651410282, 'a': 0.04634191570018002, 'to': 0.039576479205413864, 'The': 0.03314960661994048, 'said': 0.029873680172268022, 'his': 0.02587238456617546, 'for': 0.02300242764698865}, {'the': 0.14453389925460838, 'of': 0.08432913271840849, 'and': 0.07894914839112983, 'a': 0.044727070999222504, 'was': 0.026840013665990013, 'The': 0.026544205168707646, 'to': 0.021691700824980096, 'as': 0.018778856271954747, 'or': 0.01824367634007273}, {'of': 0.1447844098632438, 'that': 0.11878900083156006, 'the': 0.10747861109540816, 'and': 0.1063767266482824, 'The': 0.06889685656380869, 'which': 0.036448513382324715, 'Mr.': 0.02971859204532621, '<s>': 0.029003344366441842, 'by': 0.024012847427450246}, {'the': 0.38193434656865616, 'a': 0.13702528447325701, 'in': 0.07933200875729354, 'his': 0.07013241523754234, 'of': 0.0680318153924025, 'The': 0.06259973777483235, 'that': 0.05354095145559404, 'and': 0.04630917291180095, 'on': 0.036417206165520404}, {'New': 0.941583279966323, 'of': 0.009788255794092229, 'Now': 0.009195842524347833, 'Xew': 0.008925568343295949, 'to': 0.002901539503488421, 'Mew': 0.002795253024957933, 'and': 0.002437361030528468, 'the': 0.001935960477805899, 'in': 0.0014677911393208612}, {'nothing': 0.05517453010612505, 'in': 0.028421582623127918, ';': 0.020040764768196342, 'is': 0.017428640386264682, 'anything': 0.015099944692111024, 'it,': 0.011257852115656266, 'them,': 0.009561087648279948, 'and': 0.008281366460425063, 'for': 0.008202334831277953}, {'the': 0.12219597915044403, 'of': 0.0911074858297847, 'and': 0.07485006097714235, 'a': 0.0639310829755559, 'to': 0.06271027188689325, 'be': 0.032325471139670145, 'was': 0.030707823471521626, 'in': 0.028057220415748145, 'at': 0.017893126384922742}, {'and': 0.10214941500510824, 'made': 0.050503326219240675, 'or': 0.03879437381187998, 'that': 0.036092083428286216, 'him': 0.025422133334715196, 'done': 0.025400992866869643, 'taken': 0.025135918932289662, 'it': 0.022773755547426087, 'but': 0.021717149309743097}, {'made': 0.15500852245842703, 'and': 0.07616955064402295, 'paid': 0.039348579068189754, 'given': 0.03853297581865381, 'or': 0.035579837632304656, 'done': 0.03081247581718622, 'followed': 0.030555711044730684, 'ed': 0.030439561338752454, 'secured': 0.03002417165348057}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.12219597915044403, 'of': 0.0911074858297847, 'and': 0.07485006097714235, 'a': 0.0639310829755559, 'to': 0.06271027188689325, 'be': 0.032325471139670145, 'was': 0.030707823471521626, 'in': 0.028057220415748145, 'at': 0.017893126384922742}, {'of': 0.2892884361494161, 'as': 0.088270824767097, 'in': 0.07839091481441392, 'and': 0.07530042159247627, 'with': 0.07486334268596141, 'for': 0.07457387833687984, 'to': 0.06167599545891808, 'at': 0.054243929187597066, 'is': 0.045052067257956484}, {'the': 0.4676142065078135, 'at': 0.24237913648332965, 'At': 0.048791863119890005, 'tho': 0.03156611350466604, 'of': 0.029774535832346204, 'to': 0.0281051777956505, 'and': 0.028057909133168704, 'The': 0.02061467030322155, 'on': 0.01499697015909431}, {'of': 0.17409237347000903, 'in': 0.15984773636527094, 'at': 0.1296395753612845, 'for': 0.11050679466814925, 'during': 0.10208854386218401, 'to': 0.07353911235048595, 'In': 0.05718222765363655, 'on': 0.05705452089920641, 'and': 0.0484625904876564}, {'part': 0.07268713102532033, 'one': 0.07071065938650846, 'some': 0.043508101530019876, 'out': 0.03575042106872343, 'members': 0.025760665467621124, 'and': 0.022440178638608456, 'tion': 0.02191026583655202, 'portion': 0.021052670553751075, 'side': 0.02092702198887348}, {';': 0.04947970453899282, 'and': 0.017286564911728093, 'them,': 0.013603978785207504, 'him,': 0.012566791200617251, 'it,': 0.009973365345036253, '<s>': 0.007615277919130755, 'men': 0.007552167620743054, 'States,': 0.007127264612243107, 'years,': 0.006890006965494643}, {'a': 0.247253621315064, 'the': 0.23087794828807903, 'and': 0.12320550795055293, 'or': 0.06649890100879544, 'of': 0.05199337499018846, 'his': 0.024395342811032398, 'to': 0.024339194049946427, 'in': 0.023282051862275586, 'our': 0.022038704168722514}, {'of': 0.1649541516268091, 'in': 0.0692989106337993, 'to': 0.053109163976278274, 'for': 0.0439905971675104, 'by': 0.031336143927910266, 'and': 0.03071489124753515, 'with': 0.02934309671767304, 'from': 0.027907447051693245, 'at': 0.02213430822283909}, {'of': 0.35669222384445753, 'the': 0.15743659475623023, 'said': 0.10327457078172686, 'for': 0.08200211684304476, 'that': 0.07230294446960522, 'and': 0.06119754058579305, 'a': 0.04572926442428607, 'The': 0.039314248255768375, 'this': 0.020822526885181773}, {'all': 0.2417783772873962, 'and': 0.06484599522956838, 'it': 0.043634967707872174, 'went': 0.04010247746588502, 'passed': 0.035280234411006625, 'spread': 0.030015388239964035, 'go': 0.02691982005323799, 'control': 0.023908541475478565, 'turned': 0.022575560430907197}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.24239272414027796, 'of': 0.0924115658050224, 'and': 0.08809516366439311, 'a': 0.06124662391755263, 'The': 0.03536134942218353, 'Mr.': 0.02516359419778143, 'to': 0.022460112695244398, 'in': 0.02011000253253141, 'his': 0.01668614200916881}, {'of': 0.3019102507575121, 'in': 0.2644771803206645, 'to': 0.11325727033201934, 'In': 0.0507693220927979, 'that': 0.04610658763651799, 'by': 0.044998982968744536, 'and': 0.03290500412475766, 'on': 0.03214436099066057, 'for': 0.031633608332146304}, {'was': 0.16237835280378327, 'is': 0.13481769478739145, 'are': 0.10521598494832342, 'and': 0.09879255029716125, 'be': 0.09315148816433017, 'been': 0.07782305141927216, 'not': 0.05668898541275807, 'were': 0.04842177366299674, 'have': 0.030012733476239867}, {'was': 0.21295283786633565, 'be': 0.1342186902759942, 'well': 0.11628606843754374, 'were': 0.0998434183559472, 'are': 0.07877990649517747, 'been': 0.0648281065084066, 'is': 0.054651108883658636, 'and': 0.052670283520554396, 'being': 0.019821835415777447}, {'the': 0.4749099029593919, 'of': 0.11632365754112499, 'an': 0.11502862917647745, 'The': 0.11237580896237918, 'and': 0.04896070084072132, 'in': 0.024459762431960016, 'tho': 0.022583740823107778, 'by': 0.01775506559574787, 'with': 0.015495532546661342}, {'the': 0.19860006208728595, 'of': 0.15147212473486385, 'a': 0.08561237444988594, 'to': 0.04359896685231687, 'and': 0.034317023026475185, 'in': 0.033600982122337385, 'The': 0.025380410700850137, 'by': 0.019642548186869783, 'from': 0.016650603836334047}, {'that': 0.1822689481114437, 'and': 0.1088024528392333, 'when': 0.07576614427317696, 'but': 0.05660706906932372, 'as': 0.04814303543063362, 'which': 0.0396040203021221, 'if': 0.031381895016974075, 'until': 0.02511235346884029, 'When': 0.024369701930716317}, {'the': 0.26762070687643275, 'such': 0.13163940843274025, 'and': 0.1302495354630554, 'a': 0.065365747582449, 'or': 0.05149371741024808, 'The': 0.05103938173182884, 'of': 0.041220848799937836, 'this': 0.03982592344444281, 'that': 0.037873190196284934}, {'man': 0.13454329316211672, 'one': 0.06179070544721185, 'and': 0.05442932596933275, 'those': 0.05424113669771658, 'men': 0.03989932196037015, 'person': 0.039188972582670865, 'woman': 0.027028250153659075, 'all': 0.021020905307029828, 'people': 0.013885200630878272}, {'of': 0.34485792283669453, 'the': 0.20598305821080484, 'in': 0.1493500609517334, 'and': 0.05919148962980363, 'for': 0.046921487322635645, 'their': 0.04013858831167522, 'this': 0.034948019158657535, 'an': 0.03179655722051084, 'his': 0.02719634863368351}, {'of': 0.22278999031965319, 'in': 0.14258851904116834, 'to': 0.10199339550508088, 'with': 0.06771364200266261, 'by': 0.06654851664083225, 'as': 0.06610642784986771, 'is': 0.057521082814512375, 'on': 0.05635719380430881, 'for': 0.04810763996136492}, {'is': 0.21303164637627214, 'are': 0.17840407497703104, 'was': 0.15691061376408347, 'be': 0.10444913880612605, 'were': 0.07128681355748054, 'and': 0.05346353737307271, 'the': 0.04967055456668489, 'a': 0.046825648382024354, 'been': 0.04140691331375825}, {'and': 0.12950712207062812, 'to': 0.08069921235682884, 'the': 0.061540620444799424, 'of': 0.048946687781695815, 'that': 0.029026813114320264, 'be': 0.028825242718755736, 're-': 0.028683994163754226, 'I': 0.028464555347430493, 'in': 0.025505602932707563}, {'the': 0.766838249370191, 'The': 0.06574818685274851, 'a': 0.04571369030713082, 'tho': 0.036562582540730616, 'tbe': 0.01342237936271886, 'and': 0.008435398217167515, 'this': 0.0078780533817771, 'of': 0.007423784042816895, 'A': 0.005183721140962089}, {'have': 0.38028266990635523, 'has': 0.2840531819741696, 'had': 0.18900772200696994, 'not': 0.04455515614974498, 'having': 0.03520231602763059, 'never': 0.01676933416152432, 'lias': 0.010167684321076759, 'ever': 0.009762463191320334, 'bad': 0.008978099246066414}, {'is': 0.24199926069113697, 'are': 0.14882429958368382, 'and': 0.10126524398804235, 'will': 0.09691617216640364, 'not': 0.06278566669176855, 'would': 0.049215931244764824, 'can': 0.0430550151605269, 'Is': 0.040600905271204434, 'we': 0.03910113686822696}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'I': 0.1950136314860541, '1': 0.07252965389476305, 'and': 0.06925043841707132, 'they': 0.06299913181123155, 'which': 0.057514572754096605, 'that': 0.056202934142314954, 'we': 0.03392984060240491, 'would': 0.033271123284906536, 'will': 0.028717766726220926}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'it': 0.3143344376360027, 'It': 0.232247755498348, 'which': 0.04987181921841698, 'he': 0.04032393764891888, 'and': 0.03739420405538048, 'there': 0.036840324538775074, 'that': 0.03170129165610986, 'This': 0.022213040730467624, 'He': 0.018083956693238205}, {'and': 0.12749050321520874, 'was': 0.0605986007044269, 'be': 0.02903467239452996, 'feet': 0.025956212126966815, 'situated': 0.02539897199771142, 'that': 0.022788012761357192, 'been': 0.021951938137132296, 'is': 0.021247613088753014, 'made': 0.019140986868652187}, {'of': 0.46992174376997625, 'for': 0.1048383864391684, 'in': 0.09548028992168885, 'to': 0.07608914364984526, 'and': 0.053110771868943515, 'by': 0.05183556138165732, 'that': 0.03915433625763196, 'on': 0.028886422170516252, 'from': 0.026615981727765768}, {'of': 0.1844963856157692, 'in': 0.09485028291915379, 'to': 0.07886510940297871, 'and': 0.051666396725663616, 'from': 0.05052561664079207, 'for': 0.046090709916114934, 'In': 0.045161654716082834, 'at': 0.040842040314618175, 'on': 0.03894689024380929}, {'and': 0.07183289031255977, 'demand': 0.025944685217575657, 'ready': 0.021477506387310677, 'used': 0.020653840313379437, 'time': 0.018693235575541325, 'not': 0.014344251169100857, 'vote': 0.014321157386397571, 'it': 0.014219992250690474, 'candidate': 0.013420651590409303}, {'of': 0.29319558160528564, 'that': 0.11243190983820199, 'and': 0.10094420461430882, 'to': 0.09826153398613326, 'by': 0.07139811885404693, 'in': 0.06379939949600248, 'with': 0.040981639602287616, 'from': 0.03473328559368132, 'for': 0.03309762430088164}, {'is': 0.11682042359220614, 'a': 0.11018972289969761, 'was': 0.08988335153724304, 'the': 0.07123561010301067, 'had': 0.07118153529246177, 'and': 0.06680917138373826, 'have': 0.0585431430824156, 'has': 0.0565918177666714, 'are': 0.04952751662151243}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'be': 0.5011263614331222, 'is': 0.10557864331479128, 'was': 0.07749254682980522, 'been': 0.06731477573773842, 'are': 0.05062698057456445, 'not': 0.04561211487675433, 'and': 0.04239019836938674, 'being': 0.03475301410059826, 'as': 0.029712875671972675}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'and': 0.472025074436914, 'was': 0.09206160206334046, 'He': 0.04366884010939085, 'will': 0.03885666218933736, 'is': 0.03535270543513263, 'shall': 0.034426067648075806, 'were': 0.03330786492615136, 'are': 0.024555989086703124, 'would': 0.02383414505677819}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'the': 0.39197421844148245, 'an': 0.29671836106492155, 'The': 0.05108006840220256, 'and': 0.03539442901525552, 'in': 0.030550000212229193, 'An': 0.027366668524934436, 'tho': 0.02102458094721377, 'thorough': 0.020441892348414894, 'a': 0.015196044287731674}, {'and': 0.06836615806839769, 'closing': 0.050893343497395126, 'was': 0.030410464365082754, 'valued': 0.024267484682224193, 'held': 0.022214654137899494, 'sold': 0.021055232583252027, '2': 0.020543621014705526, 'is': 0.020278384145430397, 'arrived': 0.019208907943256866}, {'it': 0.055000746534323054, 'and': 0.04868878910944659, 'that': 0.0349097113177917, 'as': 0.02354470151632161, 'to': 0.020527471448089623, 'It': 0.02029873877868309, 'of': 0.01958113115643071, 'I': 0.01926100696990506, 'man': 0.01593036013515022}, {'of': 0.14251080434650595, 'the': 0.12113812223070383, 'a': 0.0864683015940144, 'and': 0.06069039308856553, 'in': 0.05302630971203877, 'to': 0.0486896172452302, 'for': 0.04544085784197917, 'on': 0.016688146165207307, 'by': 0.01581691633893868}, {'of': 0.43058650043714813, 'in': 0.1120602101377428, 'to': 0.08945386100548558, 'that': 0.04020420895498623, 'by': 0.040171221755288186, 'for': 0.03780959025892701, 'with': 0.0332078877559842, 'and': 0.02703335563918135, 'from': 0.02556800285390931}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'the': 0.7621305985963663, 'this': 0.04592609996940006, 'tho': 0.04306550152227676, 'The': 0.03392629167388591, 'a': 0.025357953146566768, 'said': 0.01906928086727815, 'tbe': 0.018178897616100562, 'and': 0.012669426755799247, 'that': 0.011355745088918677}, {'a': 0.5848395150147581, 'the': 0.18542284454857103, 'and': 0.07087685157144666, 'of': 0.03278425421935959, 'most': 0.031785409650666036, 'The': 0.025324045083140737, 'to': 0.012156682122101343, 'A': 0.011932233442575357, 'in': 0.010183529959565011}, {'as': 0.06068311808994094, 'and': 0.05476635033409195, 'right': 0.040614630369992216, 'able': 0.03155246452039256, 'necessary': 0.025291765517764807, 'him': 0.024725345559114476, 'is': 0.022255893207057103, 'made': 0.022106443350702415, 'time': 0.021710501883597254}, {'for': 0.12920877828727392, 'want': 0.1255995560237546, 'to': 0.08819231967160976, 'ask': 0.08210570367157466, 'give': 0.08034647112902828, 'and': 0.0662145338679199, 'enable': 0.06109179053918978, 'refer': 0.05875006845000954, 'of': 0.050269389967017325}, {'I': 0.8003980080488012, '"I': 0.060400289482756525, '1': 0.04354373232057632, 'and': 0.025979782499058166, 'he': 0.007580313942063779, 'have': 0.005014677288379278, 'you': 0.0043895390187103, 'we': 0.0038947524781365764, '“I': 0.0037624787247516815}, {'<s>': 0.09565731579319589, 'it.': 0.026314726745337358, 'them.': 0.016289281390320116, 'time.': 0.01199049440259432, '.': 0.011875176015079238, 'him.': 0.01161200302966545, 'country.': 0.010169690217871471, 'year.': 0.009057501195268377, 'day.': 0.008783168808039496}, {'of': 0.3668282885767317, 'on': 0.11835971151585128, 'in': 0.08918930977396149, 'to': 0.08789472759780172, 'from': 0.05513494795255919, 'at': 0.045805263382498226, 'and': 0.04336666980289956, 'for': 0.03856029553311984, 'by': 0.03182718011164136}, {'the': 0.6307595872969167, 'The': 0.0406326486691761, 'a': 0.03662119180789462, 'and': 0.03461858768448911, 'tho': 0.02828763447181767, 'an': 0.025865887210379954, 'great': 0.02484370417909703, 'by': 0.019484321161081987, 'their': 0.016176535730608267}, {'of': 0.32571036888984223, 'in': 0.13332834601098842, 'to': 0.13169254595449742, 'for': 0.09251863212690697, 'with': 0.051382558197436146, 'by': 0.050311839175835975, 'from': 0.049979771466706575, 'at': 0.04791344464118521, 'and': 0.04566631063718799}, {'be': 0.3070711671694209, 'was': 0.20129112922390865, 'been': 0.10968187245931382, 'were': 0.07634789517325022, 'is': 0.07166449942575424, 'are': 0.05285295006591381, 'and': 0.042692388931067034, 'he': 0.041814865439212395, 'I': 0.028567475080905944}, {'I': 0.3484981294162065, 'we': 0.15413470680260827, 'to': 0.1287739987079788, 'We': 0.0786355183113506, 'and': 0.055644786772564236, 'you': 0.04598809739214909, 'not': 0.0394914769613277, 'they': 0.03596711425250674, 'who': 0.03207758417215959}, {'to': 0.5393312177362791, 'with': 0.07475284887037603, 'of': 0.06386564755592809, 'for': 0.049253641573674144, 'in': 0.04067255255146326, 'by': 0.023258851333014117, 'told': 0.019835268813768864, 'and': 0.01767531973127061, 'upon': 0.016318882445394936}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'was': 0.13773086648747196, 'is': 0.12894154763506532, 'as': 0.11962753051860134, 'a': 0.0869143587213886, 'are': 0.08259381591983649, 'so': 0.07977035626113674, 'be': 0.062340450947810114, 'and': 0.06178020178082351, 'were': 0.05614968627216638}, {'be': 0.15790779832192897, 'was': 0.10738817598998966, 'is': 0.08436575534230505, 'are': 0.07222588320570397, 'and': 0.06045155243597367, 'were': 0.048380760060449175, 'been': 0.04741791115494244, 'more': 0.036983382579378776, 'not': 0.02669683898028237}, {'of': 0.18288366087034647, 'in': 0.1184984403276124, 'and': 0.1078527049737796, 'with': 0.08991361349556164, 'to': 0.07560580439494713, 'for': 0.06877258275204096, 'by': 0.05617723142005631, 'such': 0.05493785642595405, 'as': 0.05351516086184774}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.1778326675198528, 'of': 0.11991917790552215, 'and': 0.08019674953502157, 'to': 0.06566511321031199, 'a': 0.045219677911227406, 'be': 0.04138496648311754, 'his': 0.03629781042752792, 'was': 0.03519788992953107, 'in': 0.02700630001108021}, {'the': 0.39468716217666233, 'of': 0.05882807776773167, 'an': 0.05534748425866535, 'in': 0.04112870252210355, 'American': 0.040745846730655885, 'his': 0.030580762958597043, 'and': 0.029410802499711154, 'any': 0.025956019858782663, 'their': 0.023648876814288126}, {'it': 0.1898936989228213, 'It': 0.08998462207640943, 'there': 0.0790469860324584, 'they': 0.06140208113455, 'that': 0.05582443981464942, 'which': 0.05166683548741283, 'he': 0.0503760176127662, 'and': 0.049222407474872956, 'I': 0.03738029063895694}, {'the': 0.17861309321614838, 'of': 0.10906515977153977, 'a': 0.10294511159612804, 'in': 0.09310242821481747, 'to': 0.06361698269895845, 'and': 0.04946445738330159, 'at': 0.026574316401239702, 'In': 0.025141630909044498, 'his': 0.01559386989484498}, {'the': 0.19756521394844992, 'a': 0.06007227138136919, 'of': 0.04426286340220548, 'said': 0.04276526102095845, '<s>': 0.03952852134357975, 'in': 0.03688494569864915, 'and': 0.0341795790988444, 'The': 0.02535241828942977, 'No': 0.012842014375604208}, {'the': 0.10485336062916964, 'and': 0.06603514649592655, 'of': 0.061852614181937444, '.': 0.03681132217237086, 'a': 0.03320877795787578, 'to': 0.03212988469495902, 'was': 0.02794350498666409, 'by': 0.02130942740378772, 'in': 0.020459625496891575}, {'the': 0.3035057268706712, 'The': 0.1955832618540692, 'A': 0.10003089539156941, 'a': 0.08894102175169427, 'this': 0.05859926415457608, 'of': 0.04803241350810351, 'said': 0.023451696977195638, 'his': 0.02257772236366691, 'Mr.': 0.020019604037944738}, {'of': 0.24653835451367018, 'the': 0.20652445751856327, 'and': 0.11968350224352288, 'a': 0.031328124486347114, 'with': 0.029502095331532786, 'to': 0.027771017042790443, 'by': 0.02529188365664826, 'The': 0.02323411188660341, 'their': 0.023149458127104706}, {'the': 0.1613625039981747, 'of': 0.10449580403015415, 'and': 0.08123055398549608, 'to': 0.0790549860430906, 'at': 0.05863115992195227, 'a': 0.053997986133243636, 'in': 0.0416169249730971, 'or': 0.03117917552956469, 'for': 0.030801531808718113}, {'of': 0.40918332118818207, 'to': 0.08777998266848082, 'in': 0.08523839978694796, 'for': 0.07791930731706416, 'and': 0.06701629011461271, 'that': 0.06296408467400447, 'by': 0.050889970313362023, 'with': 0.041848362570920464, 'on': 0.026093825837233794}, {'the': 0.20457498973283347, 'of': 0.12050821071533777, 'to': 0.07974515048881471, 'and': 0.06069482046880614, 'a': 0.06062864154258039, 'in': 0.04565119292623583, 'at': 0.025141157767470355, 'for': 0.013487807919588, 'tho': 0.013282642632057761}, {'and': 0.12872972105088717, 'to': 0.07227858604943256, 'of': 0.05425309677209928, 'the': 0.03650005538424579, 'which': 0.02576491750727203, '<s>': 0.024504388241587835, 're-': 0.023936663937332427, 'in': 0.023240558661457134, 'that': 0.022739686880605316}, {'and': 0.10826757802464834, 'well': 0.09626777138771575, 'soon': 0.051617352606942946, 'known': 0.043989221017603615, 'far': 0.03740338392522406, 'him': 0.03573727755833947, 'it': 0.03235156534237432, 'just': 0.025993540131850793, 'regarded': 0.022925920005845323}, {'of': 0.5041383401741938, 'in': 0.2604083636548018, 'In': 0.04836330253180774, 'to': 0.047869917439569795, 'throughout': 0.031427327658942766, 'for': 0.024175874226005343, 'by': 0.023551415040330415, 'from': 0.02190346675752111, 'that': 0.017375812335200302}, {'on': 0.19735164611024858, 'of': 0.1812261753102937, 'dated': 0.13328913461003583, 'ending': 0.06413483036607706, 'in': 0.041463579819239475, 'approved': 0.03322506351908074, 'to': 0.02865835173446347, 'On': 0.02682165660365474, 'and': 0.02462163293118244}, {'has': 0.2559705805375406, 'had': 0.1805849159138356, 'have': 0.11381755044001411, 'was': 0.07719118152506158, 'and': 0.05404751545753294, 'mortgage': 0.04661282389242192, 'having': 0.03923746642011405, 'been': 0.03192668178281919, 'be': 0.024148926503714852}, {'the': 0.13087787299382608, 'of': 0.1227244337372524, 'and': 0.08025503692600622, 'a': 0.07697873592625161, 'to': 0.04513622002192643, 'Mr.': 0.036936442634786994, 'in': 0.031202062299773778, 'with': 0.02506970664364511, 'or': 0.023582725236507687}, {'which': 0.11631025996885977, 'it': 0.11313044617171834, 'they': 0.09208180889800034, 'and': 0.08422813097660459, 'you': 0.08045933290604095, 'that': 0.07544630171710325, 'he': 0.06885675661902639, 'It': 0.06879294562147163, 'who': 0.043752117563119}, {'which': 0.1714898116868892, 'it': 0.08917286108720096, 'It': 0.08904617910333057, 'he': 0.08451793614678905, 'and': 0.06401635386944367, 'who': 0.0529429871035348, 'He': 0.041888266626933485, 'that': 0.04153609754713262, 'as': 0.02899265300315649}, {'and': 0.0972688821686489, 'was': 0.05323091608319083, 'sale': 0.039913883660668344, 'sell': 0.039686389948105694, 'is': 0.037244033460927826, 'are': 0.03266076828764276, 'not': 0.028306481100507846, 'as': 0.027664669896507402, 'held': 0.02508056632846024}, {'the': 0.3276367151054447, 'of': 0.12763149064618962, 'and': 0.09656977248635765, 'to': 0.08698980591366533, 'a': 0.07174213038805524, 'most': 0.052318448736836116, 'his': 0.033872681383988155, 'in': 0.02578591119900068, 'their': 0.02401448102121734}, {'the': 0.37879468141153305, 'The': 0.0905601638531223, 'a': 0.06258031819899203, 'and': 0.04380061226814896, 'at': 0.032016279239576936, 'of': 0.03041924572454734, 'Mr.': 0.026258027755812898, 'his': 0.024980263780876387, 'tho': 0.024621950224967496}, {'is': 0.2196143999904468, 'was': 0.201534437848507, 'not': 0.1070341339436237, 'are': 0.07715705511764685, 'be': 0.06261157592258709, 'a': 0.05634939879909319, 'were': 0.04918475349651351, 'in': 0.04560753270912243, 'the': 0.04083280663513789}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'and': 0.1189733053664964, 'the': 0.10287702719755622, 'of': 0.08189169893754962, 'to': 0.06345255385957328, 'be': 0.04334095657672097, 'was': 0.04121106403093484, 'in': 0.03680279821111817, 'is': 0.030567295462412034, 'are': 0.02482235030573041}, {'the': 0.11089581447673329, 'of': 0.07044615550524982, 'to': 0.043913272964993255, 'and': 0.041244237356711504, 'a': 0.029074520504272196, '<s>': 0.025681167144053007, 'in': 0.022976261790226372, '.': 0.018406312043985528, 'I': 0.016446362696701317}, {'of': 0.17701736438131596, 'as': 0.1000108502240857, 'by': 0.0942968218280041, 'in': 0.08190154989398098, 'for': 0.07886727495343822, 'such': 0.07488812633209904, 'is': 0.07267736967709755, 'to': 0.07015288326658967, 'with': 0.0626731792197982}, {'the': 0.15738576984483632, 'of': 0.1573301111646589, 'and': 0.056492449397157675, 'to': 0.0355488798173264, 'at': 0.03485699563625659, 'a': 0.024039683418450045, 'in': 0.01983956745334736, '.': 0.013087108050575676, 'for': 0.012975663553089403}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'has': 0.34288361755933416, 'have': 0.30084191389563647, 'had': 0.18362046080000538, 'not': 0.041548006792690266, 'having': 0.024192982949221696, 'always': 0.015414865766173068, 'ever': 0.011684014231897893, 'never': 0.011426372584920255, 'lias': 0.009812497562200831}, {'to': 0.20645351633827927, 'of': 0.1754428085705412, 'in': 0.1593196324019381, 'for': 0.07520819490933008, 'that': 0.06910815107439462, 'and': 0.0632263278728169, 'with': 0.04810227227107995, 'by': 0.046468423311339345, 'under': 0.0325618403725645}, {'the': 0.10149212961523377, 'of': 0.06722504894682785, 'and': 0.061413751285098774, 'to': 0.061286933841737556, 'in': 0.029071146152069245, 'was': 0.0268998148650782, 'Mr.': 0.021570341724985762, 'that': 0.021166759198937048, 'is': 0.019476065145132605}, {'the': 0.18993880449201844, 'of': 0.11639210830738761, 'and': 0.08735698721996352, 'Mr.': 0.04797666771675121, 'a': 0.04136447797506552, 'to': 0.030717163312382403, 'The': 0.02649997786553738, '.': 0.022960452586241215, 'by': 0.020277340511229532}, {'be': 0.14692340493981865, 'is': 0.13069813599653965, 'was': 0.11760932946393056, 'and': 0.11687928583471081, 'are': 0.06569937110200812, 'were': 0.06060747977568094, 'been': 0.05978399614373467, 'the': 0.04343226146724077, 'have': 0.039854606897989746}, {'recorded': 0.11854070255604501, 'and': 0.07935141402261683, 'time': 0.07143428537087648, 'was': 0.05244204515632358, 'at': 0.05170806731784443, 'that': 0.04214143415705388, 'is': 0.04171328676808056, 'be': 0.035135173934412935, 'for': 0.033183072577333675}, {'made': 0.11942847096974421, 'and': 0.07979570471363857, 'caused': 0.029091215056480817, 'shown': 0.028426754301022945, 'up': 0.02777670568714523, 'ed': 0.027617079589566704, 'out': 0.026630159435991316, 'taken': 0.02626602987193105, 'done': 0.02542850605479482}, {'the': 0.16704787957852962, 'of': 0.1279059699399372, 'and': 0.09985104331538908, 'a': 0.06413561064997489, 'to': 0.06315464919784543, 'in': 0.03837822356130662, 'with': 0.025702909659858934, 'for': 0.021489230048133544, 'or': 0.019915555641492846}, {'more': 0.21906647551743708, 'one': 0.11803640605781095, 'two': 0.07960818750564391, 'five': 0.019383794066433035, 'dozen': 0.015006108771069619, 'four': 0.014892514855163599, 'three': 0.014516995796538158, 'ten': 0.012942022526606103, 'six': 0.0121186092888798}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {';': 0.017575008836024683, 'and': 0.016630839564068155, 'up': 0.009647472893590794, 'feet': 0.008308056410237342, 'them,': 0.008001720216953397, 'it,': 0.007854256951231046, 'out': 0.007104427270967982, 'him': 0.006782820219307735, 'time,': 0.00655492759842502}, {'al-': 0.1952709698378489, 'the': 0.10227541305285877, 'all': 0.06563502015724142, 'their': 0.05778140854157794, 'other': 0.05052135491551809, 'of': 0.047739204836218935, 'and': 0.04611699634598752, 'his': 0.043548303378893385, 'al\xad': 0.04223725293762267}, {'the': 0.31597391394107677, 'degrees': 0.20136362400215507, 'minutes': 0.1386549514280281, 'thence': 0.08887349311908464, 'degrees,': 0.026447189102763977, 'tho': 0.021270849989486165, 'feet': 0.020909206327254286, 'and': 0.016961282109119288, 'grees': 0.014081985801722789}, {'to': 0.32896899761556947, 'and': 0.2674671727282859, 'not': 0.03743200652738097, 'will': 0.034727409410868965, 'that': 0.029237973630581376, 'I': 0.02919523639738899, 'would': 0.024951596318471114, 'who': 0.019825382117382453, 'which': 0.01961933981281669}, {'north': 0.11721819402771165, 'feet': 0.03287283357472811, 'east': 0.021976800671203663, 'street': 0.01939348288135084, 'land': 0.014322325857680514, 'North': 0.014176771038875184, 'south': 0.013925772355945405, 'chains': 0.01330883890294236, ';': 0.01208474862593586}, {'the': 0.4247952257721616, 'a': 0.30329516954959573, 'of': 0.059611364038729915, 'The': 0.05261747225145274, 'with': 0.03877117505254254, 'and': 0.034667388272286735, 'his': 0.024764252855531067, 'tho': 0.02117646084186704, 'in': 0.01906192293917377}, {'of': 0.26939397510082447, 'for': 0.14575994640573167, 'at': 0.09473618844870213, 'to': 0.09456186820142097, 'and': 0.0896265813603368, 'that': 0.07938159301279274, 'in': 0.059180927309238705, 'by': 0.05214883237874354, 'with': 0.031235445638655514}, {'a': 0.3837779085119259, 'the': 0.0927008049073171, 'is': 0.07973045762980044, 'and': 0.07682258471624742, 'as': 0.061077515167755315, 'that': 0.056581285821501646, 'of': 0.05432967441797741, 'was': 0.04911574216827288, 'in': 0.0464819199412297}, {'and': 0.15934977962462954, 'the': 0.10249175147744868, 'will': 0.06655042802271212, 'to': 0.05188934764672995, 'of': 0.03880735912304262, 'I': 0.03506615274242478, 'a': 0.02864831136101952, 'could': 0.026654893675366494, 'can': 0.024408411431821552}, {'of': 0.2012093305652591, 'the': 0.12385701843371988, 'to': 0.05969724233674354, 'and': 0.05513517901235627, 'in': 0.037649825758952926, 'by': 0.02910447108416769, 'that': 0.020229740188890892, 'a': 0.01933958971909138, 'from': 0.018287836746750552}, {'of': 0.3057586276201606, 'and': 0.197512734689229, 'that': 0.10083693728367372, 'to': 0.07689838482645188, 'in': 0.06836384189680977, 'for': 0.05899128904568357, 'with': 0.028447930497338104, 'from': 0.022798806541854847, 'by': 0.021362659904536226}, {'to': 0.20347428295789166, 'of': 0.16329227645929606, 'for': 0.10402024662970269, 'in': 0.06196465053604869, 'on': 0.052586903273994214, 'and': 0.03852894858623239, 'In': 0.03368267624622694, 'with': 0.030181643435228587, 'by': 0.019916060455124573}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'the': 0.4429054434578697, 'of': 0.14996216630201958, 'a': 0.12320286127358762, 'in': 0.05753901825834284, 'and': 0.03773664465754165, 'The': 0.03306541399153805, 'at': 0.03138337098451481, 'to': 0.028043653000129825, 'very': 0.026434037432733915}, {'the': 0.23046809798986323, 'his': 0.13322484806007467, 'and': 0.10263382448852652, 'their': 0.09089578464341448, 'of': 0.05052476417048491, 'or': 0.049102234410011374, 'in': 0.04655047340391898, 'was': 0.045756596161063874, 'her': 0.03957251377286444}, {'those': 0.15415365781245258, 'man': 0.0915249915169592, 'men': 0.08975404615336947, 'and': 0.06732674584743893, 'one': 0.05608671730492094, 'persons': 0.03828490178891627, 'person': 0.03683593284900726, 'all': 0.03135635182137048, 'people': 0.02274845553132715}, {'and': 0.1752916876732847, 'as': 0.15199849452697067, 'that': 0.12533535021120917, 'when': 0.0842279962137608, 'which': 0.07136992679373629, 'for': 0.06040168898211487, 'if': 0.05204730961728223, 'but': 0.0506205528538637, 'where': 0.032582876735939466}, {'of': 0.3285011978463618, 'in': 0.15460230538229935, 'to': 0.14072683498872435, 'for': 0.06917752626082957, 'on': 0.06072332027283978, 'by': 0.051320069931970906, 'with': 0.04133559155705327, 'and': 0.039920211366188584, 'In': 0.03365567225642472}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'that': 0.3142135362855082, 'which': 0.10183251412037712, 'and': 0.09415860049308514, 'as': 0.05423315589688515, 'when': 0.042441892400132894, 'w': 0.04103054945205842, 'if': 0.03284443898367074, 'but': 0.029030845435677105, 'where': 0.024120685527398083}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'a': 0.4028917045874107, 'the': 0.3890133816852498, 'per': 0.04611332452789413, 'one': 0.028258860951839365, 'every': 0.022591447002058066, 'tho': 0.02074750304635389, 'last': 0.018651129496899684, 'each': 0.014308140185527783, 'this': 0.01252034396716311}, {'of': 0.28909873191130125, 'in': 0.28332275371957555, 'and': 0.07280224794651068, 'In': 0.0696851303095135, 'was': 0.054113606055854004, 'is': 0.04996314895384896, 'from': 0.036675118504887826, 'are': 0.03554007824015825, 'to': 0.03017200285610695}, {'hundred': 0.02999627730148954, 'Hundred': 0.018474892751916095, 'North': 0.016341630634675617, 'street': 0.016076001027648362, 'north': 0.014074790318451361, '1': 0.013187348587249487, 'east': 0.010716888787784512, 'men': 0.010609660238999872, 'city': 0.010229419258582135}, {'the': 0.19735444772537605, 'of': 0.15110246496274116, 'a': 0.0979832185731506, 'other': 0.07306412671090734, 'their': 0.05894847835148316, 'his': 0.04732614695708405, 'our': 0.04680004739682904, 'these': 0.043113256811554285, 'public': 0.04206101630607216}, {'of': 0.3325240993851058, 'in': 0.117789413577343, 'to': 0.10383877055140707, 'and': 0.08206940162513504, 'with': 0.07325230639650412, 'for': 0.05109435756689613, 'by': 0.045264790534622325, 'that': 0.03980153714326509, 'on': 0.03945490459391484}, {';': 0.0678030503782134, 'nothing': 0.02940206222231467, 'it,': 0.025385428425966725, 'and': 0.0171307695173233, 'them,': 0.016909059600273498, 'is': 0.015982251693796187, 'or': 0.01586911725238496, 'time,': 0.009952901334052746, 'all,': 0.008718027761760647}, {'it': 0.17446210238267795, 'It': 0.16512138039676244, 'This': 0.11580779511931819, 'which': 0.07131888702327785, 'that': 0.06268754379599907, 'this': 0.05652048471821813, 'and': 0.04054529143452458, 'there': 0.036840538093569096, 'he': 0.03013409703322793}, {'and': 0.0977687472377666, 'to': 0.044381181114719816, '<s>': 0.025194742305637712, 'of': 0.022799636270780826, 'in': 0.020535618197612057, 'on': 0.014111173574206848, 'which': 0.013097754774966141, 'by': 0.012879963028353187, '.': 0.010950454658791449}, {'<s>': 0.08453154336176194, 'them.': 0.03704472695927448, 'it.': 0.03329600583944933, 'time.': 0.018573144461498867, 'him.': 0.016764524211701118, '.': 0.013239172778704057, 'work.': 0.01172281447746342, 'day.': 0.011438061224166194, 'country.': 0.010840586676735365}, {'of': 0.12551830267383224, 'the': 0.09123979600805814, 'and': 0.06165121311342423, 'to': 0.04970615639404506, 'was': 0.03589992628917584, 'in': 0.034381762912693445, 'be': 0.02827768691622312, '<s>': 0.02715589922604383, 'for': 0.02558158944907876}, {'the': 0.30560387201963823, 'National': 0.21416454535477103, 'Savings': 0.05138968372319133, 'of': 0.03381908528915224, 'State': 0.028896957207956018, 'and': 0.026741480979388776, 'The': 0.025582065817435405, 'tho': 0.01671752353709535, 'any': 0.011951908547439353}, {'and': 0.18887717203417215, 'of': 0.08703413088911922, 'for': 0.05811301782390165, 'fact': 0.05800471605213796, 'is': 0.03908766396177433, 'in': 0.03842612446916807, 'but': 0.03392151169747016, 'to': 0.029630350551122675, 'was': 0.0277190335792817}, {'and': 0.11735516412570558, 'be': 0.11464670267187116, 'to': 0.11003076409988541, 'was': 0.10368071082403274, 'I': 0.06302221724955837, 'been': 0.05876555446363048, 'will': 0.05566010881606096, 'is': 0.05417939202014196, 'he': 0.04234076615968635}, {'and': 0.21060131835586793, 'as': 0.10407261838234842, 'that': 0.09070643661222806, 'but': 0.027054071192114743, 'or': 0.02586935494675679, 'But': 0.013941597753169357, 'even': 0.013132646249084287, 'which,': 0.01268076879867512, 'And': 0.012663842392830098}, {'Now,': 0.5145081439851608, 'Now': 0.09771869420406003, 'Now.': 0.05159848469990932, 'is,': 0.04357421737628835, 'and,': 0.03690947273702022, 'and': 0.03621126636897046, 'are,': 0.032214772010787804, 'If,': 0.01743899470236108, 'that': 0.01517091512040594}, {'of': 0.39192629303489457, 'to': 0.10198055163420056, 'in': 0.0997609970079493, 'on': 0.0759360901007881, 'that': 0.07027190286883149, 'and': 0.06267121900052983, 'for': 0.03481374547126977, 'In': 0.02538812378132194, 'by': 0.02456810124076847}, {'and': 0.171815507862895, 'is': 0.07956623685482399, 'was': 0.07846545643778158, 'that': 0.07317997637906982, 'but': 0.07118516498484755, 'are': 0.06559017487358909, 'or': 0.040630877560757284, 'not': 0.03520826735376443, 'to': 0.029003314082071904}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'the': 0.24385811273291944, 'any': 0.11815627192502334, 'this': 0.0851037501771909, 'a': 0.08427312641794903, 'every': 0.061332742705612696, 'of': 0.04110988104760821, 'other': 0.03692836693745019, 'some': 0.03657915615654007, 'that': 0.036411077827854056}, {'and': 0.09396725016025935, 'time': 0.05797397196913175, 'ready': 0.05470339802954811, 'demand': 0.04727577203945264, 'used': 0.0335829829764412, 'reason': 0.03199794657165716, 'necessity': 0.02811583052395269, 'not': 0.028035369359742365, 'necessary': 0.02553215843994867}, {'the': 0.1961156073807156, 'and': 0.10723925538890115, 'of': 0.06655953623581158, 'a': 0.049257360842951244, 'to': 0.03446115258633282, 'The': 0.03368285114588577, 'Mr.': 0.031299800059544546, 'that': 0.027685334300677756, 'by': 0.020303312469153355}, {'he': 0.19719036010979096, 'I': 0.17387867601069684, 'they': 0.14371340883442457, 'we': 0.06729615414612393, 'she': 0.05522672595406565, 'that': 0.04502228623840707, 'who': 0.04433207766248836, 'and': 0.04016128732206509, 'it': 0.03993522868792513}, {'<s>': 0.0496297418242842, 'it.': 0.03569746075217238, 'them.': 0.022569451135689676, 'him.': 0.021280387473005227, 'time.': 0.012660103733358423, 'country.': 0.012191276283525149, 'life.': 0.009748333693763373, '?': 0.009293009654425418, 'work.': 0.007754746926701466}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'and': 0.15530093217595609, 'so': 0.0917977152573843, 'say': 0.06495378383897611, 'fact': 0.05582705514685404, 'said': 0.052754642727445115, 'know': 0.05171390119232944, 'me': 0.047675377644317694, 'is': 0.04113439348779061, 'but': 0.028258573811708966}, {'the': 0.18915697277681193, 'of': 0.07556869233427602, 'and': 0.0652077624967065, 'Mr.': 0.03673634961227907, 'The': 0.0355202837282201, 'a': 0.03368697760586543, 'that': 0.022934828394916305, 'as': 0.021013771617600242, '<s>': 0.01778271685005391}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.18133526352862372, "o'clock": 0.17487864756480764, 'in': 0.11159434407184272, 'on': 0.06482484523784428, 'that': 0.06204864828966344, 'and': 0.06139287263923989, 'In': 0.05014544840342467, 'to': 0.03643340508975934, 'On': 0.032412303085493255}, {'the': 0.1331954013331003, 'of': 0.10395761905650669, 'and': 0.09166744382168995, 'a': 0.0674867672110823, 'to': 0.04481959524883369, 'was': 0.033914181021321675, 'be': 0.027669522756191306, 'is': 0.023821375196731925, 'been': 0.01992601692954109}, {'and': 0.0955354503175179, 'was': 0.04014432761196121, 'made': 0.03552406268595355, 'that': 0.03316461794614845, 'is': 0.026518523982285606, 'out': 0.02595534988135597, 'up': 0.02550642763396469, 'work': 0.025368825336120716, 'but': 0.023646556901203784}, {'he': 0.17475438872346447, 'it': 0.1359286733624291, 'they': 0.09637533336931273, 'I': 0.08453683576858537, 'that': 0.07339259747557059, 'It': 0.07261110104187243, 'we': 0.044348645187426095, 'which': 0.04425071068500445, 'and': 0.04339726392581102}, {'the': 0.20319898453972757, 'is': 0.14035953353980662, 'an': 0.13164758924517964, 'and': 0.13154441144249718, 'was': 0.0703936721916451, 'are': 0.06881455966771129, 'not': 0.04865395780758834, 'of': 0.03730516990194463, 'be': 0.03656954089981263}, {'or': 0.14143215563386477, 'and': 0.13806576434402365, 'of': 0.12633875727550598, 'is': 0.10532976032493133, 'are': 0.09215089014490734, 'the': 0.07697517705286763, 'was': 0.054504408600140226, 'for': 0.04542582460813762, 'about': 0.04123138856252453}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.34859641359918264, 'to': 0.14455259594282588, 'that': 0.10246763340758318, 'by': 0.08378214083275322, 'in': 0.07078864633635062, 'and': 0.06376096602499398, 'with': 0.0406132000701193, 'from': 0.03219939752891972, 'as': 0.02827031944731922}, {'of': 0.18434684301157014, 'the': 0.1014846511577531, 'to': 0.06884125970214293, 'in': 0.06155220770536728, 'and': 0.05357593375061186, 'by': 0.027018854880940368, 'a': 0.023756740054895326, 'for': 0.019083747039118783, 'from': 0.018688503083457934}, {'of': 0.342136611692325, 'and': 0.13365786266570442, 'in': 0.0939324614271099, 'to': 0.09129756256725959, 'that': 0.06466963269025586, 'with': 0.05343962679381331, 'by': 0.04009369897846235, 'from': 0.0360078209977732, 'at': 0.02864627982824115}, {'as': 0.09070957522893763, 'and': 0.06578736628276387, 'according': 0.05921724650771688, 'up': 0.05444342983204154, 'them': 0.04455320285377602, 'regard': 0.04000436122627331, 'come': 0.038627387824939484, 'back': 0.03569076101086091, 'return': 0.033008621318438236}, {'the': 0.19765944413001754, '1st': 0.11059503755556872, 'first': 0.09159328042083008, 'a': 0.07596581773098715, '25th': 0.058877517517977276, '7th': 0.050144164699482324, '10th': 0.04774505795975605, '12th': 0.047349873882118795, '21st': 0.04468978504119164}, {'and': 0.14170530797940953, 'of': 0.07227017679224287, 'the': 0.04462003554708702, 'be': 0.03685807754549318, 'a': 0.035905515184589634, 'in': 0.03203315204003, 'is': 0.03168739705547206, 'was': 0.03131301567082761, 'he': 0.02922624312968863}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.2769773488665425, 'of': 0.1353857803205275, 'to': 0.12086704387527322, 'that': 0.06415349773888461, 'by': 0.06119025305738097, 'in': 0.03656231927184457, 'as': 0.029903477384513502, 'which': 0.029600802631406232, 'the': 0.022096026432113388}, {'the': 0.19466201310434508, 'of': 0.1247452377718907, 'and': 0.07442190529078195, 'to': 0.06582265997899586, 'in': 0.029341157876717035, 'a': 0.0269509971750137, 'for': 0.021076154932559314, 'as': 0.018303588616253547, 'at': 0.015548866529574393}, {'the': 0.1910704253968197, 'of': 0.10278292495402272, 'a': 0.06739097922089578, 'and': 0.05340547682982922, 'in': 0.03997532508767839, 'to': 0.03734226210468834, 'for': 0.02032047732916463, 'or': 0.019679266273560682, 'that': 0.018477027077957366}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'the': 0.16577365456167048, 'all': 0.11561263167182935, 'of': 0.08195181513259144, 'other': 0.05386669045968295, 'and': 0.05384780112109084, 'on': 0.04991902093524457, 'these': 0.04447310731917807, 'their': 0.04127753025983183, 'be': 0.040517247021581444}, {'out': 0.07104996634326687, 'one': 0.06555551405888944, 'some': 0.0627501778995496, 'all': 0.046947188129824735, 'part': 0.04244529558942418, 'because': 0.030012730108729443, 'account': 0.029608778673136077, 'many': 0.028457732299761007, 'and': 0.025591822907501054}, {'about': 0.22464893059707858, 'and': 0.13374968401089762, 'or': 0.1243746019005892, 'of': 0.10916325183235498, 'to': 0.07140500200466297, 'was': 0.05978232320776344, 'than': 0.05555313859831312, 'at': 0.054625190153156526, 'is': 0.03453040400892333}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.2619918115723744, 'a': 0.10228039702121106, 'of': 0.07183161251754751, 'and': 0.06668790900860097, 'The': 0.032088872605528354, 'to': 0.02797831177675868, 'in': 0.024714832657685034, 'tho': 0.02141263138876144, 'Mr.': 0.017283800875709958}, {'feet': 0.09124682453705052, 'poles': 0.0730701371555321, 'up': 0.05088279168420823, 'chains': 0.04885658892872941, 'entitled': 0.03694920633644442, 'went': 0.034748145318504654, 'came': 0.03280590556373315, 'down': 0.032521221296211, 'him': 0.032446562119539564}, {'of': 0.15313190442589975, 'the': 0.08553439074076737, 'in': 0.08139150643070395, 'and': 0.05999230588254799, 'a': 0.05625927993548357, 'for': 0.03988650853788563, 'to': 0.03367791233859919, 'by': 0.024770828270823733, 'In': 0.022026180199624844}, {'the': 0.18938750313773037, 'a': 0.12612094480134725, 'of': 0.11253456562477539, 'in': 0.05443878103206686, 'and': 0.043257743668272675, 'that': 0.03184048564264579, 'an': 0.028356961449686195, 'as': 0.025209519000156725, 'to': 0.02514282586540339}, {'to': 0.35262499938542774, 'will': 0.17028848174843345, 'may': 0.07659890668365754, 'shall': 0.07046359834815272, 'would': 0.06877140247844696, 'can': 0.05977506828665862, 'should': 0.05875729343612259, 'could': 0.041771212767676945, 'not': 0.03854236542250613}, {'statute': 0.2178702553998322, 'and': 0.09230913868589358, 'that': 0.03930311449245735, 'or': 0.037115821972932075, 'as': 0.030182620629376905, 'is': 0.02632896711410034, 'it': 0.02557299373610032, 'was': 0.02345060337021054, 'be': 0.023044230983195888}, {'out': 0.07705196530507513, 'one': 0.05962491708401421, 'number': 0.0429988694568312, 'means': 0.03650330771565938, 'place': 0.03337695559908497, 'kind': 0.031281752075776346, 'some': 0.02962722277168062, 'amount': 0.028752449990380208, 'all': 0.02552207485849159}, {'of': 0.16895698082148114, 'such': 0.11844465799724253, 'with': 0.1049521180605688, 'to': 0.0946706773677565, 'in': 0.09276066062330242, 'as': 0.07997987879974156, 'for': 0.06474306255453631, 'and': 0.06382389099290418, 'is': 0.053208455625876505}, {';': 0.014908291772239828, 'in': 0.012934463372274657, 'one': 0.011828843907279988, 'up': 0.011767376048106615, 'there': 0.011687889465228068, 'men': 0.0116610185678018, 'it,': 0.010195263087478961, 'them,': 0.008127488256489296, 'to': 0.007236956660244112}, {'the': 0.5946378967924525, 'this': 0.07494319115335547, 'an': 0.06498111622936997, 'a': 0.05018473207870622, 'tho': 0.035544608180359684, 'The': 0.02695861475618321, 'any': 0.019305262638388134, 'our': 0.018682824130955285, 'of': 0.016548149535519745}, {'the': 0.11208673649433883, 'of': 0.0811832204272049, 'to': 0.052268557597038544, 'and': 0.05007599138342977, '.': 0.044866152831554804, 'Mr.': 0.04179640530354394, 'a': 0.03682064340740841, 'in': 0.029406728614136193, 'at': 0.02035981048435502}, {'and': 0.10377406590489137, 'the': 0.06880443329880252, 'of': 0.058008638356086474, 'to': 0.054449503112395284, 'a': 0.024444462487183665, 'that': 0.023315986735906284, 'was': 0.023280069865996945, 'said': 0.022144930553789504, 'be': 0.02089041640193772}, {'all': 0.08812576128639328, 'it': 0.07059515377419723, 'and': 0.05780704516639062, 'went': 0.03694474071779272, 'him': 0.03314899535154538, 'them': 0.031724633241545015, 'was': 0.03158285686425942, 'is': 0.02953197225761101, 'turned': 0.029027409158986033}, {'the': 0.11963568410447895, 'and': 0.07951124903941001, 'of': 0.06825226613956396, 'to': 0.0611751701938304, 'a': 0.05571586257257412, 'be': 0.028594878842944225, 'is': 0.024939862649589955, 'in': 0.024504313993319038, 'was': 0.024212699061538646}, {'the': 0.2490211180888975, 'of': 0.23795156008848262, 'on': 0.08221246516631651, 'at': 0.0640011002617524, 'from': 0.054687308920666006, 'in': 0.038022817428374135, 'and': 0.0372367136579285, 'by': 0.023203406569468725, 'to': 0.01857636955311634}, {'they': 0.0957108708494744, 'who': 0.0926804049463027, 'and': 0.06571172058446355, 'which': 0.06448110268231558, 'we': 0.04950166439033332, 'They': 0.04616656661972651, 'that': 0.0403999373952707, 'there': 0.04025483506030521, 'men': 0.02915512246943006}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'at': 0.2617041005297505, 'for': 0.09356247195960495, 'to': 0.05892732399208524, 'of': 0.05730294621208505, 'about': 0.056810464592022894, 'the': 0.04866614519213798, 'and': 0.04465757201569451, 'in': 0.03123310464065335, 'a': 0.026845795379532543}, {'of': 0.3314896344764149, 'to': 0.13472597198770878, 'at': 0.07459613580671812, 'for': 0.07399992150051125, 'in': 0.06645652746539919, 'that': 0.05989219987459887, 'and': 0.058722658306858404, 'by': 0.048624724027804406, 'from': 0.04142290894573746}, {'It': 0.19862999709654963, 'it': 0.18182826442813102, 'I': 0.08854817331022292, 'there': 0.08628562160298438, 'he': 0.08277382591087584, 'This': 0.059580635889489274, 'and': 0.052952393178553686, 'which': 0.03887899371043761, 'He': 0.03532890100587884}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'at': 0.44387022160140405, 'of': 0.1295188325882057, 'to': 0.11592733078709064, 'in': 0.1101202691100387, 'for': 0.0429099442390543, 'from': 0.04049968540342114, 'In': 0.036769341229266075, 'At': 0.022148194956644635, 'and': 0.021291064411633545}, {'the': 0.14001729000311636, 'and': 0.10658852741311799, 'of': 0.0657981883740189, 'to': 0.05159050926326614, 'a': 0.04441986735885808, 'was': 0.035798549413028374, 'in': 0.03477916441755607, 'be': 0.030618742395989933, 'Mr.': 0.02980702669945447}, {'the': 0.22355110598726743, 'a': 0.10088901147009846, 'his': 0.0982050232632491, 'their': 0.09170821309882587, 'this': 0.07682168280493597, 'of': 0.07581776825898767, 'in': 0.06518065327020249, 'our': 0.052269105052717445, 'great': 0.04896610838824011}, {'made': 0.09765452417409026, 'and': 0.08255694893765723, 'accompanied': 0.06441176097929167, 'him': 0.042440743013402796, 'was': 0.038053008919019735, 'up': 0.029386294693781675, 'it': 0.02892993093091403, 'ed': 0.02855025435384266, 'followed': 0.028353254432546514}, {'he': 0.1605469449555572, 'and': 0.10860506363470422, 'it': 0.08402299152193697, 'who': 0.07051887107735402, 'He': 0.06930673698171463, 'It': 0.06655580372654273, 'which': 0.05317865514501089, 'that': 0.038377916401948965, 'she': 0.02635491076137967}, {'of': 0.35219292422657966, 'and': 0.1095553962896784, 'to': 0.07910554684230216, 'for': 0.07710321678744053, 'that': 0.06633825721116816, 'in': 0.05955154774137179, 'with': 0.04949957279553273, 'by': 0.04111127200191436, 'have': 0.03510920491756341}, {'put': 0.14572081442753934, 'to': 0.14313741775500904, 'of': 0.13168158230623572, 'keep': 0.07325447117421928, 'get': 0.06041149150150639, 'take': 0.05952693392168832, 'for': 0.05784831902421885, 'with': 0.05327969540354268, 'give': 0.040568644808565694}, {'the': 0.11864215425377549, 'and': 0.08972371643926988, 'of': 0.04809559438679374, 'in': 0.028133273792285047, 'was': 0.0281079026913601, 'to': 0.02452133112173075, 'for': 0.021775516249969755, 'that': 0.021265180784699016, 'is': 0.021104290924603225}, {'the': 0.12281737487915317, 'and': 0.0944560106925923, 'of': 0.06262727383559691, 'a': 0.059858237753935645, 'to': 0.026884931409380343, 'was': 0.024133695860210462, 'be': 0.023040391996733064, 'is': 0.020962705336648742, 'at': 0.01905623142507816}, {'and': 0.051973369120665455, 'it': 0.03888288471393904, 'is': 0.03249374158148984, 'was': 0.02446583667853965, 'him': 0.022428314804977624, 'feet': 0.020866657978398224, 'that': 0.01822269538682088, 'out': 0.017195795790160357, 'them': 0.017020160975013562}, {'the': 0.1243507012378897, 'of': 0.10214840878262357, 'and': 0.09879216549766301, 'in': 0.04879668427171313, 'to': 0.04793734987268137, 'on': 0.03125901733302325, 'that': 0.02211713251796273, 'as': 0.019472201534672513, 'an': 0.018627313603089914}, {'went': 0.12141368036789202, 'carried': 0.11270413628121057, 'get': 0.08055617324225255, 'go': 0.08026050912082196, 'passed': 0.07237058340110115, 'far': 0.06709659036599304, 'taken': 0.06369621907982212, 'turned': 0.0546530622647796, 'ran': 0.04694309404660892}, {'the': 0.33099109136058447, 'a': 0.16457500318764604, 'of': 0.10322578072185268, 'and': 0.0604349517356537, 'are': 0.050655751554868074, 'with': 0.04546283148858258, 'very': 0.04044622820743266, 'these': 0.0367642526780338, 'other': 0.0335847235155865}, {'W.': 0.11489995716529039, 'Mrs.': 0.09555837589978601, '.': 0.08018018002952694, 'Mr.': 0.0696592629704178, 'John': 0.06568482817662682, 'J.': 0.06338648220846164, 'M.': 0.051727569072955046, 'S.': 0.04415250611479485, 'H.': 0.04353579666497964}, {'up': 0.07469094173326384, 'addition': 0.06490775315471498, 'and': 0.05883970137780779, 'came': 0.05391000139087671, 'as': 0.05313602455541655, 'due': 0.04195010638163455, 'according': 0.04101249375720817, 'reference': 0.03993646584164144, 'sent': 0.039190996417252065}, {'was': 0.2307071476301942, 'be': 0.13133602912161121, 'he': 0.0990301284601129, 'are': 0.09266263654759471, 'is': 0.08984144401860181, 'been': 0.08493014784411833, 'were': 0.07783140148050897, 'and': 0.06960683870446889, 'not': 0.045966374914379514}, {'is': 0.17259142955892112, 'ought': 0.08272961521902446, 'are': 0.08056057458647582, 'seems': 0.07558392967483372, 'was': 0.06572888558670693, 'not': 0.06439114674223405, 'said': 0.05149586598076354, 'seemed': 0.04272828164381891, 'as': 0.041024869025136954}, {'feet': 0.2911847358073886, 'so': 0.110215121993409, 'inches': 0.06480120539192664, 'and': 0.053038294686091, 'a': 0.043276190808788376, 'as': 0.039077630676830934, 'is': 0.038700936240174934, 'was': 0.03623085455833019, 'too': 0.031357161177576455}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'<s>': 0.05853076640687723, 'that': 0.05360000315563107, 'and': 0.028468892423494714, 'it.': 0.024960893987115183, 'but': 0.01735835078593881, 'as': 0.014815840893292666, 'them.': 0.014318802615316317, 'country.': 0.011732596730942993, 'of': 0.011348659858762027}, {'of': 0.2330919747924382, 'and': 0.101906937508298, 'are': 0.06569971490548346, 'is': 0.05521063754236961, 'in': 0.05006850059967255, 'the': 0.03768501379685274, 'by': 0.031923982083195995, 'now': 0.03137399155579137, 'for': 0.02983755634726208}, {'was': 0.1802044435996141, 'be': 0.16603542030147297, 'is': 0.15723553226698003, 'are': 0.12353978965327578, 'and': 0.07909029727352669, 'were': 0.06227356202626047, 'al-': 0.041906339284713406, 'am': 0.03883019944725355, 'been': 0.037047415860588885}, {'he': 0.1633868098801211, 'and': 0.16147018415249756, 'who': 0.09374999768449316, 'has': 0.08096674861249802, 'I': 0.06483439807306643, 'they': 0.06195995698481611, 'which': 0.053441204655482376, 'she': 0.049640460270046635, 'He': 0.046699994158042386}, {'the': 0.24156982378488298, 'a': 0.11252782972393238, 'and': 0.07679911209546902, 'of': 0.06348089954285306, 'to': 0.051309258021741654, 'in': 0.04408838750274262, 'The': 0.036308244574232186, 'his': 0.032140779949985196, 'on': 0.022638067495779863}, {'of': 0.10631112473892627, 'the': 0.09943241832474299, 'and': 0.08159794106622675, 'to': 0.08044019399615582, 'a': 0.0411705846870669, 'be': 0.032482607452970214, 'was': 0.026600329505008413, 'or': 0.02456876992697593, 'is': 0.021232665187409037}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.21826500316180658, 'and': 0.08438515103276284, 'a': 0.05668777846188772, 'of': 0.05471917619709315, 'Mr.': 0.04794617488595558, 'The': 0.039247560472211694, 'is': 0.03253783367179741, 'was': 0.02110312984163535, 'be': 0.01875622082398016}, {'was': 0.24692577124174866, 'be': 0.2444186154369625, 'is': 0.14717078240512801, 'been': 0.07885033261664885, 'are': 0.057333709027860204, 'and': 0.05232656538780893, 'were': 0.04788836553180722, 'not': 0.04490918647762203, 'had': 0.040220451422952795}, {'of': 0.4516729495871379, 'in': 0.19129313955453192, 'to': 0.09872853189589083, 'from': 0.05637835678463062, 'on': 0.04364230871815815, 'by': 0.03620698038717242, 'In': 0.028630875882417008, 'at': 0.02656816622593106, 'for': 0.019239149536205844}, {'the': 0.2358861974355473, 'a': 0.1183440217395787, 'of': 0.08576553718004984, 'and': 0.05843558721524296, 'to': 0.03558688344459639, 'in': 0.032289238868052454, 'be': 0.026896833597609793, 'his': 0.026885494810336183, 'or': 0.024186518987526856}, {'able': 0.10430562753354225, 'enough': 0.067228713258382, 'began': 0.06363788677147143, 'and': 0.06154632042342099, 'right': 0.060014527787847397, 'time': 0.059756243021311384, 'order': 0.053791334357186145, 'him': 0.05272709273304172, 'is': 0.043709117471454395}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'that': 0.3419610332794053, 'and': 0.17462108718691777, 'but': 0.062204517718653825, 'if': 0.04193203612257851, 'when': 0.04154521289619864, 'where': 0.03998376405915123, 'which': 0.03682454935730665, 'as': 0.03417839862064303, 'Then': 0.02354848377482195}, {'he': 0.25540439719407554, 'I': 0.20415184683788343, 'they': 0.11907427965514347, 'she': 0.07315452027371415, 'we': 0.06022740621725375, 'and': 0.04761878041986986, 'who': 0.04122061021674042, 'it': 0.03480377364875783, 'that': 0.032063170906127356}, {'of': 0.13961125503295035, 'the': 0.11139779216969303, 'a': 0.09947458789295573, 'and': 0.08050831539082336, 'to': 0.05818848048226098, 'in': 0.04276888741158004, 'for': 0.02197444643069259, 'that': 0.020358006665050672, 'by': 0.020259955798022377}, {'the': 0.7723990138213178, 'The': 0.0850260018758406, 'tho': 0.0371472078519534, 'its': 0.02774966779798589, 'our': 0.019864078350896087, 'their': 0.013795644041322802, 'a': 0.01286477501743873, 'tbe': 0.011543913951387291, 'this': 0.010365499391659684}, {'<s>': 0.06821868987542788, '.': 0.03363893872490454, 'it.': 0.027274502905305576, 'and': 0.015205663124889367, 'Mr.': 0.011113370966974928, 'boy.': 0.010721603749933051, 'him.': 0.01034860511067913, 'time.': 0.00991558383751865, 'girl.': 0.009113657825559129}, {'would': 0.17959540429010784, 'to': 0.13519794944916977, 'who': 0.09755427043109222, 'they': 0.08092794866467283, 'I': 0.07229973568327139, 'which': 0.06237819314755754, 'must': 0.053838397959161594, 'might': 0.048424713189248424, 'shall': 0.04348004295022552}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'the': 0.184230150584056, 'by': 0.15006189908795955, 'and': 0.10942533514742114, 'of': 0.05235215586388684, 'said': 0.03714072208075622, '<s>': 0.03316359657269732, 'to': 0.0303481571519512, 'The': 0.021415918981216666, 'that': 0.017318058388508972}, {'is': 0.4104881891417079, 'was': 0.2127079384541664, 'are': 0.06409585481379489, 'and': 0.06194311666545192, 'Is': 0.054675323906239845, 'had': 0.03212787586840269, 'has': 0.02876911932348076, 'were': 0.027106659720939952, 'have': 0.023155276586665684}, {'and': 0.11582081944112449, 'was': 0.04225261395959518, 'held': 0.03592895762799326, 'Beginning': 0.02926079870317736, 'is': 0.027806631077598554, 'look': 0.026545353863800903, 'arrived': 0.026240397869270526, 'that': 0.0255265603479058, 'interest': 0.024134996272950678}, {'to': 0.16587220090853444, 'will': 0.067090844742293, 't': 0.06374855643626783, 'that': 0.04891398348951853, 'would': 0.04569880422601861, 'and': 0.04539820974480802, 'I': 0.035176957137119755, 'may': 0.030504623893655644, 'which': 0.024192384170473855}, {'of': 0.39038890506600576, 'to': 0.10339451244573836, 'in': 0.09395920169936782, 'and': 0.06410064917441256, 'with': 0.06306549106118244, 'by': 0.04895737834233893, 'that': 0.04834011059056617, 'for': 0.04139141347014915, 'on': 0.039954982560940364}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.5608638650338464, 'in': 0.1436037351035127, 'to': 0.07397395683134225, 'by': 0.059420488173657963, 'In': 0.03107519355952082, 'from': 0.026187310187564802, 'that': 0.025855536357740544, 'for': 0.02253438075468413, 'and': 0.02175344189815464}, {'the': 0.572391235469075, 'of': 0.08460896293287926, 'The': 0.07112748761269326, 'a': 0.029331832783121674, 'from': 0.029194086191906766, 'tho': 0.027591384921814364, 'and': 0.02397059965765889, 'for': 0.021395179398559814, 'in': 0.016525134455012466}, {'one': 0.08837264426949418, 'part': 0.038998327146227474, 'out': 0.02722316887260893, 'portion': 0.023814181613109088, 'side': 0.019826910280117432, 'some': 0.016247713638384235, 'that': 0.01581493783524018, 'tion': 0.01520297430519722, 'member': 0.014040980918801042}, {'secured': 0.2578558888888281, 'made': 0.05140069495435435, 'and': 0.04131505427135333, 'provided': 0.027551687070120238, 'conveyed': 0.025929182610221573, 'executed': 0.01989974254963543, 'that': 0.019471008750129318, 'delivered': 0.017571620360218643, 'filed': 0.01734942672621686}, {'of': 0.22661397785189524, 'at': 0.17373382895705672, 'in': 0.131783442447956, 'to': 0.10131185729806622, 'on': 0.08133597869349306, 'for': 0.063757846385529, 'and': 0.06135528582068054, 'from': 0.04356960899295679, 'that': 0.0352090622709207}, {'up': 0.020677502627326348, 'men': 0.014014541962690455, 'time': 0.013080973192546762, 'him': 0.012860558454792398, 'years': 0.011519667964140133, ';': 0.010591329869401157, 'here': 0.01021761967114365, 'it,': 0.009794930323011132, 'day': 0.009586717808003667}, {'and': 0.3485149478956074, 'the': 0.13214575668201722, 'of': 0.10518586369802481, 'from': 0.04963362252854268, 'a': 0.03854019619222965, 'that': 0.03291274639036596, 'his': 0.032119502122105396, 'or': 0.02586047188420575, 'as': 0.024858242892220453}, {'to': 0.2513703490872215, 'will': 0.19382523452887132, 'would': 0.1383323795171619, 'may': 0.0968456711885216, 'should': 0.07776455323426071, 'shall': 0.07184146853915034, 'not': 0.0708120194789053, 'must': 0.037504917376371606, 'can': 0.029376413448175976}, {'of': 0.2872948088488835, 'in': 0.20654839799716698, 'for': 0.07690370086443625, 'and': 0.06337919000590077, 'by': 0.05271500342998306, 'are': 0.04687592310361908, 'In': 0.04109363568609208, 'is': 0.030738709690343913, 'with': 0.024289320265406304}, {'of': 0.36650162659181434, 'the': 0.15334809648641104, 'and': 0.09497900587202508, 'a': 0.07316902705058885, 'to': 0.06262774608843809, 'with': 0.050757370308923175, 'in': 0.0414680066135391, 'for': 0.03825779337815049, 'some': 0.033253441161771896}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.1717918035879621, 'Navy': 0.1371096249593474, 'War': 0.09761129036701514, 'of': 0.09589276702805391, 'Treasury': 0.07659681684597448, 'Fire': 0.06095736518593415, 'State': 0.0473731886766637, 'and': 0.015336755127974668, 'Agricultural': 0.012475775746549162}, {'it': 0.17008493410003128, 'he': 0.13767853241399758, 'It': 0.1271680130182997, 'there': 0.08973832505423499, 'I': 0.07788599599299842, 'He': 0.059854346110069574, 'which': 0.0550017080393188, 'There': 0.04903311720662182, 'and': 0.04132268183991798}, {'a': 0.18985260571459192, 'to': 0.1784468748871981, 'the': 0.16394871990118604, 'this': 0.14131451238250178, 'last': 0.0905836412088073, 'and': 0.04956199435289755, 'next': 0.04282443972366891, 'can': 0.03437720060013628, 'or': 0.02701166486851143}, {'the': 0.1331954013331003, 'of': 0.10395761905650669, 'and': 0.09166744382168995, 'a': 0.0674867672110823, 'to': 0.04481959524883369, 'was': 0.033914181021321675, 'be': 0.027669522756191306, 'is': 0.023821375196731925, 'been': 0.01992601692954109}, {'for': 0.27795539253513174, 'of': 0.23785044843356226, 'during': 0.1271779613357412, 'in': 0.09812493330188116, 'to': 0.05860500688149786, 'all': 0.036533752758954166, 'In': 0.03525158160090062, 'at': 0.03471335703860767, 'During': 0.026926225377395065}, {'the': 0.19331209864184842, 'of': 0.11015904874697245, 'and': 0.07050524303908315, 'a': 0.05839900630196124, 'to': 0.05006321165405842, 'in': 0.022926374229641718, 'his': 0.0178882051215516, 'for': 0.01595740866263889, 'Mr.': 0.014152420027075834}, {'point': 0.06625970596987985, 'number': 0.05480998846708859, 'line': 0.052784631250770854, 'amount': 0.04920855872061108, 'day': 0.048439069098484965, 'out': 0.04032652901920649, 'bushels': 0.03283168271589537, 'state': 0.03247792833842153, 'costs': 0.026657843198483838}, {'the': 0.19037420289654036, 'and': 0.07906966036696281, 'of': 0.05892386992650127, 'Mr.': 0.04283916629972599, 'The': 0.040204133717099313, 'a': 0.03128583518316688, 'his': 0.02244877329254269, 'I': 0.019028715741927524, 'that': 0.018361976307509163}, {'for': 0.18127644535143608, 'of': 0.14379257774226376, 'to': 0.09478545433341384, 'and': 0.06908510642716607, 'in': 0.0637653585082257, 'with': 0.0616447449124487, 'about': 0.050558141510023795, 'upon': 0.049083710492516516, 'by': 0.03235308605340463}, {'of': 0.21859463705181637, 'for': 0.10352408371147492, 'to': 0.09657030491462949, 'and': 0.09368956530249767, 'by': 0.07886678293237442, 'in': 0.06383997659066837, 'with': 0.05175615992718214, 'that': 0.04443520494371011, 'at': 0.030704274678970498}, {'the': 0.10149212961523377, 'of': 0.06722504894682785, 'and': 0.061413751285098774, 'to': 0.061286933841737556, 'in': 0.029071146152069245, 'was': 0.0268998148650782, 'Mr.': 0.021570341724985762, 'that': 0.021166759198937048, 'is': 0.019476065145132605}, {'is': 0.09145371893143657, 'as': 0.08099990938149366, 'and': 0.06971145365235837, 'seemed': 0.05253211996971562, 'was': 0.04866938878069646, 'him': 0.046939125429692065, 'seem': 0.04311722649425661, 'seems': 0.04211286556301928, 'reason': 0.04139062931708942}, {'and': 0.1293984048071578, 'said': 0.11906453521350747, 'of': 0.11364217924367405, 'in': 0.09576132758257097, 'on': 0.0722926358807621, 'to': 0.06587197118020344, 'at': 0.04288097180467661, 'fact': 0.03534409386718009, 'from': 0.0322846337645405}, {'the': 0.18927580197235688, 'of': 0.10268000335673094, 'to': 0.07193089873803327, 'and': 0.06302722590064451, 'in': 0.035804951354373886, 'for': 0.03552877544733519, 'be': 0.029165863199114864, 'was': 0.021230450879771812, 'is': 0.019324942212557497}, {'the': 0.6511923352084901, 'The': 0.06644111805613274, 'and': 0.04652223968054614, 'assessed': 0.043732628171234106, 'par': 0.042469777260408736, 'tho': 0.03166974773792347, 'in': 0.024405550579555534, 'of': 0.02249678856085686, 'a': 0.022264795678715043}, {';': 0.02255620845960988, 'it,': 0.018938466820205693, 'here': 0.01419691666680549, 'him,': 0.013908502069253172, 'them,': 0.011076069037997814, 'him': 0.009444246935145272, 'up': 0.009440770847772572, 'time,': 0.009063235768169722, 'in': 0.008019594958106535}, {'to': 0.2290409200493107, 'a': 0.1553600600302263, 'the': 0.1388856896124613, 'great': 0.07447024198991097, 'of': 0.05846668729443815, 'in': 0.05608031319628766, 'large': 0.04907920014066542, 'and': 0.046826662296962855, 'full': 0.033600830218420516}, {'the': 0.6405462301943753, 'and': 0.04569651558356067, 'tho': 0.0434397272656658, 'The': 0.028605907441839783, 'said': 0.025248630870239427, 'a': 0.018254895906211325, 'an': 0.016806603460915594, 'tbe': 0.01648835027123179, 'this': 0.011953162518772533}, {'the': 0.09021475027604489, 'and': 0.0728897114419438, 'of': 0.06698765161904402, '.': 0.037834886532291355, 'to': 0.025550935926291304, 'by': 0.02358982970921613, 'Mrs.': 0.02231492202356854, '<s>': 0.019584464883561123, 'Mr.': 0.016579132974519996}, {'the': 0.23082743827968286, 'of': 0.07657859801961335, 'and': 0.05529649522493212, 'a': 0.04962411480521359, 'for': 0.03184036209077861, 'to': 0.024916891489192645, 'in': 0.021522609191119143, 'at': 0.021222195743737647, 'was': 0.017028961081894226}, {'able': 0.06333034543078214, 'and': 0.057489200420798636, 'is': 0.05445189499779616, 'have': 0.051193826043758155, 'him': 0.048367260533454165, 'had': 0.0416959078666224, 'right': 0.0394564535533081, 'enough': 0.03872975251681809, 'willing': 0.037343981635249573}, {'it': 0.1590565889904655, 'they': 0.13590694928184083, 'we': 0.1135057069682682, 'he': 0.08137947666687065, 'you': 0.079027836109729, 'It': 0.07721702354739282, 'that': 0.06933620763638194, 'which': 0.059067645896469845, 'I': 0.05757984766834109}, {'of': 0.1394164304548901, 'the': 0.09015305255503946, 'to': 0.05978571078879822, 'and': 0.05507906644321297, 'a': 0.05468645766106642, 'in': 0.0430823644298479, 'on': 0.033045531499603695, 'that': 0.026390497183483345, 'by': 0.021859351698842663}, {'he': 0.19719036010979096, 'I': 0.17387867601069684, 'they': 0.14371340883442457, 'we': 0.06729615414612393, 'she': 0.05522672595406565, 'that': 0.04502228623840707, 'who': 0.04433207766248836, 'and': 0.04016128732206509, 'it': 0.03993522868792513}, {'the': 0.18381955435890504, 'of': 0.12278628617278592, 'to': 0.06712513641920152, 'and': 0.047137828846930165, 'in': 0.021526543939127712, 'be': 0.021486803358868087, 'for': 0.019537956181941256, '<s>': 0.016423001571341925, 'a': 0.015756752068020165}, {'and': 0.1343003192555246, 'that': 0.035804891818913755, 'a': 0.02379578113820081, 'but': 0.02339415458770792, 'was': 0.02021594242431246, ';': 0.015496623010562637, 'as': 0.014836438464654269, 'is': 0.014211946680728973, 'the': 0.012915339707218159}, {'the': 0.2802210761821608, 'his': 0.22123765998835637, 'a': 0.11340206259140369, 'my': 0.0744957725185624, 'her': 0.07296027609758714, 'and': 0.03224182084948518, 'your': 0.028396517084071073, 'of': 0.027994921869638246, 'their': 0.02330850250938875}, {'<s>': 0.12042123909756847, 'it.': 0.016259754436897145, '.': 0.013223610571147367, 'them.': 0.01095536395818466, 'him.': 0.010295763739159854, 'day.': 0.008434216674062796, 'time.': 0.007531446551358516, 'country.': 0.006963028527612195, 'year.': 0.006494913225254212}, {'and': 0.0969919850673546, 'recorded': 0.06168410033926666, 'that': 0.03190200520134444, 'office': 0.0236716865058172, 'feet': 0.022940381864923563, 'interest': 0.0190107223614559, 'or': 0.01860714080292832, 'payable': 0.018201868855649433, 'as': 0.017805868334014374}, {'the': 0.24173186644873054, 'of': 0.1264804730623645, 'and': 0.08331959595593887, 'a': 0.07678669948469065, 'in': 0.02227872850197047, 'to': 0.019468778320699653, 'or': 0.017891130897969953, 'The': 0.01759084026465017, 'tho': 0.015524648398075488}, {'the': 0.26862496706533917, 'this': 0.16334025839963995, 'any': 0.1435082399424988, 'a': 0.1331306653330453, 'no': 0.11629013754829973, 'every': 0.05049453838846309, 'that': 0.04472500165221797, 'of': 0.0234033758858177, 'The': 0.023251998354479685}, {'of': 0.3756015456239871, 'in': 0.254891427260281, 'to': 0.06962206206521955, 'In': 0.05686885607955016, 'by': 0.05543396790980372, 'at': 0.05271617940302988, 'on': 0.03747473154376431, 'from': 0.03380814668344065, 'with': 0.020150047081638554}, {'and': 0.24187834063029143, 'that': 0.13145689314515463, 'or': 0.04550014793653194, 'but': 0.03889290498513392, 'it': 0.021776683332258774, 'only': 0.020665762621648907, 'made': 0.01529407962680317, 'which': 0.013942826307401375, 'time': 0.013349011122233153}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'.': 0.06160849161727469, 'the': 0.06141457027012069, 'and': 0.045671166104205685, 'of': 0.04218312291350319, 'to': 0.03182967239132327, 'Mr.': 0.025211624905875075, 'Mrs.': 0.02503558869820992, 'Miss': 0.024978400589256586, 'a': 0.022389770384820148}, {'of': 0.09873638258538157, 'and': 0.0921410857712265, 'as': 0.09014562505076942, 'for': 0.08878897081866266, 'to': 0.06985034252129067, 'put': 0.05765177210959779, 'that': 0.04782598511936192, 'in': 0.04777754775066871, 'with': 0.04271330760545837}, {'it': 0.1898936989228213, 'It': 0.08998462207640943, 'there': 0.0790469860324584, 'they': 0.06140208113455, 'that': 0.05582443981464942, 'which': 0.05166683548741283, 'he': 0.0503760176127662, 'and': 0.049222407474872956, 'I': 0.03738029063895694}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'the': 0.17397824264085338, 'a': 0.1332284109531476, 'to': 0.11751038944359068, 'and': 0.06407805100204186, 'in': 0.04053262571227907, 'of': 0.03861205931529473, 'not': 0.03752742826307835, 'abun-': 0.037000237026030794, 'will': 0.02678255478306258}, {'of': 0.3488432839188333, 'in': 0.19374224335504067, 'to': 0.10076934855214537, 'and': 0.048785947734929676, 'that': 0.043831585783504774, 'In': 0.04309473238262674, 'by': 0.04063050413448456, 'for': 0.03718770263086189, 'with': 0.03555448055822798}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'and': 0.018211104949098382, 'that': 0.017226525843126114, '<s>': 0.012573812618856296, '.': 0.010385854055326592, 'it': 0.007335869465997592, ',': 0.007064869318162456, '': 0.006888517009124814, 'which': 0.006807981299254059, 'as': 0.006113463575677343}, {'be': 0.36821252053240205, 'was': 0.13451453744460667, 'is': 0.11553608607912946, 'are': 0.09694294918662152, 'been': 0.07614476904595456, 'were': 0.050512071229389915, 'not': 0.039329842295293835, 'and': 0.035948107060068075, 'being': 0.03272564677048931}, {'to': 0.5323208041230819, 'and': 0.07173255390660793, 'I': 0.07039955467360688, 'they': 0.05649576380782472, 'we': 0.04901836715517627, 'you': 0.045396770798363024, 'would': 0.045204941629534444, 'will': 0.044689356841791546, 'not': 0.03959874894204519}, {'is': 0.22358121922056548, 'had': 0.15869456505562554, 'have': 0.13590757789460903, 'was': 0.1333855115788953, 'has': 0.13217094357909753, 'are': 0.07495647504555619, 'Is': 0.03166964807324965, 'were': 0.025093600133657912, 'do': 0.01949717537368237}, {'have': 0.30582816521704276, 'had': 0.3011712543418025, 'has': 0.19400295604311268, 'was': 0.04036445081415325, 'and': 0.022963443087412386, 'be': 0.02195468846700475, 'is': 0.02026449240865852, 'having': 0.01824968173066677, 'been': 0.018088555042079298}, {'the': 0.48132780935129804, 'The': 0.09718065566759469, 'of': 0.091053759147623, 'this': 0.05775846379917188, 'that': 0.04341682133362609, 'a': 0.027122007847326737, 'and': 0.02280356222043206, 'tho': 0.02226102092919621, 'This': 0.013853454401269475}, {'make': 0.13803292176613285, 'made': 0.12036776717478934, 'put': 0.08306624190431243, 'get': 0.07378122116825654, 'take': 0.06813565587038996, 'keep': 0.06375767793603096, 'taken': 0.05550158707585513, 'give': 0.04822314821834075, 'kept': 0.043317874745216686}, {'the': 0.14053726281295378, 'in': 0.13439993800385786, 'and': 0.12170162364219508, 'of': 0.084099079197643, 'to': 0.07048215004981787, 'or': 0.0547839475044587, 'a': 0.05449331859324221, 'In': 0.03712093427658357, 'at': 0.021422355985920988}, {'the': 0.7216002225116951, 'The': 0.15891510366420294, 'tho': 0.03279938130560911, 'this': 0.016005490253445935, 'tbe': 0.011629793113349789, 'that': 0.0112590143617964, 'This': 0.008620594646824574, 'a': 0.00853482494364909, 'our': 0.0076266778421756045}, {'of': 0.4893759710158676, 'to': 0.08447084653859419, 'on': 0.0755089023528646, 'in': 0.07461587708644347, 'by': 0.06333360383194568, 'and': 0.04333014928368797, 'from': 0.038404984040783914, 'that': 0.03763512844924692, 'at': 0.03696896803335437}, {'and': 0.24512371602155753, 'he': 0.10345465352919536, 'had': 0.07078392144671908, 'be': 0.06443984047715924, 'was': 0.057729228157438285, 'I': 0.04288721314702155, 'have': 0.04181269476336419, 'that': 0.037362866632665075, 'the': 0.036557103319775304}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'of': 0.19045228045911014, 'Mr.': 0.09469884872905729, 'the': 0.08312602234279269, 'and': 0.077177914843372, 'at': 0.06745348885222606, 'by': 0.06239498362692795, 'to': 0.05290290395081858, 'dis-': 0.036548834409796976, 'for': 0.03428920907421351}, {'made': 0.11942847096974421, 'and': 0.07979570471363857, 'caused': 0.029091215056480817, 'shown': 0.028426754301022945, 'up': 0.02777670568714523, 'ed': 0.027617079589566704, 'out': 0.026630159435991316, 'taken': 0.02626602987193105, 'done': 0.02542850605479482}, {'the': 0.37740447668339305, 'a': 0.07177077329278236, 'so': 0.06962352094547704, 'other': 0.06498372158989625, 'to': 0.06377926111111039, 'such': 0.0489738126291687, 're-': 0.046952689019554406, 'tho': 0.042715160751475946, 'and': 0.03985686420637772}, {'I': 0.29117409055992693, 'they': 0.13174499877330337, 'you': 0.10250510453958112, 'we': 0.09783822319751558, 'and': 0.0753990982796197, 'he': 0.052170725703015196, 'who': 0.045080363905771956, 'You': 0.04071249353065055, 'We': 0.03407313757024}, {'the': 0.7052517697378672, 'a': 0.04745792069634887, 'and': 0.03719260884720924, 'tho': 0.030228800006255174, 'in': 0.027685827792804, 'of': 0.026745728556968395, 'The': 0.023764052133207536, 'his': 0.021492343944566176, 'great': 0.014932870758010221}, {'the': 0.2642883624007927, 'of': 0.10326688479244672, 'these': 0.05548926417028937, 'The': 0.052036337694121124, 'his': 0.04806333085235471, 'and': 0.03759727831447018, 'two': 0.03287136725469964, 'some': 0.03180199336655531, 'their': 0.03134507002223345}, {'of': 0.4094263203312464, 'to': 0.10884340954476264, 'in': 0.08108877095114074, 'on': 0.07313446036997456, 'at': 0.07140648371835458, 'by': 0.057453877484312674, 'for': 0.04721199105769105, 'from': 0.04493103755942529, 'and': 0.038497676959701806}, {'the': 0.14151082409493515, 'and': 0.09395826232628794, 'of': 0.08615986759807032, 'to': 0.0646753759550541, 'in': 0.05215270585247155, 'his': 0.03504395116210504, 'be': 0.03490724716723035, 'a': 0.03132327424896905, 'for': 0.02984919584199262}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'and': 0.08475213454213733, 'going': 0.05863481801414243, 'him': 0.055468212966013425, 'is': 0.05446852575445102, 'time': 0.04938725572299159, 'able': 0.04693685028679198, 'as': 0.046853862238022015, 'order': 0.04316502221845618, 'enough': 0.041879329075947255}, {'the': 0.46978551253192896, 'of': 0.09272971862823705, 'Western': 0.09168494451958772, 'and': 0.06449841685531127, 'a': 0.05882906620460274, 'The': 0.03774346959066133, 'tho': 0.025588279157549895, 'large': 0.021117791316261597, 'an': 0.02056178836815113}, {'I': 0.2603929946240397, 'to': 0.12718227753348973, 'we': 0.11170187405841288, 'they': 0.08270943075636826, 'would': 0.07597869220047962, 'We': 0.06819277041136776, 'who': 0.05760132774426267, 'you': 0.05416724903013555, 'will': 0.04587550107554564}, {'one': 0.09256824762898934, 'part': 0.0674274335493596, 'some': 0.05120648280056133, 'out': 0.04944939543362918, 'all': 0.03230362698104824, 'portion': 0.028282467414459354, 'any': 0.023294251004539735, 'much': 0.02210418497572579, 'that': 0.021590985948602686}, {'he': 0.20786989413563015, 'I': 0.10276935996300361, 'who': 0.09330149586052307, 'they': 0.06726709902526262, 'she': 0.05434595869646194, 'and': 0.04974755009242985, 'which': 0.04388005821217511, 'He': 0.03641445868141367, 'that': 0.03592110807205212}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.3262562953300449, 'that': 0.11266913432148525, 'by': 0.1115868674809416, 'to': 0.09149296888617897, 'in': 0.06807427687054692, 'and': 0.06414253597766793, 'for': 0.04355585728838567, 'with': 0.03509915097565986, 'as': 0.03328934441998681}, {'in': 0.30340745016986975, 'of': 0.30161721467485564, 'In': 0.08575285726347794, 'for': 0.06569853092151774, 'to': 0.06261633676326575, 'from': 0.035223480294288845, 'at': 0.03389710630407202, 'on': 0.030715768175502325, 'that': 0.02586807707967082}, {'the': 0.5547264050987768, 'an': 0.13433355798308547, 'The': 0.06899743763170614, 'of': 0.06681826819774009, 'tho': 0.02737815431394217, 'in': 0.027136936156518188, 'his': 0.02567624849800999, 'a': 0.024822764594197737, 'their': 0.02272321566761321}, {'from': 0.09821830115543682, 'and': 0.0966797093952281, 'give': 0.08582951007349986, 'of': 0.08152249891671509, 'for': 0.07806688068756264, 'with': 0.06781965595597225, 'as': 0.06658231777668028, 'in': 0.06430790275646908, 'that': 0.0513396511048587}, {'and': 0.1971351286031156, 'that': 0.11700071077119414, 'time': 0.06517033828821377, 'but': 0.05746111921783239, 'day': 0.04873976500535164, 'which': 0.02173877712006624, 'do': 0.017474088916891777, 'days': 0.015079912691292312, 'the': 0.014780657957290439}, {'the': 0.3699071587783065, 'this': 0.19747393486335119, 'last': 0.10883382041360296, 'a': 0.10396669659072424, 'next': 0.03581396246869668, 'every': 0.025755431083602676, 'The': 0.02544167620299604, 'first': 0.023273160825854938, 'that': 0.022833545047381974}, {'a': 0.13326010022644788, 'the': 0.11378455441743222, 'of': 0.10028899223945181, 'and': 0.09431486957949671, 'to': 0.05980036912590545, 'in': 0.054083217259166316, 'for': 0.05310007522305343, 'that': 0.03503192327240865, 'by': 0.026177663580490545}, {'N.': 0.2801291565886365, 'S.': 0.2179134450201251, 'north': 0.10402871631932994, '8.': 0.07877395186559752, 'south': 0.05720385386768743, 'thence': 0.03293645083084034, 'and': 0.019363285574567457, 'of': 0.016175165266367135, 'lot': 0.014120252698399316}, {'him.': 0.04961711876880004, '<s>': 0.03553289620968723, 'it.': 0.02965031458706585, 'them.': 0.017790490900011852, 'life.': 0.014216816826969214, 'time.': 0.012480459263010524, 'years.': 0.012422369725286268, 'her.': 0.012311542122820549, 'man.': 0.009999099494412826}, {'the': 0.44394368711580684, 'The': 0.23590393420808592, 'and': 0.06366555769749896, 'to': 0.04040051655042347, 'of': 0.028156435297298596, 'tho': 0.02379279034553747, 'that': 0.02314778054564895, 'a': 0.021672668900923304, 'his': 0.018711520847970793}, {'the': 0.19670387957172328, 'of': 0.12034700726956073, 'a': 0.08438228089640598, 'to': 0.07002755359439007, 'and': 0.06281574081115311, 'be': 0.0453128674171294, 'in': 0.03379866218947241, 'is': 0.03220276533394172, 'not': 0.029189418599409524}, {'as': 0.10165657989404907, 'and': 0.06674727927470628, 'up': 0.05377493881601949, 'him': 0.03965329214023789, 'came': 0.038371012946889285, 'them': 0.03742860649292744, 'come': 0.037191159938243935, 'it': 0.035031358646387456, 'is': 0.03323982725657548}, {'the': 0.20051323864213347, 'of': 0.1121580187173921, 'to': 0.0794610807632604, 'and': 0.07830144778943067, 'a': 0.05649848262681797, 'in': 0.03454089741191692, 'be': 0.030242460953634313, 'is': 0.024885437758660686, 'for': 0.024600508670062263}, {'to': 0.21632429755082455, 'with': 0.18161330190770125, 'for': 0.10759493537494844, 'of': 0.0989977171520572, 'upon': 0.05762995705620102, 'on': 0.045403318451653754, 'against': 0.040446100669387544, 'in': 0.03144617983014748, 'from': 0.030823024192253246}, {'at': 0.20019574401943915, 'of': 0.1806013158406764, 'in': 0.14833252573679828, 'to': 0.08127886317173648, 'on': 0.06498511204165315, 'for': 0.0648944728858489, 'and': 0.057868996324392234, 'that': 0.040296604571923675, 'from': 0.038253800346840276}, {'the': 0.2076587724451074, 'of': 0.09079456350022899, 'a': 0.06513495320844159, 'and': 0.05043536484936086, 'to': 0.042250948617553796, 'in': 0.02815930571178313, 'or': 0.026691185077378707, 'that': 0.0229960448549321, 'The': 0.020804438881788796}, {'and': 0.3195831129622531, 'of': 0.03841629837665841, 'that': 0.032560624895192465, 'by': 0.027274208847118224, '<s>': 0.01731878716858424, 'to': 0.0144140460589944, 'said': 0.0063468137150581895, 'sister,': 0.005794862659089519, 'from': 0.005409610011680385}, {'and': 0.10459018168265463, 'the': 0.09515440883436244, 'a': 0.04129388761153828, 'A': 0.0390074456299707, 'Mrs.': 0.03192638256569798, 'of': 0.02697353111376246, '.': 0.022635233781364502, '<s>': 0.02244879773139278, 'Miss': 0.02031589612742257}, {'of': 0.2605441697547923, 'in': 0.22258799995896913, 'and': 0.09792444619667581, 'to': 0.08429378879303955, 'on': 0.07367934567225169, 'for': 0.04865134501170624, 'with': 0.037182733769668366, 'from': 0.03704703395681235, 'In': 0.034000683497395254}, {'the': 0.23616310928667109, 'I': 0.1803301845368667, 'a': 0.11763623528433127, 'and': 0.06875061113746178, 'not': 0.06371233307837412, 'we': 0.0573856302582441, 'to': 0.04737816018891852, 'you': 0.03232452664941656, 'who': 0.03189982955926504}, {'out': 0.07790998529144594, 'number': 0.038075164508967294, 'amount': 0.03553970539782379, 'place': 0.029871897013434772, 'purpose': 0.02854254138769511, 'cost': 0.025065527480772645, 'line': 0.021501535006461295, 'tion': 0.020155879880484017, 'board': 0.020029224141735857}, {'part': 0.05244573274832523, 'out': 0.030107027354241755, 'one': 0.02987713695597281, 'side': 0.02872465837645074, 'day': 0.0248736684474229, 'and': 0.01378279826171373, 'portion': 0.013775262886354382, 'that': 0.012504962072067418, 'case': 0.012264293525391972}, {'<s>': 0.0808788457198229, 'it.': 0.032913204877648046, 'them.': 0.023918522925408834, 'him.': 0.01292944631403089, 'time.': 0.012201494012258412, 'country.': 0.009674188385867189, '.': 0.00894232077487821, 'day.': 0.008487097222284438, 'life.': 0.0077404240628253605}, {'the': 0.15855998147508585, 'of': 0.11232663551036857, 'and': 0.09766574948240145, 'to': 0.05470039204344779, 'in': 0.04242495638584383, 'that': 0.03163904012251345, 'for': 0.02757741991694945, 'by': 0.025494887981015447, 'on': 0.019145184835765404}, {'it': 0.14790073047012525, 'which': 0.09052775344459273, 'he': 0.08373109350290484, 'It': 0.07701530725457068, 'and': 0.06471575159885642, 'that': 0.06344444553901543, 'be-': 0.05160105973965593, 'who': 0.035658042370556586, 'there': 0.028264036269642086}, {'there': 0.2909043665052379, 'There': 0.15435874282696693, 'they': 0.1003411151360792, 'and': 0.041610197136343445, 'who': 0.041196533833088946, 'They': 0.03061999784500396, 'we': 0.02861935061684947, 'which': 0.025979135081339318, 'that': 0.01727501532591822}, {'the': 0.6563235924210048, 'a': 0.09673740685137314, 'of': 0.03949766618644942, 'The': 0.038242583384732215, 'tho': 0.026667123250757575, 'until': 0.022454843481653584, 'and': 0.01995825609393598, 'this': 0.014927203180060503, 'too': 0.013839250636244136}, {'it': 0.17446210238267795, 'It': 0.16512138039676244, 'This': 0.11580779511931819, 'which': 0.07131888702327785, 'that': 0.06268754379599907, 'this': 0.05652048471821813, 'and': 0.04054529143452458, 'there': 0.036840538093569096, 'he': 0.03013409703322793}, {'the': 0.206159241806719, 'a': 0.12556014305145355, 'of': 0.11517244801015267, 'in': 0.06282471624846314, 'for': 0.04794139501911967, 'and': 0.04006888308205171, 'to': 0.02992856436985244, 'by': 0.027767850359726624, 'his': 0.020309930668329625}, {'was': 0.24472100481408918, 'be': 0.15213374627988852, 'is': 0.14120367435860487, 'been': 0.12625840120231138, 'were': 0.058555988879633446, 'are': 0.047608164536882984, 'being': 0.033834718551626404, 'and': 0.032107780627895356, 'had': 0.0295379888865529}, {'it': 0.16577130814583219, 'he': 0.15105213737825782, 'I': 0.1002453459339446, 'they': 0.0686073642566434, 'that': 0.05943571941198388, 'who': 0.05183918033273583, 'and': 0.05151343835700033, 'It': 0.050450101492891065, 'which': 0.04594761578653598}, {'of': 0.2121641978876822, 'his': 0.20126803324932838, 'a': 0.1400547969749681, 'the': 0.10591483779007575, 'my': 0.10099120880761654, 'her': 0.08418184612907044, 'for': 0.0271369240478519, 'your': 0.02091419488813973, 'their': 0.019614146522183816}, {'the': 0.16828502693912337, 'a': 0.10049035792373572, 'of': 0.09714863402219891, 'and': 0.08498858750174614, 'for': 0.04564741696849832, 'in': 0.04451674435332598, 'at': 0.039273287520597534, 'that': 0.03520836574136366, 'to': 0.03459030077211065}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'and': 0.06740387893644169, 'not': 0.036800126593684576, 'them': 0.029205362293191754, 'up': 0.027773998678462593, 'it': 0.02388831779225262, 'there': 0.023309511775246892, 'continued': 0.021616797365659385, 'him': 0.020240161219763082, 'her': 0.01913566102332925}, {'of': 0.10631112473892627, 'the': 0.09943241832474299, 'and': 0.08159794106622675, 'to': 0.08044019399615582, 'a': 0.0411705846870669, 'be': 0.032482607452970214, 'was': 0.026600329505008413, 'or': 0.02456876992697593, 'is': 0.021232665187409037}, {'of': 0.2922128129558814, 'in': 0.2313654852238454, 'to': 0.12090737973631688, 'In': 0.05653017321589929, 'for': 0.05487568343636879, 'from': 0.04963838791369905, 'by': 0.045940387153518523, 'on': 0.044900697934321554, 'with': 0.041461796144142304}, {'hundred': 0.01444191217773428, ';': 0.011834673680375107, 'him': 0.010388473796696067, 'one': 0.00968896846901267, 'feet': 0.009556811899111724, 'up': 0.008880191153313928, 'mile': 0.007973380143655012, 'feet,': 0.007606228831470488, 'time': 0.007287466987906896}, {'a': 0.2398399769483688, 'the': 0.1901510592265552, 'to': 0.1384480609882178, 'and': 0.08562294418005545, 'I': 0.04833757123361214, 'we': 0.03898451936340466, 'who': 0.03469664531003834, 'they': 0.03141625006995459, 'The': 0.02751204348096871}, {'and': 0.08713263962263781, 'right': 0.08636544899659951, 'as': 0.06230323139904492, 'is': 0.05696153631142205, 'able': 0.05211710101990177, 'them': 0.04546857276253675, 'necessary': 0.04193860724496977, 'him': 0.040206355978146605, 'time': 0.03735941613202288}, {'and': 0.1707209562378123, 'of': 0.15450569056805563, 'to': 0.07831049607852746, 'are': 0.06044211813049151, 'with': 0.0588037603892459, 'at': 0.057494801125417536, 'that': 0.05684102385661781, 'was': 0.05365145051662024, 'in': 0.04859446065072292}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'Mrs.': 0.11498328938332081, '.': 0.061779333573534614, 'Mr.': 0.05712102652745101, 'and': 0.041225458388891016, 'of': 0.039492506187447915, 'Dr.': 0.028103368846816124, 'J.': 0.027768249871811743, 'by': 0.025863743574627764, 'W.': 0.02537848326126915}, {';': 0.022701560046608303, 'mortgage': 0.018576925300078186, 'Mr.': 0.012628980601891084, 'street': 0.01047411156007901, 'mortgage,': 0.01016011461735465, 'contained,': 0.00842954705746895, ',': 0.008351941030909362, 'feet': 0.007105678108258772, 'one': 0.006572430905262028}, {'and': 0.08604348650050357, 'is': 0.07547924536398179, 'as': 0.04901580910117471, 'him': 0.046922177088033985, 'was': 0.046234408189432856, 'not': 0.04190047683473372, 'necessary': 0.04140543984549285, 'have': 0.03881870805337255, 'them': 0.03611064536398133}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'hundred': 0.01444191217773428, ';': 0.011834673680375107, 'him': 0.010388473796696067, 'one': 0.00968896846901267, 'feet': 0.009556811899111724, 'up': 0.008880191153313928, 'mile': 0.007973380143655012, 'feet,': 0.007606228831470488, 'time': 0.007287466987906896}, {'to': 0.3465985811778675, 'will': 0.20202054325657587, 'may': 0.09134589087904205, 'shall': 0.06533738596148371, 'can': 0.06417176105736912, 'should': 0.061699520503265784, 'would': 0.050336738423718316, 'must': 0.04455469696001086, 'could': 0.04118160300521281}, {';': 0.021457487975289093, 'up': 0.014569926875739408, 'him,': 0.00800685213101759, ',': 0.00776950106792161, '.': 0.007615495307243892, 'it,': 0.007260545886060709, 'street': 0.007105672377771431, 'in': 0.006635094261867814, 'hundred': 0.00620481604165952}, {'of': 0.2984754518051319, 'the': 0.14130582160001287, 'and': 0.10548863422919724, 'a': 0.09757670305661617, 'in': 0.07417589025890364, 'with': 0.044058045316352504, 'by': 0.0424853636732227, 'to': 0.03415916628722207, 'for': 0.02713401108135686}, {'of': 0.27265374285559296, 'the': 0.2688334924342337, 'our': 0.05695870497899866, 'their': 0.05010264580873133, 'and': 0.04456701888883423, 'The': 0.030478574534498957, 'his': 0.025764521770967445, 'all': 0.01713311657119994, 'or': 0.01702532227598375}, {'the': 0.14517560055032913, 'and': 0.10036271317786162, 'of': 0.09500378148282847, 'to': 0.07376273095903182, 'be': 0.044598635029191196, 'a': 0.03631923823144349, 'was': 0.035673333465864404, 'at': 0.02739104829636097, 'in': 0.026270180268733814}, {'and': 0.15447967570559198, 'he': 0.11318605122251306, 'it': 0.10243468534599959, 'which': 0.08618008041238018, 'who': 0.08391164873343533, 'It': 0.07849298178464735, 'has': 0.052490456422370685, 'had': 0.049947617685488964, 'He': 0.049794223405411335}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'the': 0.7052517697378672, 'a': 0.04745792069634887, 'and': 0.03719260884720924, 'tho': 0.030228800006255174, 'in': 0.027685827792804, 'of': 0.026745728556968395, 'The': 0.023764052133207536, 'his': 0.021492343944566176, 'great': 0.014932870758010221}, {'the': 0.4259112906079352, 'at': 0.1646537897156027, 'of': 0.15255990841654465, 'for': 0.059885696292511365, 'in': 0.051597081926349944, 'a': 0.034307030903500894, 'our': 0.023973119558390658, 'tho': 0.018725019028901963, 'their': 0.01783544200483869}, {'to': 0.5606049428246652, 'the': 0.1008562623574151, 'will': 0.06419855004860826, 'and': 0.06318331497987173, 'shall': 0.06182725795572414, 'may': 0.04171691730768367, 'a': 0.033085335509736, 'would': 0.029986866215270268, 'should': 0.014723903187184053}, {'him': 0.02494659599230191, ';': 0.01487772965405297, 'man': 0.012826628951379817, 'him,': 0.01053555299716851, 'up': 0.010332831893804855, 'and': 0.010083138836835061, 'himself': 0.009258682528632555, 'in': 0.008913702740427201, 'man,': 0.007933669360602887}, {'the': 0.2176475034494582, 'of': 0.14567572444127788, 'and': 0.06191808329671086, 'a': 0.05334838509445824, 'to': 0.04809708720324561, 'in': 0.03199597165430182, 'for': 0.03042194384139912, 'or': 0.026580277913706665, 'The': 0.020721564121140606}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'was': 0.1394385469949018, 'and': 0.1206147685592273, 'is': 0.11375957284322141, 'be': 0.07100690552601087, 'are': 0.06576983889985843, 'been': 0.06464878121367518, 'not': 0.06207318627806459, 'or': 0.06085669312499753, 'were': 0.04825005259589341}, {'the': 0.2927718821182676, 'of': 0.10304401081365484, 'to': 0.05375007541609378, 'in': 0.05153694102950825, 'and': 0.04234711069902532, 'a': 0.030827282893517015, 'at': 0.027101226400904843, 'by': 0.0235926495159881, 'that': 0.018091743805967536}, {'the': 0.10074915431511007, 'at': 0.08872061108624321, 'No': 0.08486036043459674, 'No.': 0.08222356153209649, 'and': 0.07770707221540225, 'a': 0.029177642701118847, 'about': 0.02791883437380058, 'on': 0.02662382747725974, 'of': 0.022186273940808902}, {'and': 0.1313056501793289, 'made': 0.034551030036317, 'necessary': 0.03191530070016697, 'provide': 0.023191256277008975, 'him': 0.021827387004521748, 'time': 0.02091411247587312, 'but': 0.020346196766889778, 'pay': 0.02006785098451588, 'responsible': 0.019399383232926184}, {'foreclosed': 0.09634386882946343, 'accompanied': 0.06914744523154118, 'made': 0.062220870833543704, 'and': 0.059623448501614024, 'followed': 0.05567422914917625, 'surrounded': 0.03148136347170944, 'up': 0.026111816226809845, 'caused': 0.02316153437489157, 'secured': 0.022889564253045367}, {'and': 0.10500435636493026, 'that': 0.07768419409351075, 'a': 0.04681086501201833, 'one': 0.031757979836611126, 'but': 0.023161404637420148, 'long': 0.023039683063968152, ';': 0.022782028768894638, 'worth': 0.01779439800608097, 'and,': 0.01422011942774645}, {'of': 0.4789872240324377, 'to': 0.10179144932399815, 'in': 0.08111732970564735, 'by': 0.07342996973410981, 'that': 0.05653378386355394, 'and': 0.04283395997603881, 'from': 0.03490773217314617, 'with': 0.027800272828778307, 'at': 0.02314970979456788}, {'they': 0.12968027675087954, 'we': 0.11720866917569675, 'he': 0.11301217786034423, 'I': 0.10915623545986541, 'it': 0.0780942537105434, 'that': 0.049429927787649444, 'you': 0.04766443861629837, 'which': 0.046050265781175416, 'and': 0.04018505934212304}, {'I': 0.2598282957996882, 'we': 0.13957909730737045, 'they': 0.1388188210180517, 'We': 0.09412798836302537, 'who': 0.059590244341527994, 'to': 0.05349153900233156, 'and': 0.044784269505557875, 'you': 0.04266533122354936, 'They': 0.03252473414757809}, {'the': 0.47486322029013595, 'in': 0.11167337147558544, 'of': 0.10305535667732874, 'to': 0.07501063744745227, 'this': 0.046662616652727425, 'at': 0.03716738872013957, 'tho': 0.029614262928435154, 'In': 0.02874714821932279, 'The': 0.021345405223189673}, {'the': 0.21994355163298282, 'other': 0.11311671965426416, 'and': 0.10670354891253485, 'his': 0.055781638131232, 'more': 0.05205221395643667, 'as': 0.04462619507769888, 'two': 0.042623402365887214, 'of': 0.0425508475949121, 'a': 0.039730731980577555}, {'the': 0.2523996570887529, 'a': 0.10928270972205247, 'of': 0.07486676229323375, 'and': 0.061802289712804916, 'to': 0.050258262938628305, 'The': 0.03907046174632961, 'with': 0.026023979597311397, 'an': 0.02347591167879698, 'in': 0.017487941232678814}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'the': 0.386845875845937, 'a': 0.2504152103314166, 'The': 0.07135637030863538, 'and': 0.03419446065989701, 'tho': 0.03193437704715443, 'consumptive': 0.021920897536462865, 'other': 0.015887777074024598, 'of': 0.015886998032293008, 'tbe': 0.01489739261111547}, {'the': 0.19670387957172328, 'of': 0.12034700726956073, 'a': 0.08438228089640598, 'to': 0.07002755359439007, 'and': 0.06281574081115311, 'be': 0.0453128674171294, 'in': 0.03379866218947241, 'is': 0.03220276533394172, 'not': 0.029189418599409524}, {'and': 0.19880875124580277, 'the': 0.15009913655647583, 'of': 0.05443486127461451, 'a': 0.05417600976568962, 'an': 0.05155850354163402, 'his': 0.04647453578408898, 'their': 0.04368368774963108, 'her': 0.030017117015875262, 'is': 0.027093374243978216}, {'be': 0.19531238218575409, 'was': 0.17917651601745824, 'is': 0.1343324396899598, 'been': 0.08992349430697219, 'and': 0.0838990509733599, 'were': 0.058614313023755714, 'have': 0.05159674342731841, 'the': 0.05034820010590059, 'are': 0.04891284234491046}, {'it': 0.18143874199255758, 'there': 0.10331969695424356, 'It': 0.09198639939220059, 'which': 0.08073126991269376, 'they': 0.06240522313208139, 'that': 0.054082648531678275, 'and': 0.05144105994683339, 'he': 0.03253148924096088, 'There': 0.03214778196988864}, {'the': 0.31630066801403645, 'and': 0.18822647424348043, 'or': 0.10398333363998005, 'of': 0.09086178371300488, 'in': 0.06511770303809103, 'any': 0.06320085444587178, 'to': 0.04224936002236088, 'all': 0.038964331789716145, 'at': 0.036077069483167655}, {'a': 0.18339577203423826, 'the': 0.14815067284956202, 'of': 0.09179814340796776, 'and': 0.05133844675873767, 'to': 0.03682082658247164, 'The': 0.02321419543366819, 'in': 0.021668866350216098, 'that': 0.021664889945489266, 'an': 0.020304735675620578}, {'the': 0.4046001953026486, 'a': 0.11067149697763648, 'of': 0.09982843606247034, 'and': 0.07977586142720199, 'on': 0.07333817051785599, 'said': 0.07302952411809276, 'described': 0.03965667343385754, 'The': 0.035409534101791255, 'tho': 0.02473159992057876}, {'of': 0.10776520614265969, 'the': 0.09642153598288468, 'a': 0.0614537714704945, 'and': 0.052166882850088706, 'at': 0.031708309608170004, 'to': 0.027829858679460032, '.': 0.027328551826188693, '<s>': 0.026382308951666097, 'in': 0.022628192825338043}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'of': 0.09818883693802144, 'and': 0.038503652032103736, 'to': 0.026600465356521913, 'Section': 0.021611563372362103, 'for': 0.021016138419218875, '.': 0.020353470344586847, 'No.': 0.020251164483712048, 'New': 0.018861538860955554, 'June': 0.017443305995807224}, {'of': 0.3187883211619699, 'to': 0.10604095200963648, 'and': 0.1011727640553806, 'in': 0.08056057981585407, 'for': 0.06569782228010496, 'that': 0.060404985018238364, 'by': 0.04983688292945206, 'with': 0.046114024587732214, 'all': 0.03841933926326171}, {'the': 0.1737262047395458, 'all': 0.1306941919821397, 'of': 0.12941602961399873, 'a': 0.11588321099373437, 'and': 0.08811315434471866, 'in': 0.0413636001383508, 'most': 0.040916517857073495, 'to': 0.021128446967176185, 'that': 0.020186064133592307}, {'to': 0.7822438760473082, 'will': 0.05146683905361472, 'and': 0.03693398712360019, 'shall': 0.024704627741423162, 'can': 0.02378935022713069, 'not': 0.019313939936435393, 'could': 0.0178187335006777, 'we': 0.014344622193214434, 'should': 0.013586204685583622}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'and': 0.11668015282722721, 'covered': 0.05892305523948258, 'filled': 0.03904780388102992, 'but': 0.03710436242645396, 'up': 0.029988407605198886, 'together': 0.029477263482717602, 'it': 0.021582255318402636, 'him': 0.021083291569823633, 'was': 0.019846102754332188}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.1677358806731248, 'of': 0.14213068286338554, 'and': 0.11548949370087304, 'in': 0.08142395801106306, 'a': 0.04759725329984451, 'was': 0.04180326252080823, 'is': 0.03301953996150877, 'are': 0.028585562231514504, 'be': 0.02738162752299306}, {'hundred': 0.03489541017787307, 'up': 0.02312793672547315, 'time': 0.018778494713890925, 'street': 0.01739901032970656, 'dollars': 0.014790938613219822, 'boys': 0.013961575281646732, 'women': 0.011039023737775868, 'wife': 0.010857317886304146, 'land': 0.01079666593478478}, {'that': 0.1855838831176263, 'and': 0.13078532632929357, 'as': 0.11899055243614111, 'which': 0.08740145329530724, 'if': 0.0625403423847879, 'but': 0.05862494344522629, 'when': 0.05799476708753419, 'where': 0.036334195166925175, 'what': 0.023062740399085728}, {'was': 0.15591102409895716, 'and': 0.11733372173729763, 'be': 0.09988314707170029, 'have': 0.0818302617326702, 'is': 0.06924693523769143, 'were': 0.06123490579177628, 'had': 0.05605329450915948, 'are': 0.055867891373590856, 'been': 0.054114760006833636}, {'that': 0.25254878072888487, 'which': 0.1467337682766322, 'if': 0.13854428606768, 'as': 0.10670672913441152, 'when': 0.09170046417575489, 'and': 0.06324279321037161, 'but': 0.030308755300917846, 'where': 0.030138856674275804, 'If': 0.029608220964817047}, {'and': 0.1175774971983863, 'the': 0.097246272989437, 'of': 0.07559743354447596, 'to': 0.07275441835525306, 'which': 0.029340410528513803, 'be-': 0.0268136125203793, 'that': 0.025114745766276394, 'a': 0.022909572420426252, 'he': 0.022232306875517433}, {'to': 0.2699925124665765, 'in': 0.16621677154990747, 'a': 0.1178687671863488, 'the': 0.11000675332028481, 'and': 0.04770441417346497, 'of': 0.04366781272473247, 'In': 0.03331062177666972, 'great': 0.02489213278901832, 'full': 0.02445250832735939}, {'to': 0.2718925191753955, 'will': 0.20032126190847457, 'may': 0.0966953146227039, 'shall': 0.08750988282062752, 'should': 0.07824494827440315, 'would': 0.07386181173843631, 'not': 0.048347573701908675, 'can': 0.04691457669903672, 'must': 0.04678558700087591}, {'it': 0.02367677959165949, 'him': 0.01812234565062229, 'in': 0.01509448907696207, ';': 0.012242317899835644, 'them': 0.011677111736773431, 'made': 0.011609942985999624, 'it,': 0.010939491537401688, 'them,': 0.01091267115230939, 'and': 0.010225382212924518}, {'hundred': 0.7496900266814228, 'dred': 0.03685282149149282, 'dollars': 0.03555737080619778, 'due': 0.008809195003093717, 'five': 0.005534730258461917, 'one': 0.003540413521651173, 'two': 0.0029255372970995626, 'Hundred': 0.002914534611479333, 'four': 0.0027446865957953307}, {'the': 0.395273625399465, 'of': 0.16274264383203754, 'a': 0.09326779876410059, 'in': 0.06098355936612191, 'and': 0.056180175717117024, 'The': 0.04902975492494683, 'no': 0.047165376064377644, 'their': 0.039954155439461465, 'any': 0.03369851688968475}, {'the': 0.21539052033169115, 'of': 0.17730340988270923, 'and': 0.07338253644421608, 'a': 0.0421789056041129, 'to': 0.041460980038364716, 'in': 0.0281454848036503, 'The': 0.027779641133282483, 'that': 0.02139308374505875, 'by': 0.02048072794196999}, {'sum': 0.016328629329483636, 'out': 0.011199130054419226, 'amount': 0.01098427885233564, 'number': 0.010966495951007758, 'Board': 0.010606384122442537, 'day': 0.009994987531108633, 'line': 0.009797732497612439, 'county': 0.00968943267720081, 'purpose': 0.008481733832078262}, {'the': 0.16586117597037195, 'of': 0.1501669156888024, 'a': 0.1284026754071015, 'in': 0.03936512518052641, 'and': 0.03724094192608464, 'for': 0.03575946655449236, 'to': 0.029772657929868596, 'that': 0.02177497962173596, 'which': 0.01670269896374313}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'-': 0.07559683470739388, 'ti': 0.06280170822252946, 'to': 0.04302956256505054, 'tl': 0.035373631581712986, 'of': 0.02808824946734746, 'I': 0.023211271057223943, 't': 0.023117574373424075, '.': 0.021473016088406884, 'a': 0.02057352898163186}, {'of': 0.32645616997606214, 'in': 0.09349684256507844, 'for': 0.09235497094789534, 'and': 0.08587310386356996, 'that': 0.07859696089883524, 'to': 0.07050688767237107, 'on': 0.048353149923559775, 'with': 0.04344931678417093, 'by': 0.027657208268521034}, {'in': 0.14557440865169408, 'of': 0.11289327825509128, 'the': 0.08527392821259443, 'and': 0.06437529982342059, 'for': 0.05488254176673715, 'a': 0.03808718814306912, 'to': 0.03699595218284497, 'In': 0.034301016692017613, 'was': 0.019868772630116955}, {'be': 0.299108285771659, 'been': 0.10785506145822595, 'was': 0.09563669200951812, 'I': 0.08925251054327814, 'ever': 0.08081916099552955, 'have': 0.07635210790390971, 'he': 0.060841743617694476, 'had': 0.05694006675629573, 'never': 0.05215417676539058}, {'to': 0.3395431249154572, 'will': 0.22991449046079904, 'would': 0.10798110053376479, 'shall': 0.08100614948062931, 'may': 0.06922424311004756, 'should': 0.04916818176452983, 'not': 0.03252566375084792, 'must': 0.03245630386461755, 'can': 0.01667928489338863}, {'to': 0.34378129718365846, 'will': 0.15287135864951518, 'would': 0.08615903395787451, 'may': 0.07844929048361882, 'should': 0.05682249178971402, 'shall': 0.05432412913287461, 'not': 0.05091775331157668, 'must': 0.03610577244404393, 'can': 0.03580596083245932}, {'the': 0.34483942410241397, 'The': 0.23061629292798153, 'this': 0.13113112849846642, 'a': 0.07611628947347876, 'that': 0.06260526518586564, 'This': 0.05770930981522819, 'his': 0.022267798740420324, 'tho': 0.020107045673237053, 'whole': 0.017454549012476454}, {'was': 0.2702104548111933, 'be': 0.17767283472391115, 'and': 0.12728466802755364, 'were': 0.1137814744469405, 'are': 0.05736541172709344, 'is': 0.056113707983100974, 'been': 0.05466579940066563, 'a': 0.030906420239054187, 'very': 0.030066034866830536}, {'of': 0.17992761180963826, 'the': 0.17749902443055282, 'in': 0.12331696780694086, 'to': 0.08429953974283229, 'at': 0.0665654509356599, 'from': 0.05061452035039849, 'and': 0.050564158822663886, 'In': 0.035315059982155145, 'by': 0.022194843700130626}, {'is': 0.13597287962495477, 'was': 0.132069969162431, 'are': 0.13074714482060631, 'a': 0.12145590184406085, 'the': 0.10274506319783284, 'were': 0.08168501641722509, 'be': 0.06761288641705025, 'and': 0.04234216177763501, 'his': 0.03703080987202387}, {'girl.': 0.13729944658869933, 'boy.': 0.134823431558329, 'of': 0.07831811427557306, 'the': 0.03184457135101249, 'lots': 0.023166885259620615, '.': 0.023064641371976648, 'and': 0.0211774526931534, '<s>': 0.01926031405384633, 'St.': 0.015500827272815343}, {'the': 0.11617300569447489, 'of': 0.11140816985333526, 'and': 0.07074014744870147, 'to': 0.06535058629741988, 'a': 0.04429843779039152, 'in': 0.04227620725253903, 'at': 0.04219923780741215, 'by': 0.022011826066802413, 'for': 0.019280314507830493}, {'the': 0.3943427543046071, 'The': 0.11735237923946747, 'a': 0.0853052800399426, 'distressing': 0.05579283284221884, 'of': 0.037944361609569814, 'other': 0.03493603087600563, 'no': 0.03393156836631564, 'our': 0.03296126632098592, 'and': 0.032054394942125995}, {'go': 0.07099554973997957, 'them': 0.06509626407382893, 'put': 0.06375620955512633, 'come': 0.060976491184314155, 'went': 0.05364159743907119, 'came': 0.05102153794347943, 'brought': 0.050231121633442434, 'back': 0.04765730623502045, 'it': 0.04621421926529465}, {'of': 0.3309738856791637, 'in': 0.14417337845995784, 'to': 0.09315578172909716, 'for': 0.08740274590577604, 'at': 0.08582654752611708, 'and': 0.05797164630456832, 'that': 0.040067716987824596, 'by': 0.03760220379429118, 'In': 0.034377965028489686}, {'to': 0.19681522659604217, 'the': 0.1715199186438256, 'took': 0.10108636848379386, 'a': 0.096111468880039, 'take': 0.08789038312942826, 'taken': 0.05781166669073462, 'and': 0.054493690722126904, 'that': 0.0413113296852511, 'in': 0.0397202949675184}, {'the': 0.2694627942205778, 'of': 0.1043663505964006, 'and': 0.06574884134492942, 'in': 0.06513589035886652, 'his': 0.059457727195868997, 'their': 0.05123662388603796, 'this': 0.04871946372110733, 'that': 0.041175094130229364, 'or': 0.03243896646418646}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.12336494785405008, 'of': 0.09847305356894266, 'a': 0.08560366484507075, 'Mr.': 0.05255180259254803, 'and': 0.05226406650464833, 'to': 0.04542034346616952, 'in': 0.042143470933531206, 'at': 0.03088579992871574, '.': 0.030825230561831018}, {'made': 0.11942847096974421, 'and': 0.07979570471363857, 'caused': 0.029091215056480817, 'shown': 0.028426754301022945, 'up': 0.02777670568714523, 'ed': 0.027617079589566704, 'out': 0.026630159435991316, 'taken': 0.02626602987193105, 'done': 0.02542850605479482}, {'and': 0.11284257826127583, 'of': 0.1028386743393509, 'in': 0.0683783264336754, 'that': 0.06737667849673193, 'put': 0.06437484952751547, 'on': 0.057591668618214895, 'as': 0.057529197664354784, 'make': 0.0484978246816776, 'take': 0.04243784034650628}, {'of': 0.14503418120631556, 'Mr.': 0.09985190684699687, 'the': 0.08751151966901627, 'and': 0.05958356474180438, 'to': 0.03943884195022231, '.': 0.03128535206372605, 'a': 0.025896840868402125, 'was': 0.022162915377185087, 'his': 0.020692699276601105}, {'and': 0.0981557400180431, 'day': 0.0758032990148765, 'which': 0.06810844075233302, 'he': 0.06296354138449348, 'who': 0.05053243452434657, 'was': 0.03479844144443329, 'I': 0.03162399608530055, 'He': 0.029100292908292708, 'be': 0.02881990339566196}, {'of': 0.16908143351536653, 'the': 0.1681755845422688, 'in': 0.10385138014553563, 'to': 0.07802457555014436, 'and': 0.054876144771039026, 'a': 0.05179845070402853, 'In': 0.026502651708662853, 'for': 0.02102136233950971, 'from': 0.021014680745212944}, {'well': 0.17562373364969525, 'far': 0.09243129357301015, 'so': 0.06322362083872499, 'and': 0.047939640337588026, 'soon': 0.045951759203986434, 'such': 0.03910100605741068, 'it': 0.03305028569624463, 'much': 0.031162565063403723, 'known': 0.029840041949144254}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'<s>': 0.05853076640687723, 'that': 0.05360000315563107, 'and': 0.028468892423494714, 'it.': 0.024960893987115183, 'but': 0.01735835078593881, 'as': 0.014815840893292666, 'them.': 0.014318802615316317, 'country.': 0.011732596730942993, 'of': 0.011348659858762027}, {'put': 0.14424213909610512, 'taken': 0.12041576946972621, 'made': 0.08069340850553207, 'came': 0.06823549768278292, 'set': 0.06497291990013263, 'it': 0.053155013044472815, 'come': 0.05196932944057983, 'locked': 0.04494896584335023, 'picked': 0.043499003874534516}, {'of': 0.37801987687800326, 'in': 0.15284081557092635, 'to': 0.08778938466228974, 'In': 0.04700816141813068, 'that': 0.04252946715914091, 'for': 0.04167777519437705, 'by': 0.03795272869101662, 'and': 0.03672477113784621, 'on': 0.035641453486719196}, {'the': 0.19527630432630258, 'and': 0.10105071225842471, 'of': 0.08306949362410937, 'a': 0.0823905838957898, 'to': 0.03986655103017142, 'in': 0.023106430248650542, 'was': 0.020679876773119093, 'be': 0.019373719776799806, 'is': 0.01761709573509404}, {'he': 0.20786989413563015, 'I': 0.10276935996300361, 'who': 0.09330149586052307, 'they': 0.06726709902526262, 'she': 0.05434595869646194, 'and': 0.04974755009242985, 'which': 0.04388005821217511, 'He': 0.03641445868141367, 'that': 0.03592110807205212}, {'and': 0.1973213954670963, 'the': 0.13639515025172053, 'to': 0.09119689739372705, 'a': 0.0627823216932062, 'of': 0.05470207122877006, 'that': 0.03266737171880054, 'in': 0.02357709362043807, 'by': 0.019245862313805196, 'as': 0.018492051233111265}, {'and': 0.08966507437751937, 'was': 0.03580888465873093, 'went': 0.03541966572750739, 'that': 0.034715688587633665, 'go': 0.0326259566940337, 'put': 0.03151052732481682, 'Committee': 0.031356735943079445, 'going': 0.028927067615728375, 'up': 0.02470638610815622}, {'the': 0.14448387666222792, 'and': 0.09844201098734215, 'of': 0.08181294232649364, 'a': 0.03437495011056963, 'to': 0.03021666318168877, 'be': 0.027812014537291724, 'or': 0.026837884084485956, 'in': 0.026020463759446024, '<s>': 0.017200932552609842}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'gold': 0.18463697132479912, 'hundred': 0.0398701453600089, 'men': 0.02955240402684048, 'wife': 0.01910025560181091, 'relatives': 0.013808199643252278, 'city': 0.012608126308310284, 'land': 0.010233580078824883, 'in': 0.008883955524364637, 'up': 0.008791695066002967}, {'and': 0.09082115696014888, 'made': 0.0569467911859342, 'up': 0.036977153796183694, 'or': 0.03217662398890009, 'down': 0.029356473405555094, 'ed': 0.026782125148162944, 'that': 0.02676059190153867, 'out': 0.025471979276191273, 'west': 0.024255725937183538}, {'the': 0.18226616748733143, 'of': 0.09055536536617964, 'and': 0.07875087345412557, 'a': 0.04282959090962975, 'that': 0.0423577110756612, 'The': 0.028952021800772214, 'in': 0.02827161666549837, 'no': 0.02464103014114996, 'Mr.': 0.02431919560564389}, {'that': 0.2856803186149357, 'and': 0.10563840361536957, 'when': 0.09164226422434915, 'which': 0.07788466929450641, 'if': 0.07667297738829722, 'as': 0.06142259303891929, 'but': 0.047215998787196324, 'where': 0.0440579459794944, 'If': 0.020140453734947102}, {'of': 0.39923336684845634, 'in': 0.14890761397075858, 'to': 0.10058794594905338, 'on': 0.09894668531669842, 'at': 0.04065629800661812, 'for': 0.03236870094491061, 'by': 0.030996702213417063, 'In': 0.02736455222628328, 'from': 0.025237070463595867}, {'of': 0.18229131937643994, 'to': 0.11108331751060373, 'at': 0.0990484870729545, 'and': 0.09142429235022105, 'for': 0.07602330389059742, 'in': 0.07454809910460793, 'with': 0.06220682319706848, 'was': 0.061430620196181916, 'is': 0.052089950535904636}, {'of': 0.24576377184588655, 'to': 0.10797807971755885, 'in': 0.07110422277489696, 'with': 0.06451424193765541, 'and': 0.04659365191801015, 'on': 0.043245116719643505, 'by': 0.02687250563892509, 'for': 0.023691476963875035, 'is': 0.02213686292952645}, {'that': 0.20131465417918526, 'as': 0.11756686816927321, 'and': 0.11690545582564099, 'if': 0.06342615702414228, 'but': 0.056944928408547105, 'for': 0.05290400672891838, 'of': 0.04760411520154127, 'make': 0.045034315066226516, 'which': 0.038360454225991686}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'it': 0.1392655652583725, 'he': 0.12198865129870436, 'It': 0.0920730759264974, 'which': 0.06588711175855988, 'I': 0.06221487354667309, 'and': 0.05220228347513967, 'who': 0.04105502827225842, 'He': 0.03721999320042121, 'that': 0.034840913784500716}, {'of': 0.25960720918959546, 'in': 0.1388853087833678, 'to': 0.11134781219548374, 'and': 0.09409863228823788, 'with': 0.08639342757024046, 'for': 0.07031876026036005, 'by': 0.0468390127049312, 'that': 0.04623535654813128, 'from': 0.031858374981815686}, {'the': 0.7859682164809076, 'tho': 0.044016227249031536, 'The': 0.0357388886445095, 'of': 0.03301506678017231, 'and': 0.014561911993315345, 'tbe': 0.01410881972856788, 'a': 0.012016560223398531, 'on': 0.009648466602792003, 'surface': 0.007435403478183263}, {'the': 0.19310788105429638, 'to': 0.17690205886445992, 'a': 0.10666421614615403, 'of': 0.09783766343332947, 'in': 0.09520261755491574, 'great': 0.048963715794998725, 'good': 0.035680837667875206, 'and': 0.029144701383132965, 'full': 0.02843854246595731}, {'the': 0.23598963237279827, 'for': 0.19222127188740368, 'of': 0.15854108313762025, 'and': 0.07274276463869939, 'no': 0.057719014857621764, 'his': 0.05113596957627153, 'in': 0.04420158850383844, 'a': 0.03796093537866866, 'their': 0.03725514180543054}, {'within': 0.23315516214822968, 'of': 0.1691438221644426, 'in': 0.16125300945362062, 'at': 0.09897297273098855, 'to': 0.07466117730098064, 'on': 0.06611004693468625, 'for': 0.06106520156650079, 'from': 0.05902198353883839, 'In': 0.04087917140662211}, {'he': 0.11965999990984547, 'they': 0.11061620832648088, 'I': 0.09773132924903798, 'we': 0.0904742253735887, 'Ameri-': 0.08093627369179233, 'you': 0.07802181379661924, 'it': 0.06864608719386547, 'who': 0.044397773080353926, 'one': 0.04414780437012652}, {'the': 0.7948358356613108, 'The': 0.08134637095647344, 'tho': 0.04461292704627338, 'a': 0.013584071924765224, 'tbe': 0.01346984660910375, 'this': 0.010027840683818056, 'of': 0.009997304450135656, 'said': 0.008596633964830144, 'and': 0.008445568948167946}, {'the': 0.1592447042210258, 'and': 0.03791046042412366, 'of': 0.02814128445496163, 'States': 0.026247891671528113, 'said': 0.01914263313658382, 'National': 0.01751939858232353, '.': 0.01618747549346212, 'General': 0.015586987067971934, 'The': 0.013150004998808832}, {'they': 0.13262234568186693, 'who': 0.09001046919496308, 'there': 0.06725787628507433, 'we': 0.0647938283310687, 'and': 0.05872043850302205, 'which': 0.05711809682526254, 'you': 0.05022924040188719, 'They': 0.04781097403529244, 'that': 0.039809760152281014}, {'with-': 0.17720683989114716, 'and': 0.0657462131614543, 'with¬': 0.05674432359025206, 'sent': 0.03969199360573797, 'it': 0.036100117264311234, 'went': 0.035452634685521435, 'go': 0.027623971236544954, 'the': 0.026558183163272988, 'came': 0.025447339099890234}, {'and': 0.08995679311500593, 'that': 0.05084903441473802, 'held': 0.03855445254615712, 'at': 0.029283233588358357, 'recorded': 0.02700600714937511, 'was': 0.026386245652692562, 'time': 0.025873371172017753, 'it': 0.02498779064173389, 'now': 0.024182035969851454}, {'of': 0.23425500580914307, 'is': 0.1249926140694892, 'and': 0.10678150467607259, 'know': 0.0929851289117258, 'for': 0.09239883706782252, 'in': 0.05500681918484578, 'to': 0.05447789397310876, 'but': 0.042630094550198, 'with': 0.04196470147139707}, {'up': 0.013988734306893773, 'out': 0.012518129735635878, 'time': 0.011929303146903858, 'work': 0.011768141592445111, 'in': 0.011627695268542886, 'it': 0.011112750460654207, ';': 0.009816010398486615, 'him': 0.009413040765488621, 'power': 0.009320842685413139}, {'and': 0.11200366769747992, 'of': 0.08221479117922502, 'the': 0.05419621757878766, 'to': 0.05084508279360451, 'in': 0.047240432482155294, 'be': 0.04717450179462963, 'I': 0.03679131825400441, 'was': 0.0319730056133422, 'is': 0.029310474690608542}, {'and': 0.17825465048087452, 'the': 0.1228395637379975, 'is': 0.09002848917247089, 'an': 0.08142583043766125, 'was': 0.07426197704753329, 'are': 0.06692029756243191, 'be': 0.0644457628429669, 'that': 0.05027280931155194, 'been': 0.04510982088034575}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'the': 0.39359875787875837, 'a': 0.3185975768090132, 'of': 0.04028138294069755, 'and': 0.03380595294207762, 'other': 0.02692652661824395, 'very': 0.024728627887041957, 'A': 0.024446671974181763, 'his': 0.024226122550200298, 'their': 0.021826110740748916}, {'of': 0.16416117873880687, 'was': 0.07309796901584517, 'and': 0.07012541946043238, 'on': 0.06825954705527801, 'in': 0.061532560806804665, 'to': 0.056161308806588754, 'is': 0.04373140704461973, 'for': 0.03765085953825657, 'are': 0.035867136351732144}, {'a': 0.32381571493704375, 'the': 0.26786042417310746, 'of': 0.09687853354895172, 'so': 0.06675541296873481, 'this': 0.0472913518955724, 'and': 0.04051750776142315, 'with': 0.037278385872728886, 'very': 0.03437164742975547, 'that': 0.025418938571855478}, {'to': 0.10986670357213706, 'and': 0.10019855302684978, 'the': 0.06656824221933966, 'of': 0.051801186389097545, 'is': 0.029923631577312308, 'was': 0.02890977812106726, 'be': 0.028632384354378773, 'for': 0.027703202298236154, 're-': 0.023656057714043475}, {'is': 0.2716815675984276, 'are': 0.22599694591649705, 'and': 0.07180774818433133, 'was': 0.07005792138859576, 'Is': 0.04708054087454499, 'not': 0.031250724518494845, 'be': 0.031173911860470117, 'were': 0.02792956107029471, 'he': 0.027731556730802357}, {'the': 0.22206797552255622, 'and': 0.08832496820291415, 'of': 0.0725400224207323, 'in': 0.057369577628158044, 'his': 0.045895714049775306, 'at': 0.042368056298030754, 'to': 0.03304673186995436, 'their': 0.030948070508100785, 'said': 0.02400093515037817}, {'of': 0.1857972748634138, 'to': 0.11441580040372137, 'with': 0.09961841387587266, 'is': 0.08942260551265553, 'for': 0.08409400517937465, 'and': 0.07906577589037947, 'in': 0.07865195097145879, 'was': 0.06933308131680042, 'be': 0.06011892219849723}, {'the': 0.14160143429105918, 'of': 0.10772794069262466, 'and': 0.04622791745346806, 'The': 0.04468459444150224, 'Mr.': 0.04437398717949427, 'that': 0.04282841592100794, 'in': 0.040608763603819556, 'Mrs.': 0.02570127574675181, 'which': 0.024259625863839614}, {'and': 0.09504543518797641, 'as': 0.08401840584619316, 'is': 0.0440859766598023, 'time': 0.039627650363557206, 'or': 0.0378015410634169, 'subject': 0.03662047697947301, 'him': 0.03586312851722147, 'made': 0.03484673423495842, 'them': 0.03150409358571631}, {'of': 0.38848028944719315, 'to': 0.09125114768043642, 'that': 0.09093317667257096, 'and': 0.07110095882648526, 'on': 0.06954277400521335, 'by': 0.05185257817004455, 'in': 0.047956445656978756, 'for': 0.04625774181562318, 'from': 0.037598456808968735}, {'of': 0.1366170012942895, 'the': 0.11385491933675598, 'to': 0.07474681749009875, 'at': 0.056913151517982534, 'and': 0.04285121543637489, 'a': 0.041395744727329285, 'in': 0.025962593287291297, 'was': 0.020001908711489682, 'for': 0.018719932251478513}, {'of': 0.24250836530791905, 'for': 0.15276359938818762, 'to': 0.13660140962353062, 'with': 0.09598893583042847, 'in': 0.06001824650768059, 'upon': 0.046367861446976896, 'on': 0.04175568968893416, 'about': 0.03745879170352684, 'and': 0.034740891688504166}, {'of': 0.24384723579821743, 'in': 0.12312506561097275, 'with': 0.10680649970402971, 'is': 0.08694780694524153, 'to': 0.07787352722300522, 'and': 0.06995944922104544, 'for': 0.06682075941724755, 'was': 0.05187426229030688, 'by': 0.04242875069122941}, {'of': 0.14365319340398264, 'is': 0.12375737000791642, 'to': 0.12019844664514076, 'was': 0.10490972921866003, 'with': 0.09466490217492958, 'and': 0.09317304146710237, 'in': 0.08561534939065017, 'as': 0.05472022603718362, 'by': 0.050905367934933624}, {'to': 0.640106547597032, 'will': 0.08818935118038485, 'would': 0.06719924954289926, 'and': 0.05137184320156321, 'not': 0.04971001986192663, 'can': 0.019105083913288724, 'may': 0.017072297645715193, 'should': 0.016947127787636015, 'I': 0.015247793981367695}, {'the': 0.49243902400653655, 'a': 0.21169006222389516, 'white': 0.04827373323109572, 'this': 0.025549823627562356, 'tho': 0.020303621363724978, 'and': 0.014981954611430072, 'large': 0.013669779043041813, 'The': 0.013412772340827871, 'of': 0.012245741506343338}, {'the': 0.11963568410447895, 'and': 0.07951124903941001, 'of': 0.06825226613956396, 'to': 0.0611751701938304, 'a': 0.05571586257257412, 'be': 0.028594878842944225, 'is': 0.024939862649589955, 'in': 0.024504313993319038, 'was': 0.024212699061538646}, {'<s>': 0.08293020664328854, 'it.': 0.019584889045608123, 'them.': 0.014536560459181273, 'him.': 0.012616364152333862, '.': 0.012012018561448722, 'time.': 0.009479357884339294, 'country.': 0.007094627869724779, 'day.': 0.006762411526682627, 'work.': 0.005618985532575598}, {'and': 0.1156789470292127, 'well': 0.07556980993677288, 'regarded': 0.04497062169191372, 'him': 0.038248776737851944, 'known': 0.03783818211632863, 'soon': 0.03287802268774235, 'it': 0.03193764873859754, 'is': 0.029686094618060876, 'but': 0.029025893971380265}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'those': 0.32331168649323067, 'men': 0.12611017237302954, 'and': 0.055502360308544864, 'people': 0.04977146188035439, 'Those': 0.04318407838658813, 'man': 0.03017801726672852, 'all': 0.029550125802088243, 'persons': 0.02823294476606761, 'one': 0.020748500949425576}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'away': 0.06925205172028555, 'and': 0.06007808449668492, 'taken': 0.04760906637168378, 'miles': 0.0428166599829834, 'feet': 0.03837562943164214, 'come': 0.026889243450533045, 'them': 0.026073675669967263, 'out': 0.02484981837258804, 'came': 0.02410733092637395}, {'of': 0.34144879492726105, 'in': 0.23512676491906875, 'to': 0.09291997246596316, 'for': 0.08949501621186073, 'In': 0.04265015656159146, 'and': 0.03190027580632126, 'with': 0.026295462156471376, 'from': 0.023624547736379675, 'at': 0.0192446038757716}, {'in': 0.12951787622235358, 'the': 0.1131541062465113, 'a': 0.09830459780085152, 'of': 0.07494409286850261, 'and': 0.06407082460720814, 'to': 0.053204276320500885, 'for': 0.039645649718800934, 'In': 0.028350091638542834, 'an': 0.024762091667392634}, {'all': 0.08812576128639328, 'it': 0.07059515377419723, 'and': 0.05780704516639062, 'went': 0.03694474071779272, 'him': 0.03314899535154538, 'them': 0.031724633241545015, 'was': 0.03158285686425942, 'is': 0.02953197225761101, 'turned': 0.029027409158986033}, {'of': 0.08821558835300647, 'to': 0.08540383314828587, 'the': 0.07699147055274193, 'and': 0.07501707955877815, 'be': 0.045147773553477426, 'a': 0.03588283705023091, 'was': 0.032386687796220774, 're-': 0.02247985515260142, 'for': 0.022438922834644992}, {'the': 0.33722172465756056, 'of': 0.10974183738863812, 'and': 0.04747347182027848, 'this': 0.0407231224328701, 'said': 0.0332032822737934, 'its': 0.031068979772201428, 'for': 0.03073001686028074, 'to': 0.030498304620010352, 'our': 0.02753786170417352}, {'day': 0.0760558774836873, 'number': 0.06089549489119579, 'half': 0.044229570750508346, 'part': 0.040609718768533774, 'millions': 0.026840280323085244, 'all': 0.02674250382955003, 'out': 0.02672659397799737, 'one': 0.026475986300926877, 'quarter': 0.025402311314078913}, {'of': 0.1615857807020355, 'and': 0.15975065359135757, 'for': 0.14057946473074817, 'that': 0.06857560608247314, 'by': 0.06813549411383463, 'in': 0.06796723370349154, 'is': 0.06376372217343959, 'was': 0.05206361198556261, 'to': 0.049766647520756185}, {'the': 0.24177593925088942, 'of': 0.13346595502129202, 'in': 0.08195224126378235, 'and': 0.08167348745669387, 'to': 0.06475308324508125, 'a': 0.05591706439912344, 'on': 0.03402694323022361, 'at': 0.027062427150964952, 'with': 0.02329776519113054}, {'a': 0.1635343432464722, 'the': 0.13087772390827218, 'to': 0.12963648395457503, 'and': 0.09910354614235088, 'of': 0.05205380655628411, 'is': 0.03497400423804615, 'not': 0.032815509432712844, 'was': 0.0303350406415251, 'will': 0.02805816877218103}, {'of': 0.25985716957716604, 'the': 0.18497682966942516, 'and': 0.093678810863996, 'to': 0.07142899220638865, 'at': 0.05975335547627667, 'in': 0.05625631357844886, 'from': 0.02705189305737097, 'The': 0.026747583507323418, '<s>': 0.024510493180723483}, {'the': 0.5675725614582969, 'The': 0.03427298989440052, 'tho': 0.030722166483589757, 'Missouri': 0.03036343364399744, 'Mississippi': 0.027385294171927078, 'of': 0.01797722042359518, 'Potomac': 0.013202493834524152, 'this': 0.012789725344036268, 'tbe': 0.012418607765010282}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {';': 0.020246419592662712, 'it,': 0.018106606609877708, 'them,': 0.01392632475636233, 'in': 0.012124467338236024, 'up': 0.01150000101756175, 'it': 0.010808021420651745, 'him,': 0.009760212679798756, 'him': 0.008508613475684745, 'them': 0.008009053187861749}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'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}, {'the': 0.12742448267130854, 'and': 0.10439047010070458, 'of': 0.09008308528693847, 'as': 0.08946547023415485, 'a': 0.04988938362235117, 'to': 0.042785061773461454, 'be': 0.034245776444171545, 'such': 0.029258330792545036, 'in': 0.02838714816744532}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'of': 0.14726531922366579, 'the': 0.12485949150747916, 'any': 0.09028500822615801, 'and': 0.08173776957682762, 'that': 0.058200756907367916, 'in': 0.0435649345520483, 'some': 0.03769733116209817, 'every': 0.03649137975945, 'is': 0.03513245038677227}, {'and': 0.17039295986469222, 'to': 0.1284233923805328, 'I': 0.0879116475111108, 'who': 0.08378251560533494, 'he': 0.06441375532047854, 'which': 0.049952965926889255, 'that': 0.04009883326561313, 'the': 0.03980731740357339, 'we': 0.029964411131069457}, {'the': 0.45691069550106994, 'and': 0.07937144836752871, 'all': 0.07429342411673488, 'such': 0.04684830438867258, 'other': 0.04135831185253124, 'a': 0.04039110162465315, 'his': 0.039658078499954875, 'of': 0.03943785702843835, 'their': 0.03327889843984023}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'brought': 0.06473016212750157, 'go': 0.06253230516562747, 'put': 0.06244979500644394, 'come': 0.05330615100352914, 'went': 0.05189765174333229, 'get': 0.044028115511730706, 'enter': 0.039666791717721445, 'them': 0.03757687022790318, 'came': 0.03718579114908823}, {'the': 0.4445265638791738, 'an': 0.16997527251326877, 'of': 0.06159160909685498, 'The': 0.03929428477285743, 'his': 0.038072498942745385, 'years': 0.03305826887228569, 'tho': 0.0328601352716566, 'and': 0.028694806016832625, 'their': 0.023532132662691472}, {'man': 0.1067169741094722, 'and': 0.0631318896805744, 'one': 0.04673146494309529, 'those': 0.03232687034970034, 'men': 0.02943639607443879, 'woman': 0.02657002876970307, 'all': 0.017063616642453122, 'people': 0.012189973511572166, 'person': 0.012047726471379626}, {'the': 0.4781609328644207, 'The': 0.08930009857001496, 'this': 0.06827280963349712, 'that': 0.055606378997186394, 'and': 0.03673174195791702, 'of': 0.028905737416181923, 'a': 0.028015748572169524, 'tho': 0.019142412183401493, 'said': 0.012004421028443107}, {'and': 0.04366009802932662, 'a': 0.04058125847061656, 'that': 0.03638433529558742, 'the': 0.027300668020770597, 'it': 0.020806850779515596, 'in': 0.014207217105799093, 't': 0.013200632741146277, 'of': 0.013086480137576564, 'land': 0.012791349654326876}, {'the': 0.31164199710830237, 'to': 0.12341421818927037, 'a': 0.10632244884551328, 'of': 0.08254635464222165, 'in': 0.07943907082397457, 'and': 0.0612939200266507, 'this': 0.04127804187122268, 'that': 0.026846777187091456, 'In': 0.018617424866875523}, {'of': 0.16981539786179525, 'the': 0.13796587371724833, 'and': 0.12132533309878564, 'by': 0.07950789960313057, 'at': 0.0705719022224894, 'to': 0.036388804548714695, 'from': 0.03156449810303799, 'as': 0.019780160496673187, '<s>': 0.01930688501255986}, {'of': 0.17196349851495293, 'in': 0.061600821419454097, 'to': 0.057505615228290355, 'at': 0.04266664973640639, 'by': 0.033839522529538396, 'for': 0.027788235957471204, 'In': 0.02704103427168217, '<s>': 0.026301627704452418, 'and': 0.02575787102393282}, {'in': 0.19612320007969533, 'of': 0.16244752960638484, 'as': 0.07924734775587118, 'and': 0.07828723190760714, 'to': 0.07673332119734519, 'by': 0.0765191792874008, 'with': 0.07282235822633099, 'for': 0.05982176277948394, 'is': 0.05833919996382421}, {'the': 0.11707278010032215, 'of': 0.08910237475739931, 'and': 0.08053994525369597, 'to': 0.04706305725297182, 'a': 0.04608077994551911, 'on': 0.03389433205274509, 'in': 0.027471361894935296, 'that': 0.027113955102464605, 'was': 0.022999229500759628}, {'the': 0.10254899323962945, 'and': 0.08672066584549279, 'be': 0.06718293253430607, 'was': 0.066714350510063, 'of': 0.062142448154758216, 'to': 0.0470377945272685, 'is': 0.04045405956202174, 'been': 0.03329532229695042, 'a': 0.029155698848644288}, {'of': 0.23212425223141345, 'and': 0.15016496788555525, 'in': 0.08709569949146048, 'to': 0.07519022151016291, 'at': 0.0556295157594859, 'that': 0.05230669226902655, 'with': 0.04380717720131628, 'on': 0.043790656593365694, 'for': 0.040794228346420686}, {'the': 0.249758016013323, 'a': 0.15278796029558253, 'and': 0.07766348866858634, 'of': 0.05418617542140772, 'The': 0.047593572325387266, 'an': 0.035444666189402056, 'Mr.': 0.01969262330506119, 'to': 0.01856921010709387, 'as': 0.017756045404390217}, {'of': 0.25824918295244403, 'and': 0.10581144758926693, 'in': 0.10489092358744716, 'to': 0.09792701082838975, 'on': 0.07741955167650925, 'that': 0.06299962161150914, 'for': 0.06135597689003963, 'at': 0.05701657834289877, 'from': 0.04163842658141928}, {'Lode': 0.07875066250591649, 'Silver': 0.07536915821849131, 'the': 0.0523248680335672, 'Hill': 0.04881788826829655, 'and': 0.048027460300624235, 'Eureka': 0.02078251885928115, 'Copper': 0.02036294504792768, '<s>': 0.019216229052101744, 'Consolidated': 0.018914264061416046}, {'of': 0.34426843897134957, 'to': 0.11093373446489546, 'and': 0.10047838840888769, 'that': 0.08569104135282961, 'as': 0.050870896530370247, 'in': 0.0479648740480842, 'all': 0.03967745387286036, 'for': 0.03523919828172074, 'by': 0.033536682233407854}, {'the': 0.39581513932806767, 'The': 0.10879156364641152, 'this': 0.09359971149997424, 'a': 0.0773977197494003, 'This': 0.06317417094651401, 'that': 0.04221013255062995, 'his': 0.03810041043269267, 'and': 0.02702206030323007, 'of': 0.02366408673383989}, {'went': 0.11641321094879507, 'all': 0.0811012744620186, 'go': 0.07330803712338915, 'turned': 0.06748290884166384, 'was': 0.0591380342015399, 'came': 0.05299974617990692, 'come': 0.04936655921838268, 'and': 0.0441238009170528, 'going': 0.032551066481777205}, {'about': 0.18940861137483578, 'and': 0.16736815066415722, 'or': 0.12059884186251366, 'to': 0.10003877616859479, 'at': 0.09616255017246912, 'of': 0.06746439152269063, 'than': 0.05911669821378856, 'the': 0.03939201465689047, 'for': 0.035039424847983114}, {'interest': 0.44457255366159426, 'terest': 0.08141192213447468, 'Interest': 0.07662951832771513, 'improvements': 0.07137704042457192, 'it': 0.018825624857385776, 'and': 0.017100760573403852, 'due': 0.01620240606980165, 'them': 0.010633655950078647, 'is': 0.008334725977279368}, {'and': 0.15389724483494355, 'is': 0.06590592774839528, 'of': 0.057582035980174306, 'was': 0.0559376982771241, 'as': 0.0504016714549967, 'be': 0.048411383934327985, 'are': 0.041127063329942155, 'or': 0.026508495960012965, 'were': 0.023495918344447943}, {'the': 0.12918454559989795, 'and': 0.09524061068167913, 'to': 0.0875613071214931, 'of': 0.07126281142812298, 'a': 0.06584440993472282, 'in': 0.03431706174851444, 'at': 0.022866409566715932, 'or': 0.02260740793415459, 'is': 0.01895899989729388}, {'to': 0.25000277145251637, 'can': 0.11045238577399405, 'could': 0.10234315558804366, 'will': 0.10186850868535796, 'I': 0.07757970741915354, 'would': 0.07394976412715175, 'they': 0.06625563525866493, 'we': 0.05990325750363177, 'and': 0.047461800718742085}, {'ten': 0.11289037433441029, '10': 0.10304691545201694, '50': 0.09665651771047248, 'fifty': 0.09310618845644318, '20': 0.07389866846352501, 'three': 0.05823489716333478, 'five': 0.05760143836063263, '25': 0.05365218306110738, '5': 0.05246995891832339}, {'W': 0.10885086180981304, 'M': 0.08962385808542442, 'J': 0.08815037885305665, 'C': 0.08144449491961595, 'S': 0.07565573974651656, 'E': 0.07480965297703332, 'A': 0.07089097266370924, 'H': 0.06872129070148511, 'B': 0.06456748181320644}, {'of': 0.19950964421321404, 'at': 0.1296044712487719, 'in': 0.1121035421820745, 'to': 0.09391235999691212, 'for': 0.08682411368751362, 'on': 0.08587396653774168, 'and': 0.06438446945126378, 'from': 0.04078696998398939, 'In': 0.03603585209054605}, {'part': 0.06632085427588026, 'one': 0.043709131521234616, 'side': 0.04147594174337228, 'portion': 0.021381379685940373, 'payment': 0.01767383384066149, 'parts': 0.015787043195170453, 'members': 0.015195039493425983, 'that': 0.015130446613312426, 'and': 0.014306296283830691}, {'the': 0.23694424561284472, 'and': 0.14593407043708137, 'a': 0.11609255036581073, 'The': 0.058275123223635476, 'one': 0.05116538142407914, 'two': 0.04291551920158575, 'be': 0.03440126541604206, 'that': 0.034217616717660576, 'this': 0.03136070063081609}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'seems': 0.1356736404871532, 'ought': 0.1100048460339192, 'seemed': 0.07720043904597824, 'seem': 0.07676128954804075, 'and': 0.0626343140696839, 'is': 0.0567409269325483, 'said': 0.05563038296032004, 'supposed': 0.04822799579908332, 'not': 0.04666750566219923}, {'and': 0.11652702089588961, 'the': 0.11495467591020435, 'of': 0.07453559154212538, 'a': 0.04565838386307767, 'was': 0.03450725795184031, 'in': 0.033108504549461605, 'to': 0.031030959238572537, 'is': 0.02639165738910636, 'be': 0.02231232121399735}, {'purpose': 0.06508810285083624, 'instead': 0.06337721527852347, 'out': 0.054751948804178566, 'sum': 0.034221664150084145, 'is': 0.03369663422832008, 'question': 0.02587271069993841, 'are': 0.02580349872771713, 'amount': 0.02563356836211199, 'disposed': 0.02385915717579197}, {'a': 0.180256226672119, 'of': 0.17235089067147036, 'or': 0.09404862066544602, 'and': 0.07728642619781707, 'in': 0.07662549322490927, 'the': 0.064216583807494, 'any': 0.06074537832287619, 'for': 0.060315807073716386, 'by': 0.055776622630589356}, {'that': 0.20746800017613143, 'and': 0.14607157633011192, 'which': 0.11012848985445278, 'to': 0.08665577754368856, 'when': 0.08087239968480485, 'as': 0.0670892401970235, 'will': 0.04835682089803899, 'but': 0.03344037788855005, 'if': 0.03289885236988277}, {'know': 0.2049548112924212, 'of': 0.13921330508202343, 'and': 0.10796138244010854, 'to': 0.0888651113592103, 'see': 0.0769643741075748, 'do': 0.07588569477352582, 'is': 0.052500913968211035, 'matter': 0.05246927741248134, 'for': 0.04745307978912118}, {'<s>': 0.07265434676054917, 'it.': 0.015036519683831762, '.': 0.01111431987204153, 'time.': 0.006845926876491207, 'him.': 0.006839341797485799, 'them.': 0.006676536462142533, 'country.': 0.005998874456114066, 'year.': 0.005001946789902637, 'day.': 0.004934991204603096}, {'the': 0.43800081327140244, 'a': 0.11066589789367061, 'and': 0.06393673344508315, 'of': 0.052756794854553646, 'The': 0.03805537643522937, 'or': 0.02959703475251845, 'tho': 0.02606857930843707, 'their': 0.0214525818435785, 'his': 0.019160801571291974}, {'of': 0.26110810237958926, 'thank': 0.22342846094787566, 'to': 0.10887872840428368, 'and': 0.059273481283901995, 'Thank': 0.04415835275806744, 'Almighty': 0.04098908332591073, 'for': 0.04082467780905825, 'with': 0.037895230635784316, 'that': 0.028824257875142697}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'of': 0.3797165724598217, 'to': 0.10348145710931565, 'that': 0.08451719226636155, 'and': 0.07181514179458572, 'with': 0.06008985977738062, 'by': 0.0583238891989998, 'in': 0.04421576560917754, 'as': 0.03986409078401748, 'for': 0.034031281781138595}, {'he': 0.17475438872346447, 'it': 0.1359286733624291, 'they': 0.09637533336931273, 'I': 0.08453683576858537, 'that': 0.07339259747557059, 'It': 0.07261110104187243, 'we': 0.044348645187426095, 'which': 0.04425071068500445, 'and': 0.04339726392581102}, {'to': 0.2901855885353136, 'will': 0.2167898771785142, 'may': 0.1044574839421258, 'can': 0.0756125975469877, 'shall': 0.0721819084824066, 'should': 0.07126869746237428, 'would': 0.046558309978578315, 'must': 0.04648365345611335, 'could': 0.03638761456656256}, {'the': 0.639024752882532, 'in': 0.05940128534992877, 'The': 0.05523906613598077, 'and': 0.04631800066136381, 'a': 0.0401299582919069, 'tho': 0.03546673888964971, 'great': 0.020358448449192094, 'In': 0.019954007574811083, 'of': 0.018764673272851345}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'is': 0.1595683143271461, 'of': 0.12035183049257704, 'was': 0.11462780415305156, 'and': 0.10719443948942382, 'in': 0.07865178529148469, 'as': 0.05575889220889774, 'to': 0.047491042015285784, 'by': 0.043195289837428874, 'any': 0.042568428691116024}, {'the': 0.25813927656085345, 'of': 0.12164935571855284, 'their': 0.09805743091895128, 'our': 0.06470039753914945, 'his': 0.06126094218382353, 'other': 0.057401256145196415, 'its': 0.039169031756951196, 'all': 0.037604617871008786, 'American': 0.030596204454224167}, {'of': 0.3195187731734554, 'on': 0.13017693494603735, 'in': 0.09249074583533005, 'to': 0.0844836620513258, 'by': 0.07529678941819697, 'and': 0.06309442668497539, 'that': 0.038183402583838726, 'from': 0.03528464353499272, 'for': 0.033567152992731705}, {'of': 0.15630137730751212, 'by': 0.08223210669322652, 'to': 0.07180217310598579, 'that': 0.0697860171227717, 'and': 0.06860313108410063, 'with': 0.027549174244935564, '<s>': 0.02367243312489382, 'which': 0.02017544874624105, 'as': 0.017332841528940258}, {'he': 0.18785848996749346, 'and': 0.1717231298531418, 'be': 0.137123148836538, 'I': 0.05140177887075211, 'who': 0.04526911640254815, 'was': 0.043624979164989405, 'have': 0.04253866304117411, 'He': 0.03737271723295773, 'is': 0.035438249856326605}, {'and': 0.19712615033197636, 'fact': 0.07722519025994683, 'said': 0.06258946616103155, 'so': 0.05112232986118901, 'is': 0.043298823531513625, 'say': 0.03859534773042259, 'was': 0.0380557480618063, 'him': 0.03726814659203925, 'found': 0.03558464235197909}, {'be': 0.21939256159477993, 'was': 0.1260750561940679, 'been': 0.10749195659699835, 'is': 0.06264530030439801, 'and': 0.05996815620853254, 'have': 0.056990316339819554, 'has': 0.048923944001811194, 'were': 0.0407732258710264, 'had': 0.039872537121412185}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'to': 0.2387578698215602, 'the': 0.197411916162501, 'an': 0.12075727553047133, 'of': 0.10160342859253389, 'a': 0.08448662934032064, 'in': 0.06941249197480408, 'and': 0.06899977065911483, 'with': 0.031874796618493864, 'not': 0.0274737205669262}, {'and': 0.07345684357882791, 'as': 0.0598935405860413, 'order': 0.0475606718077251, 'necessary': 0.04285929137601888, 'right': 0.03380757462311668, 'is': 0.029320909498720387, 'able': 0.02807195731494123, 'power': 0.02646091868040866, 'him': 0.025331440737365995}, {'<s>': 0.04309944680201718, 'it.': 0.026021733540544417, 'them.': 0.01268208921484133, 'him.': 0.012517727809918128, '?': 0.012051218786334408, '.': 0.01094270997803896, 'me.': 0.007915657321974684, 'her.': 0.005463848527147578, 'you.': 0.005427494932333897}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'the': 0.30574349667572787, 'a': 0.2755610300871944, 'this': 0.08092405554896619, 'The': 0.057667705432840305, 'and': 0.04962987725316524, 'his': 0.04377652565499111, 'one': 0.04287954337342368, 'every': 0.026659983834624014, 'tho': 0.02645680255413436}, {'and': 0.059165155861350155, 'made': 0.0588119865824621, 'up': 0.0268749995404658, 'done': 0.026389094592424063, 'out': 0.02254227857910818, 'caused': 0.02126798566435475, 'or': 0.020071023791651956, 'it': 0.018532880572612976, 'taken': 0.017737846366411812}, {'of': 0.13716051898864437, 'the': 0.11084982657919126, 'a': 0.09342995053249208, 'to': 0.07923244471800568, 'and': 0.06333635377684355, 'in': 0.051472100782006855, 'at': 0.031337425108730346, 'for': 0.029252498057384085, 'by': 0.025707224924922}, {'them.': 0.04497248754551208, '<s>': 0.03632643032743405, 'it.': 0.022735805938298496, 'men.': 0.012056059010714326, 'him.': 0.011755006432994118, 'time.': 0.00944378787399719, 'country.': 0.008786905920342009, 'people.': 0.007897140691942993, 'day.': 0.00783931687849867}, {'not': 0.2628466844521017, 'to': 0.24564391302402336, 'I': 0.16576116357467208, "don't": 0.0713332781702056, 'you': 0.0645234361146209, 'and': 0.04966861299195207, 'we': 0.04002627443640964, 'We': 0.0326482801803949, 'You': 0.025453195951554403}, {'the': 0.46232292873124875, 'a': 0.15608486132691599, 'brick': 0.04623564699747592, 'his': 0.039717315782289396, 'frame': 0.03115523537250235, 'The': 0.03051602076458222, 'tho': 0.02894873204644037, 'and': 0.02299149877374882, 'their': 0.020056802820418423}, {'and': 0.04984486561942827, 'years': 0.02719221529438313, 'free': 0.022902669120836418, 'miles': 0.018201824405562894, 'him': 0.0177705244344516, 'taken': 0.017624833955964096, 'of': 0.016736566967324985, 'away': 0.01631951181701105, 'them': 0.015407158063861115}, {'as': 0.1413795107644343, 'so': 0.09718511257841755, 'are': 0.07616165663411142, 'is': 0.06625788812050933, 'very': 0.05265533192071852, 'be': 0.043832415048544265, 'and': 0.04368462700094608, 'of': 0.04337752178214856, 'was': 0.04239278263970293}, {'it': 0.1898936989228213, 'It': 0.08998462207640943, 'there': 0.0790469860324584, 'they': 0.06140208113455, 'that': 0.05582443981464942, 'which': 0.05166683548741283, 'he': 0.0503760176127662, 'and': 0.049222407474872956, 'I': 0.03738029063895694}, {'the': 0.1776774208326678, 'and': 0.11618745692283622, 'of': 0.07752870682140522, 'a': 0.04688803046964208, 'to': 0.039506242669002975, 'that': 0.028251904729360462, 'The': 0.02806150947191031, 'Mr.': 0.027663433172235793, 'or': 0.027330864172727884}, {'and': 0.0742837552308683, 'bill': 0.05089203631414311, 'President': 0.021884882256801474, 'known': 0.02182040179026585, 'was': 0.02113946106269153, 'resolution': 0.0193356782301103, 'is': 0.018690002140189024, 'of': 0.01729334127242923, 'not': 0.016182256797348856}, {'out': 0.053748408083014676, 'amount': 0.05009483210345994, 'purpose': 0.041093103896693954, 'number': 0.040869786068135086, 'one': 0.03678814523833781, 'means': 0.03557342173843995, 'matter': 0.03457441629345749, 'years': 0.03249484767266021, 'way': 0.028058148458149107}, {'the': 0.5140286564938724, 'The': 0.10766084121858249, 'this': 0.09394850015396039, 'a': 0.06176787800236834, 'that': 0.06140682772100043, 'tho': 0.03474012858172944, 'of': 0.032632220734295114, 'his': 0.025673073350432604, 'and': 0.020423499377961386}, {'the': 0.24624586650380598, 'of': 0.12511670154155094, 'and': 0.07459332797933538, 'in': 0.06427246444335108, 'a': 0.05025398564146426, 'The': 0.033285740171146765, 'to': 0.03079809551665842, 'at': 0.022044758058172166, 'tho': 0.019189206318671104}, {'<s>': 0.10514401260260799, '.': 0.016459320058466273, 'it.': 0.013484712208384689, 'them.': 0.010348158826723748, 'day.': 0.006710013809881599, 'him.': 0.0061878063876993515, 'time.': 0.006177099641911567, 'of': 0.0060543371589817695, 'country.': 0.00551450571704916}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.8844239874864931, 'tho': 0.04756948702344427, 'The': 0.02033430666769642, 'tbe': 0.014816209185575809, 'of': 0.01068097499444848, 'and': 0.002900692842559579, 'by': 0.0026848525152412873, 'a': 0.002620734900998062, 'tlie': 0.0017922399025080053}, {'and': 0.11385123617354412, 'be': 0.09864172963727943, 'was': 0.07620908437317161, 'to': 0.04887641259257306, 'been': 0.047688286220096035, 'is': 0.04482365947015291, 'of': 0.04408866282577962, 'he': 0.03874649575579709, 'were': 0.034891023983512175}, {'feet': 0.10489587409482974, 'went': 0.0820746165070607, 'according': 0.06072789210822954, 'go': 0.04931832249912562, 'and': 0.046288547798592886, 'sent': 0.03437697133222544, 'subject': 0.03202728671831779, 'relating': 0.031936646591311874, 'back': 0.0312498509304508}, {'and': 0.13720149740649404, 'the': 0.07812660454204343, 'of': 0.07106036451835175, 'to': 0.0660615659893393, 'was': 0.051488598254477456, 'for': 0.040666688845894645, 'in': 0.040471301095666844, 'a': 0.03763397865224792, 'is': 0.035693559384370965}, {'the': 0.1915047518322002, 'a': 0.18265764285938574, 'The': 0.1001619842040912, 'and': 0.09198713465132007, 'he': 0.040905001415721114, 'that': 0.03704237294140154, 'I': 0.028662502269354677, 'A': 0.025084067273642496, 'little': 0.018850536671164788}, {'and': 0.11817822303601837, 'him': 0.07729069730683749, 'was': 0.07548397575560292, 'is': 0.04080320295406146, 'it': 0.03942232404596535, 'up': 0.037149082658908886, 'as': 0.03386881442310722, 'come': 0.029644220632803028, 'placed': 0.028841837624514165}, {'would': 0.10059191599923972, 'and': 0.09229043554668989, 'a': 0.08696544739061189, 'was': 0.08011958040518244, 'not': 0.06350546728001596, 'something': 0.061497264417940685, 'to': 0.06030273831103659, 'is': 0.05797540161245866, 'looked': 0.04161705366813646}, {'the': 0.16230296026877625, 'of': 0.12307739955751902, 'and': 0.07741997953066079, 'to': 0.05508112628323407, 'a': 0.047760941059965506, 'be': 0.03687590118855663, 'in': 0.028709097773993476, 'was': 0.02658614949772466, 'is': 0.024880835455531436}, {'the': 0.3926033283307673, 'this': 0.0710759842246256, 'every': 0.05897616331096517, 'that': 0.05696105257953208, 'next': 0.052502260729246665, 'other': 0.04317680260289676, 'a': 0.041863278897678706, 'one': 0.04043722603662724, 'all': 0.035481098760142916}, {'and': 0.09558894496445294, 'for': 0.037506895600799735, 'of': 0.03478705438189055, 'not': 0.031869855627656145, 'about': 0.03182779664042255, 'time': 0.022479775698628038, 'as': 0.020922659202278232, 'was': 0.020432411291103045, 'in': 0.02027734070874605}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'that': 0.24965642357422835, 'and': 0.15921940479170324, 'but': 0.08555820058901059, 'as': 0.07149450073524026, 'when': 0.06533617967914483, 'which': 0.06403586677889773, 'if': 0.03781086503442973, 'where': 0.030499946293478825, 'until': 0.021573599808582904}, {'the': 0.12412720549832838, 'and': 0.10244382763884094, 'of': 0.10076680447995537, 'a': 0.04614404185663386, 'to': 0.031165726967336067, 'in': 0.028562509488353375, 'was': 0.027319616247752764, 'that': 0.021398144306147737, 'by': 0.02013725512305567}, {'of': 0.26178300352200395, 'to': 0.14283167556530363, 'on': 0.09176238734227919, 'and': 0.08303142057416969, 'for': 0.07412237815869047, 'in': 0.0600992960876935, 'by': 0.05750400218842965, 'at': 0.05330090028478895, 'that': 0.051972394523064}, {'-': 0.060980158046596074, 'and': 0.03782347166012142, 'to': 0.035880552496785734, 'I': 0.021833991588208475, 'f': 0.01832085134019474, '<s>': 0.018148240436163657, '.': 0.01752403568576679, 'the': 0.015191017820972241, 'f.': 0.014486094625224492}, {'the': 0.1331954013331003, 'of': 0.10395761905650669, 'and': 0.09166744382168995, 'a': 0.0674867672110823, 'to': 0.04481959524883369, 'was': 0.033914181021321675, 'be': 0.027669522756191306, 'is': 0.023821375196731925, 'been': 0.01992601692954109}, {'of': 0.2048355494170913, 'and': 0.20228408081084173, 'to': 0.16350613004114098, 'for': 0.07170310311656933, 'that': 0.06357257602116513, 'in': 0.06026730185937265, 'with': 0.04079458438234534, 'or': 0.038470268082214015, 'nearly': 0.037012658278979614}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.3120359835244445, 'in': 0.12977990359681696, 'the': 0.11016604750635867, 'and': 0.10899046194060236, 'from': 0.07892703297337406, 'for': 0.029097497016626173, 'or': 0.025637953852991054, 'In': 0.024998654278022954, 'by': 0.024160021676101547}, {'that': 0.2655576168206273, 'if': 0.13365657958596272, 'which': 0.11448472154984428, 'as': 0.09335229328337609, 'and': 0.07997644349073124, 'when': 0.05257578557288741, 'where': 0.05046773013026031, 'what': 0.041525101253875304, 'but': 0.03403693941407384}, {'<s>': 0.04528069650880274, 'and': 0.02699937938339363, 'was': 0.021406588236314687, 'be': 0.020813624463239748, 'is': 0.012882853041428905, 'are': 0.01258672034788641, 'that': 0.01152457668573977, 'were': 0.010877731891555668, '.': 0.009179189803047959}, {'of': 0.2606653695624588, 'in': 0.1642089735007348, 'that': 0.11185470984332045, 'to': 0.0674722082412736, 'under': 0.06455155976426331, 'any': 0.06445086733410525, 'and': 0.05627928442510306, 'for': 0.05462009733705583, 'with': 0.05292977011597794}, {'the': 0.3692409109447755, 'said': 0.2046094787908835, 'a': 0.04916009168758423, 'of': 0.046561254189769974, 'this': 0.03296975206290897, 'his': 0.03066690407314564, 'tho': 0.02142355773459549, 'in': 0.014359703056885584, 'their': 0.013031302405895819}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'and': 0.1748610992381903, 'to': 0.08454914126183448, 'was': 0.07827902127050052, 'is': 0.07275310294172492, 'the': 0.059676467466076445, 'not': 0.03919843438007264, 'be': 0.038196714528767696, 'of': 0.035489805504099435, 'an': 0.03536759768971647}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.11699740269057268, 'made': 0.07128735364329208, 'that': 0.038740273323115644, 'or': 0.03385398259820743, 'it': 0.026446546893089957, 'followed': 0.02275146095930749, 'done': 0.021905655523422274, 'caused': 0.019148590890977334, 'given': 0.019145965604441612}, {'the': 0.20720412688304204, 'of': 0.14439567022655309, 'and': 0.06545692952357393, 'an': 0.022337665595014596, 'other': 0.02088794883718079, 'or': 0.02034119640239241, 'his': 0.0196292609443314, 'this': 0.016202854080994082, 'one': 0.015931437706718763}, {'to': 0.31808845421012666, 'will': 0.19120780794338235, 'and': 0.06208467154262252, 'shall': 0.05632414311162234, 'would': 0.047578154473715245, 'they': 0.04660519777014429, 'not': 0.037017041947188516, 'may': 0.03560782848161714, 'should': 0.03523651624586865}, {'number': 0.1645667425101108, 'hundreds': 0.05778860806600791, 'amount': 0.056871340551213595, 'thousands': 0.0567310630334308, 'kind': 0.0412441991764903, 'class': 0.03972603699000729, 'couple': 0.03945357441078521, 'series': 0.03570627313637303, 'plenty': 0.034940200508379524}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.392760602187493, 'of': 0.12044597719603768, 'a': 0.11028879695790368, 'in': 0.04341070639659932, 'for': 0.043266133971242564, 'their': 0.0304301719844488, 'some': 0.026840339271668942, 'this': 0.02393190274584305, 'his': 0.023274396478823067}, {'<s>': 0.11720307014251237, 'it.': 0.026352259694865522, 'them.': 0.021751020016657994, 'country.': 0.009411545547373449, 'time.': 0.009236602853981037, 'him.': 0.008416084114243152, 'us.': 0.008380706711902408, 'world.': 0.008000816237300486, 'day.': 0.007743277217040808}, {'be': 0.1985341844288733, 'and': 0.14195119708050954, 'was': 0.12340501142898244, 'is': 0.09426720093883204, 'been': 0.06809498047853392, 'are': 0.05979033031603233, 'were': 0.0572009206430836, 'he': 0.05499821671702522, 'have': 0.03977453397305256}, {'the': 0.5015146265907343, 'court': 0.08595847889452538, 'a': 0.06571376737855776, 'tho': 0.03685471679715709, 'The': 0.029063620971299282, 'my': 0.027918056622805443, 'his': 0.02211852563290221, 'this': 0.016750020323024986, 'opera': 0.01622555777734865}, {'they': 0.1802616037685649, 'who': 0.08965803731710414, 'we': 0.07071505569925358, 'and': 0.06647920453767378, 'which': 0.06571645182547288, 'They': 0.062467980713495234, 'there': 0.0418389083514519, 'that': 0.03824361515000613, 'you': 0.03310115293779824}, {'Mr.': 0.11923187417832838, 'the': 0.11820238796640506, 'of': 0.07057180065904577, 'and': 0.0647816486079522, 'The': 0.03552448037250744, 'Mrs.': 0.025341934509443206, '<s>': 0.022702956077643936, '.': 0.019724932101824084, 'that': 0.01755689556342132}, {'one': 0.09011870075177028, 'out': 0.07184222173831309, 'part': 0.062296779890565736, 'some': 0.04469047989410629, 'account': 0.04430483992413245, 'any': 0.03062274357086134, 'all': 0.026797790022556507, 'that': 0.02576799466411198, 'tion': 0.0223424726678013}, {'the': 0.3660556361398848, 'a': 0.183399651813863, 'to': 0.11363891375864844, 'of': 0.05182056955671826, 'every': 0.04367991570382019, 'this': 0.03987916506663252, 'his': 0.0391263057190983, 'their': 0.03544973250249585, 'tho': 0.024214408493678417}, {'and': 0.16165630724400318, 'he': 0.13076533240449895, 'be': 0.11418329117485447, 'was': 0.08202297239944376, 'has': 0.07435224668265987, 'have': 0.06573562240878734, 'had': 0.06378853978562816, 'who': 0.06335746415314726, 'I': 0.05802796516372329}, {'the': 0.19765944413001754, '1st': 0.11059503755556872, 'first': 0.09159328042083008, 'a': 0.07596581773098715, '25th': 0.058877517517977276, '7th': 0.050144164699482324, '10th': 0.04774505795975605, '12th': 0.047349873882118795, '21st': 0.04468978504119164}, {'in': 0.24367232890260782, 'of': 0.17955212400389747, 'from': 0.13588241450722727, 'with': 0.04970678588279293, 'In': 0.04912946528533033, 'by': 0.041333990441785526, 'on': 0.039126326740043044, 'upon': 0.03251108798834134, 'for': 0.032358827207049745}, {'the': 0.43661245272190075, 'of': 0.11072787241831585, 'in': 0.10329872493018402, 'a': 0.09432956662821153, 'their': 0.04147625978165677, 'to': 0.0371039344309565, 'and': 0.03594666111670958, 'any': 0.0359445401515843, 'In': 0.032481390924077494}, {'the': 0.42878959057503563, 'a': 0.15625530022193848, 'this': 0.08898554094486169, 'dining': 0.08694154811583156, 'The': 0.025318450873442692, 'his': 0.023965701775038963, 'court': 0.02386811413532173, 'tho': 0.022843149563394363, 'and': 0.019852322091668706}, {'the': 0.6359285444808221, 'of': 0.0772221523413725, 'other': 0.045097579623753575, 'this': 0.03764982276410495, 'a': 0.031689609263856, 'The': 0.030311241753375396, 'tho': 0.03000628310959222, 'said': 0.023894861420422756, 'our': 0.01811441569814987}, {'in': 0.016685378432062765, 'up': 0.016440071459584166, 'made': 0.013553601488422171, ';': 0.012802936807658516, 'it': 0.012780550948572214, 'it,': 0.012697205892680521, 'him': 0.011864580313937834, 'out': 0.011230533418873999, 'work': 0.009248189330232406}, {'as': 0.08266721031799909, 'and': 0.0691196670723023, 'is': 0.061053939055579105, 'enough': 0.04504530174107568, 'able': 0.044151055039277236, 'right': 0.043216804160062, 'order': 0.04065595164925807, 'going': 0.04012208851243313, 'him': 0.039744560299995284}, {'of': 0.23366367892670772, 'in': 0.14039686333166973, 'to': 0.12515460778911044, 'and': 0.08897232166215624, 'at': 0.08870680693435876, 'on': 0.0871816864015803, 'with': 0.042290012530729934, 'from': 0.04187494795568571, 'for': 0.03570689029170086}, {'to': 0.11144374236298595, 'the': 0.10917981760160007, 'and': 0.10692920077675938, 'of': 0.08551452114372984, 'in': 0.033918395178194706, 'a': 0.02924037307288965, 'not': 0.02004826767775804, 'I': 0.017020811204842605, 'be': 0.01652276935920046}, {'and': 0.03705906505014103, 'one': 0.028627789733262694, 'it': 0.019099235681301584, 'that': 0.018265019148710815, '<s>': 0.01650126638765382, 'out': 0.014870080997909261, 'day': 0.010083439403753976, 'work': 0.009055530737294233, 'time': 0.008792647293037753}, {'of': 0.13815006315007625, 'the': 0.13286700396278647, 'a': 0.07068616624651348, 'in': 0.05858417425218256, 'and': 0.048003413360203084, 'for': 0.036095813801834915, 'to': 0.03412287906189562, 'on': 0.028124997237362084, 'as': 0.021940690818006637}, {'the': 0.2689487614615373, 'his': 0.1239225004700386, 'healthy': 0.0845317579329485, 'this': 0.08216729686876154, 'a': 0.07519177067247097, 'her': 0.07112853123884347, 'good': 0.0699887010671812, 'my': 0.05983213266039816, 'their': 0.0473438778825752}, {'the': 0.40641871632839405, 'of': 0.15252553328892973, 'for': 0.1421183176232068, 'and': 0.07528690365883443, 'in': 0.06686849090096084, 'by': 0.03482053262800045, 'from': 0.03185984989939515, 'to': 0.02871518466115221, 'at': 0.020277523041872036}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'beginning,': 0.11912038642536642, 'and': 0.04466132438887782, 'west,': 0.036649638001192454, 'ning,': 0.024634963008696397, 'ginning,': 0.02247969885253064, 'lot': 0.022012739118657056, 'beginning;': 0.021969250491337366, 'one': 0.017146766786172787, 'section': 0.014909827894100253}, {'of': 0.2284565896369346, 'in': 0.15146793171922399, 'the': 0.09452580479183025, 'to': 0.06706960066328722, 'from': 0.05362518217331863, 'and': 0.05053216685278217, 'In': 0.04166892774005123, 'for': 0.03996076719419782, 'at': 0.03643205852027261}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'and': 0.32284662972725164, 'And': 0.11483359066688718, 'not': 0.08272981608411203, 'as': 0.06169812159779949, 'that': 0.02471012153209409, 'but': 0.01880238283029302, 'is': 0.018787601048252365, 'do': 0.01403214644549192, 'it': 0.013925975193456902}, {'and': 0.0698795499083269, 'able': 0.05892097855346181, 'inclined': 0.05659661953518943, 'began': 0.05655966304458402, 'reason': 0.05620476895710678, 'enough': 0.052108158616863166, 'him': 0.05165050715725336, 'me': 0.05002272024879736, 'as': 0.04547131453267248}, {'the': 0.16614082048343437, 'of': 0.11946662000015852, 'and': 0.09593941977939585, 'a': 0.09158441596442048, 'to': 0.07215729485944654, 'in': 0.028862237694297438, 'for': 0.021319288105972303, 'with': 0.020823787468818356, 'The': 0.017732312891837094}, {'of': 0.2436947953362151, 'in': 0.20012406774933944, 'to': 0.12441918866199689, 'and': 0.08063271552777948, 'by': 0.062284601682616444, 'from': 0.05704799330964418, 'In': 0.05605648064938143, 'at': 0.01808645583435459, 'for': 0.017461916244237163}, {'it': 0.15467517530377956, 'that': 0.12043680647762427, 'there': 0.1061388378761261, 'which': 0.08972888466219406, 'they': 0.07880598993732991, 'It': 0.062080295432334676, 'he': 0.051866099311008725, 'and': 0.04651998216632048, 'There': 0.0322842212488506}, {'the': 0.3895870610743105, 'his': 0.12491524295120611, 'a': 0.08084016304977186, 'of': 0.0757357945421562, 'their': 0.043724332826901746, 'her': 0.03448202346665151, 'and': 0.03359920705727651, 'our': 0.022044047132457445, 'my': 0.02108667736241701}, {'to': 0.19784830552951918, 'of': 0.172897107804942, 'in': 0.13563702258692445, 'on': 0.12941658843232462, 'at': 0.07117297360753441, 'for': 0.05558554900812348, 'from': 0.04522509327243878, 'with': 0.04312287834968237, 'and': 0.03320092383624768}, {'three': 0.17027754603230527, 'two': 0.14544400106282174, 'many': 0.12175133380193053, 'four': 0.09720265500660032, 'five': 0.08989002949451665, 'several': 0.06685777148154765, 'few': 0.06684857580673145, 'ten': 0.06277198446154375, 'six': 0.05332028075231184}, {'and': 0.08865742573874694, 'is': 0.05808560821995994, 'as': 0.04433171423634286, 'time': 0.041153155927044466, 'them': 0.039265640941203224, 'him': 0.038248701181326755, 'able': 0.0330670497143168, 'right': 0.028547208178574285, 'was': 0.027966582030885347}, {'and': 0.06836615806839769, 'closing': 0.050893343497395126, 'was': 0.030410464365082754, 'valued': 0.024267484682224193, 'held': 0.022214654137899494, 'sold': 0.021055232583252027, '2': 0.020543621014705526, 'is': 0.020278384145430397, 'arrived': 0.019208907943256866}, {'he': 0.18239194152347793, 'it': 0.0823130306346824, 'which': 0.08124391028867996, 'who': 0.07079975503589186, 'that': 0.06719056769734863, 'and': 0.06375745674538538, 'He': 0.06120301846519296, 'It': 0.05639218306906382, 'she': 0.03447153131879917}, {'all': 0.08943475249596744, 'and': 0.07220746373600447, 'of': 0.060207529098396384, 'for': 0.05065435848341567, 'was': 0.04871439616635404, 'at': 0.031779392508644325, 'it': 0.027599579613913402, 'went': 0.026591135596691073, 'is': 0.024279628951916567}, {'and': 0.08869981246979557, 'the': 0.08194048082123596, 'to': 0.06501197907683855, 'of': 0.05803945407431494, 'in': 0.044020302530042674, 'or': 0.035683893962762635, 'for': 0.025580796036587878, 'that': 0.024333695008905386, 'con-': 0.020539158355060476}, {'it': 0.1839347352458833, 'It': 0.13302095917005236, 'he': 0.09077199059674086, 'I': 0.06088812358753316, 'and': 0.059014730249714584, 'which': 0.04254016758612573, 'He': 0.0337240959867969, 'she': 0.03032400568345935, 'there': 0.01960986852514976}, {'and': 0.18312777925180396, 'he': 0.12037110475575308, 'I': 0.08872333964259695, 'which': 0.06490133852889718, 'He': 0.0570501770059409, 'that': 0.045110089405542515, 'who': 0.042100569136559164, 'they': 0.03755022301102647, 'she': 0.031248263970773002}, {'of': 0.2795045928132679, 'for': 0.12596028403440654, 'in': 0.11560271872855818, 'with': 0.08034504827128237, 'to': 0.07720448329148996, 'and': 0.06699211800171363, 'at': 0.04758501162981371, 'all': 0.04376933336291012, 'by': 0.04132115547237443}, {'and': 0.03667879690938607, 'is': 0.016633334845375373, 'are': 0.014113429728304374, 'that': 0.014099138640051061, '<s>': 0.010085928890953819, 'was': 0.010016959613357105, 'of': 0.009110131185683802, 'or': 0.00826119014203573, 'Is': 0.007397991916531614}, {'and': 0.24792843066885065, 'of': 0.19162508705875156, 'is': 0.048498279778232664, 'so': 0.047766298414625596, 'are': 0.04758144695111174, 'that': 0.04002609929918986, 'for': 0.03792584565729381, 'was': 0.03502942841564533, 'in': 0.03259186840269244}, {'he': 0.17766066668988476, 'who': 0.11152434186775062, 'I': 0.09519794033452197, 'they': 0.07200539146686066, 'and': 0.06429510545391212, 'which': 0.06149174718897486, 'that': 0.05806522140103802, 'she': 0.03700986316229229, 'it': 0.0350968622720654}, {'the': 0.5244373732279485, 'a': 0.13079866223898184, 'to': 0.07076876481704089, 'of': 0.06962814907606088, 'The': 0.04130593471767342, 'and': 0.029563901274237695, 'tho': 0.023435575814766314, 'its': 0.021108521255510538, 'no': 0.019157186798844813}, {'of': 0.16991394075603522, 'in': 0.16520867315868298, 'to': 0.10762421719601582, 'and': 0.10132502127476324, 'the': 0.08832322983469151, 'a': 0.07633310520783422, 'In': 0.043956206576485704, 'with': 0.04383864018137801, 'for': 0.04005485091867448}, {'and': 0.15241190676197344, 'the': 0.10409723193442162, 'or': 0.10354338873794734, 'of': 0.09792973310223957, 'in': 0.07195606160932114, 'about': 0.07022158927193715, 'for': 0.06537556950041698, 'with': 0.05993707705436901, 'are': 0.059240570896780496}, {'the': 0.2864847370651256, 'a': 0.19554346102215564, 'and': 0.0880373957752917, 'most': 0.06147028212545558, 'be': 0.04926041913430515, 'is': 0.04879925350807828, 'are': 0.04628280165803063, 'of': 0.033263175104183, 'an': 0.030745424233627947}, {'of': 0.25824918295244403, 'and': 0.10581144758926693, 'in': 0.10489092358744716, 'to': 0.09792701082838975, 'on': 0.07741955167650925, 'that': 0.06299962161150914, 'for': 0.06135597689003963, 'at': 0.05701657834289877, 'from': 0.04163842658141928}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'and': 0.07006444884125536, 'was': 0.06270321789070099, 'be': 0.061929364724879664, 'of': 0.060541651273739235, 'to': 0.059157442880996246, 'the': 0.05823992866875933, 'a': 0.04146397181902922, 'been': 0.02940248073144115, 'were': 0.02877464945715437}, {'and': 0.1189733053664964, 'the': 0.10287702719755622, 'of': 0.08189169893754962, 'to': 0.06345255385957328, 'be': 0.04334095657672097, 'was': 0.04121106403093484, 'in': 0.03680279821111817, 'is': 0.030567295462412034, 'are': 0.02482235030573041}, {'and': 0.1156789470292127, 'well': 0.07556980993677288, 'regarded': 0.04497062169191372, 'him': 0.038248776737851944, 'known': 0.03783818211632863, 'soon': 0.03287802268774235, 'it': 0.03193764873859754, 'is': 0.029686094618060876, 'but': 0.029025893971380265}, {'men': 0.029445928264987764, 'city': 0.02116218183177768, 'hundred': 0.01446759023193597, 'William': 0.012732334674710898, 'James': 0.012650333400260325, 'Mayor': 0.01128565217090362, 'Robert': 0.01027556570741371, 'land': 0.00980079184203965, 'street': 0.00954869921502342}, {'in': 0.26309493510412246, 'of': 0.1556775146988496, 'In': 0.0891444896374959, 'for': 0.065522204087559, 'to': 0.05330645873545753, 'and': 0.050909173242344556, 'from': 0.04134093726145148, 'with': 0.0374046353819553, 'on': 0.03219211715295642}, {'in': 0.2804826870215868, 'of': 0.21125879275197876, 'that': 0.09751766822569528, 'by': 0.058219618617031996, 'and': 0.054332399688196344, 'In': 0.04201419553617399, 'from': 0.027325018434083675, 'to': 0.025650254021960073, 'for': 0.023749209626252755}, {'United': 0.729899584453614, 'the': 0.04616785923045958, 'other': 0.028149946653912333, 'Southern': 0.01983372803376483, 'per': 0.014819410728210346, 'this': 0.011766026010463934, 'a': 0.011524454794570597, 'of': 0.010923578160066238, 'and': 0.00702446422749683}, {'the': 0.6754507427936444, 'The': 0.06501441678346861, 'tho': 0.03672481202688564, 'and': 0.027916935636196485, 'of': 0.024015004927297374, 'other': 0.019655152771091665, 'all': 0.019139211378041285, 'a': 0.018555206682939893, 'tbe': 0.015321090035819553}, {'the': 0.4078173957990584, 'of': 0.24706030315648286, 'for': 0.053815136650743466, 'a': 0.05099403107689627, 'The': 0.043246017435207604, 'any': 0.04293480006509644, 'and': 0.0398108409577914, 'by': 0.03456109210099564, 'every': 0.028526336015795368}, {'of': 0.27837195213426585, 'in': 0.12218399202465449, 'that': 0.11925166193658386, 'to': 0.11042097961435829, 'and': 0.07267468595582322, 'for': 0.05630751086351615, 'with': 0.05406299149549712, 'by': 0.043516078146421305, 'at': 0.04248867459762823}, {'the': 0.49155676473121734, 'The': 0.12177836842150482, 'of': 0.07088941631185111, 'this': 0.047356792181024926, 'federal': 0.033458469378698924, 'that': 0.0268480446105919, 'our': 0.02568025532265874, 'general': 0.024169131690261723, 'tho': 0.022382515935206987}, {'the': 0.5066514768967837, 'an': 0.1332057717817049, 'this': 0.06992184820012122, 'The': 0.060587199330086584, 'tho': 0.036961724813422824, 'a': 0.020687144383132815, 'other': 0.01923389547872367, 'This': 0.018325933918683736, 'tbe': 0.016835283552787832}, {'him': 0.02494659599230191, ';': 0.01487772965405297, 'man': 0.012826628951379817, 'him,': 0.01053555299716851, 'up': 0.010332831893804855, 'and': 0.010083138836835061, 'himself': 0.009258682528632555, 'in': 0.008913702740427201, 'man,': 0.007933669360602887}, {'the': 0.6721394711711808, 'The': 0.07299922766473509, 'a': 0.0532152285836889, 'rapid': 0.03981576556786668, 'tho': 0.037991919730309846, 'great': 0.02180403779987378, 'and': 0.0191637753520007, 'of': 0.013092328783561594, 'tbe': 0.012669101639674977}, {'a': 0.5550576399480401, 'of': 0.16601503586866476, 'in': 0.07864680501952706, 'the': 0.05451057636533817, 'with': 0.030989386848635392, 'very': 0.02610195798256414, 'for': 0.024414420885603905, 'no': 0.0195186872183112, 'In': 0.014669551748490542}, {'to': 0.1100035386160539, 'and': 0.0953749797231017, 'the': 0.07301921550850103, 'of': 0.06913723676948444, 'was': 0.03474660993281463, 'in': 0.028275506896595904, 'be': 0.027994939320319302, 'is': 0.02775343532480689, 'a': 0.024811889186923574}, {'of': 0.27893260420343857, 'in': 0.1416230349881485, 'to': 0.10105792883376871, 'and': 0.10053951161057163, 'for': 0.07179157440925261, 'on': 0.0650662374735435, 'with': 0.06212656928588605, 'from': 0.04396903424035772, 'at': 0.03933200942964307}, {'the': 0.3292615529080237, 'a': 0.1423984455590833, 'and': 0.13005632461194153, 'of': 0.06845595179982707, 'The': 0.04854335593943952, 'in': 0.046974028030993945, 'with': 0.04568988294169855, 'to': 0.03931909647091636, 'is': 0.026677753701875685}, {'the': 0.7039639335575574, 'and': 0.059304232478190146, 'tho': 0.04651381333335159, 'a': 0.03756334391441262, 'The': 0.034538622466039746, 'tbe': 0.013888939431740068, 'an': 0.009805224565359184, 'that': 0.009015869726872485, 'in': 0.00858139430401512}, {'and': 0.19718253086034626, 'that': 0.0980929994838338, 'but': 0.05424156464750724, 'But': 0.025487302541585825, 'day': 0.02365989445986837, 'time': 0.023350631575812825, 'come': 0.014297933771264846, 'ago,': 0.01287942375590991, 'And': 0.01092520498674104}, {'out': 0.05216938344900259, 'that': 0.03185263903623376, 'name': 0.028370001883653746, 'people': 0.0272847246565886, 'favor': 0.023302956264180476, 'time': 0.02286620403135065, 'and': 0.02258199400411296, 'case': 0.022340626310204247, 'tion': 0.02136593398045263}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.5712642433285468, 'among': 0.06593409923865948, 'for': 0.05870331811568855, 'to': 0.04177232555341139, 'with': 0.04029353998503321, 'by': 0.03798052928174532, 'Among': 0.019232419650100918, 'upon': 0.01731700586649877, 'in': 0.0150933613403681}, {'<s>': 0.12309747384350163, 'it.': 0.025507692365929476, 'them.': 0.02140007007263283, 'time.': 0.01671820078049959, '.': 0.01270188512073819, 'country.': 0.012671213564300067, 'him.': 0.01264889006489284, 'day.': 0.01243017235446671, 'year.': 0.011090001309228114}, {'the': 0.26787812706286634, 'this': 0.09054750787549004, 'his': 0.08683757125197906, 'in': 0.059044924690374395, 'of': 0.055591106665785504, 'that': 0.05035629620197543, 'same': 0.04912837022761942, 'my': 0.04233807629956836, 'their': 0.03991317911186712}, {'and': 0.1156789470292127, 'well': 0.07556980993677288, 'regarded': 0.04497062169191372, 'him': 0.038248776737851944, 'known': 0.03783818211632863, 'soon': 0.03287802268774235, 'it': 0.03193764873859754, 'is': 0.029686094618060876, 'but': 0.029025893971380265}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'of': 0.15731319176517553, 'and': 0.15111258474120606, 'in': 0.11769352704013805, 'to': 0.0858108137792141, 'the': 0.05286599706116976, 'for': 0.046817715238441644, 'at': 0.0444101965007565, 'street': 0.0430986386539365, 'or': 0.03860654772926201}, {'of': 0.27555593010069696, 'to': 0.18148238653540816, 'in': 0.10453842244898083, 'on': 0.09078897972770548, 'and': 0.07475108846371818, 'at': 0.049711927532370824, 'from': 0.0457372342539039, 'with': 0.04483513046734838, 'by': 0.043017291407091054}, {'on': 0.4309389207730937, 'On': 0.1368844018706727, 'next': 0.05940858352982402, 'first': 0.04702746006005704, 'of': 0.04262850577671967, 'last': 0.038296080204972764, 'and': 0.037773959624711806, 'until': 0.02670268299122685, 'after': 0.02260838755027792}, {'the': 0.66431936134968, 'The': 0.06766809473585911, 'a': 0.05305262342182635, 'tho': 0.04037425286564139, 'and': 0.038610392383108504, 'his': 0.018931772880476115, 'tbe': 0.013177639344517305, 'in': 0.011163606486192433, 'great': 0.010942188099921856}, {'the': 0.14221445548655254, 'of': 0.09066206083864871, 'and': 0.07622780981212271, 'that': 0.04564448178025829, 'a': 0.038042993675150086, 'to': 0.03562456801757692, 'The': 0.03511920455498385, 'which': 0.03254660275971444, 'in': 0.03136971860142446}, {'the': 0.6695395429252754, 'of': 0.04486785050830135, 'tho': 0.04463686204971771, 'this': 0.03818080495352305, 'an': 0.03418533416236022, 'and': 0.03302242882864015, 'a': 0.02429758320137808, 'that': 0.024053786235196835, 'in': 0.021530277508723775}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'of': 0.27515822455403277, 'in': 0.2059856309081205, 'to': 0.1262344954124479, 'by': 0.06987548832906451, 'and': 0.05046247941087618, 'that': 0.0498200123893284, 'with': 0.048563287431339384, 'under': 0.039039924202107355, 'for': 0.03876277967551803}, {'the': 0.15600468596323455, 'of': 0.1350073078003864, 'and': 0.06565837472105837, 'to': 0.048855511697701755, 'on': 0.03858184396163426, 'a': 0.0376602623754783, 'in': 0.03758074680658615, 'by': 0.035978717489917766, 'from': 0.020504301734417505}, {'of': 0.28919242033744175, 'to': 0.131642769240706, 'in': 0.10811544237849516, 'with': 0.0765907986118994, 'by': 0.07649992590745384, 'and': 0.061365017228408855, 'for': 0.05320489524607325, 'that': 0.05208614202461013, 'from': 0.04173171312128772}, {'the': 0.37077384972514293, 'of': 0.07493231110548779, 'a': 0.06847884041077369, 'The': 0.05500417710695244, 'and': 0.04730455385289441, 'their': 0.046134814182445597, 'these': 0.030897244525583144, 'other': 0.028775774568916224, 'such': 0.025726306783756772}, {'of': 0.18253451343774907, 'in': 0.15897212664363752, 'to': 0.133967540744052, 'and': 0.08342395995785497, 'as': 0.07237578725397172, 'with': 0.059843594884044844, 'for': 0.05759723862828709, 'is': 0.05115886121195853, 'by': 0.04411149884975377}, {'the': 0.5695735378034873, 'a': 0.17656675870385666, 'The': 0.061802691347850276, 'tho': 0.04678869123375643, 'tbe': 0.024687893855355993, 'an': 0.024314240849449543, 'this': 0.01951562909738755, 'any': 0.015847720671918752, 'every': 0.014317762694725901}, {';': 0.012543126460709373, 'it,': 0.010603509882477598, 'years,': 0.009811287406723577, 'here': 0.007151313312249549, 'them,': 0.007068766025557525, 'him': 0.006979819620470969, 'it': 0.00686234128030254, 'time,': 0.006832856627314442, '<s>': 0.006767880104258798}, {'a': 0.2665541173294262, 'said': 0.17870236942805745, 'by': 0.16810436067662773, 'the': 0.13842208535297298, 'certain': 0.06763983761590792, 'in': 0.024505152930436185, 'and': 0.01993760982017385, 'of': 0.01947134909310573, 'first': 0.012440856655287581}, {'No.': 0.10822230309652361, 'and': 0.0611937952227032, 'at': 0.03541422328889691, 'as': 0.028692642289682213, 'that': 0.026349068980797367, '<s>': 0.01836939065790324, 'an': 0.018124371824774436, 'to': 0.017649958438396868, 'about': 0.015336378115685683}, {'the': 0.39262101384911036, 'of': 0.15012006078604745, 'a': 0.09974740975626833, 'his': 0.04097188302182785, 'and': 0.029810139342129362, 'The': 0.02661710429353888, 'text': 0.025339842297801476, 'on': 0.02333466356239577, 'said': 0.022405661537162943}, {'and': 0.1553019240335302, 'do': 0.08904015114394286, 'was': 0.04890467291559971, 'And': 0.040295173233967786, 'is': 0.03839740440490307, 'not': 0.02834205073342967, 'be': 0.025992140622487857, 'or': 0.022453478628664345, 'but': 0.020805455461122335}, {'they': 0.16031822704853502, 'there': 0.13754556577284677, 'There': 0.08746727624855478, 'we': 0.076533152031077, 'who': 0.06622515393176269, 'which': 0.05828041850287377, 'that': 0.04565604952487895, 'They': 0.042825313515915564, 'and': 0.03806043840651009}, {'and': 0.21058657349943624, 'was': 0.10526384199312937, 'is': 0.082436961971412, 'do': 0.08153964089783862, 'or': 0.0658972075762561, 'not': 0.055726103731108395, 'be': 0.042663850967473355, 'are': 0.03953795944259716, 'were': 0.02994984798183613}, {'I': 0.4033697523051741, 'we': 0.23616030602661275, 'We': 0.06857153886911317, 'to': 0.06274773119092733, 'will': 0.050953211618041956, 'you': 0.04291398633608412, 'they': 0.041773889822601364, 'can': 0.032181331932720256, 'not': 0.030984284981960004}, {'of': 0.30995180046016685, 'in': 0.1475943041758447, 'to': 0.12374218241615194, 'and': 0.08941909530864163, 'that': 0.06393757371575573, 'for': 0.04856761960393147, 'with': 0.04846937663652007, 'from': 0.0384555401850712, 'by': 0.030470281805663663}, {'a': 0.39756611831042027, 'the': 0.29471374666450656, 'his': 0.10878059195603536, 'their': 0.036260972357472346, 'The': 0.03373371961395382, 'of': 0.027730966100388565, 'my': 0.022397851614502345, 'tho': 0.018080492044214153, 'its': 0.015437673578357486}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'of': 0.1518010450660757, 'by': 0.09761430907367775, 'that': 0.0828086378182812, 'and': 0.06779653366063473, 'to': 0.04594344997249157, '<s>': 0.033328244563287576, 'said': 0.020278929501519827, 'which': 0.018498068895151116, 'with': 0.016273282506534793}, {'sum': 0.23165876493901238, 'rate': 0.11106535093906848, 'number': 0.058765597905806786, 'one': 0.04087555282235169, 'period': 0.03831207051494986, 'depth': 0.03179830662403125, 'hundreds': 0.021346368039663083, 'amount': 0.02121407390579666, 'payment': 0.020561027343512787}, {'that': 0.19529459725552145, 'and': 0.1893205846914157, 'but': 0.10676670620972793, 'as': 0.07688705093448475, 'which': 0.058663178485630074, 'if': 0.03975885240158478, 'when': 0.03805535861827694, 'where': 0.02774861381497361, 'But': 0.025105247517370508}, {'to': 0.09646472145736244, 'and': 0.07774674825436444, 'of': 0.06530413012359493, 'the': 0.061496175813215107, 'be': 0.04696435328846611, 'was': 0.04692759726387952, 'for': 0.040862429485823686, 'is': 0.03849537884737251, 'I': 0.03350885101123181}, {'of': 0.34452588271586815, 'to': 0.14053060499453146, 'that': 0.09767585935923503, 'in': 0.08051919538440001, 'and': 0.06485821812150527, 'by': 0.0591508779935522, 'on': 0.05129505907459228, 'for': 0.04232183353079423, 'from': 0.037618293315382204}, {'as': 0.10679221020406579, 'and': 0.05480177073380198, 'up': 0.04637205163555417, 'according': 0.043859184886638015, 'come': 0.04344714917783224, 'came': 0.03905546071284538, 'regard': 0.0340054567478107, 'given': 0.027248481425193424, 'it': 0.026741801623947906}, {'it': 0.35206027772596227, 'It': 0.17116375709266243, 'there': 0.05927717749866558, 'he': 0.04994289691356753, 'that': 0.046819318121269056, 'which': 0.043835258701404124, 'and': 0.035092708171891196, 'who': 0.028082724458437673, 'He': 0.0177887927213698}, {'the': 0.17045862015736757, 'to': 0.15333012694683615, 'and': 0.13142773282856782, 'a': 0.09551212299051387, 'I': 0.048576243118593446, 'will': 0.04420303261010698, '1': 0.04095682516365879, 'The': 0.03468361515680379, 'that': 0.03348870545135126}, {'of': 0.3041455575974933, 'to': 0.1437082643425832, 'on': 0.11179723595104812, 'and': 0.0737509963712321, 'that': 0.06838220044534414, 'at': 0.054962657431032444, 'in': 0.053807804968193276, 'from': 0.050314299996483194, 'by': 0.048476192942544606}, {'and': 0.23946592614540754, 'to': 0.2143455195155135, 'he': 0.07137199682053133, 'who': 0.05690162571739573, 'I': 0.046865501152030316, 'will': 0.038998235347953575, 'be': 0.03546699430106319, 'not': 0.03480045033850362, 'they': 0.034209960793608316}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.2939084445749399, 'a': 0.1557656867719315, 'his': 0.14837572357454507, 'of': 0.08644836756437477, 'my': 0.05538283990342274, 'said': 0.03874610127577436, 'her': 0.03291017351720301, 'to': 0.031315137631728406, 'in': 0.03072468545896774}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.37354668343641684, 'of': 0.16172226721132543, 'The': 0.07158635271581301, 'and': 0.04357318219423672, 'that': 0.038650043103719084, 'by': 0.03675974040467833, 'to': 0.02975402343094362, 'at': 0.019775793707159862, 'for': 0.019702809606064214}, {'to': 0.3431020624728917, 'will': 0.1541027071135922, 'may': 0.09556842252137418, 'would': 0.07551578793884997, 'can': 0.06426245590076207, 'should': 0.061186915711909776, 'not': 0.04633046493112409, 'could': 0.044522924969372095, 'shall': 0.04175383316161647}, {'to': 0.181663876927465, 'and': 0.11396148346384369, 'the': 0.05445187609015564, 'of': 0.04136889206778158, 'had': 0.03186889048727827, 'in': 0.02984667247261425, 'will': 0.028877123043566082, 'he': 0.02562355601817344, 'not': 0.024100401071398363}, {'and': 0.05049270609400036, 'covered': 0.04517537158604233, 'filled': 0.038667402650483275, 'together': 0.030659217980718908, 'charged': 0.023814339760940825, 'it': 0.0213243214089443, 'up': 0.019650106793190212, 'him': 0.018225104095288727, 'them': 0.016067503551254556}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.12666929452491524, 'of': 0.11728030190344839, 'the': 0.10604357708700111, 'a': 0.050286738622307606, 'to': 0.04060459120769308, 'is': 0.0337513324522911, 'was': 0.032907944973908046, 'be': 0.03084974039139049, 'in': 0.030528898172942718}, {'of': 0.07858503074155922, 'and': 0.07803557080696075, 'to': 0.07747135227581889, 'the': 0.07243262796459926, 'in': 0.06417305785045004, 'a': 0.03357472856752043, 'was': 0.030037390036403565, 'is': 0.03001547729734283, 'for': 0.026142527772413028}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'that': 0.19441526268001524, 'and': 0.12405544115387855, 'to': 0.11180444561868198, 'which': 0.08956709030387701, 'will': 0.07468700088170725, 'as': 0.066317982762334, 'would': 0.055115378332073556, 'may': 0.047254069139641655, 'should': 0.04666943422240808}, {'it': 0.18143874199255758, 'there': 0.10331969695424356, 'It': 0.09198639939220059, 'which': 0.08073126991269376, 'they': 0.06240522313208139, 'that': 0.054082648531678275, 'and': 0.05144105994683339, 'he': 0.03253148924096088, 'There': 0.03214778196988864}, {'of': 0.11934312553998774, 'the': 0.09799154142412864, 'and': 0.09236689481120294, 'to': 0.04665859781422047, 'in': 0.038884799587171406, 'said': 0.02810518539746361, 'be': 0.02377638778483744, 'for': 0.022729840022353832, 'was': 0.021221776604639295}, {'a': 0.43560189504867336, 'the': 0.31532951354909805, 'The': 0.05945338545098307, 'A': 0.027240354093905978, 'this': 0.02427441747892094, 'appropriation': 0.01336245375717808, 'tho': 0.013292913003539394, 'tariff': 0.010448484426980091, 'any': 0.006909622979121844}, {'the': 0.18865064154752814, 'of': 0.09521314359217854, 'Mr.': 0.05936560020366942, 'The': 0.05918413378541302, 'and': 0.04789785501490848, 'that': 0.04093932846997176, 'a': 0.03062771603476304, 'this': 0.01791027151166763, 'in': 0.016031536642742206}, {'the': 0.31020370104836203, 'and': 0.18893992436953, 'an': 0.1588434126740392, 'The': 0.06662396120011009, 'most': 0.04589550785758771, 'of': 0.04313627727931715, 'as': 0.038528140464250474, 'very': 0.030151252033901732, 'their': 0.030050687152589718}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'and': 0.16312662130041428, 'that': 0.03300610117423295, 'interest': 0.02292052214164098, 'recorded': 0.02273927999545359, 'it': 0.022027235545653966, 'or': 0.01997926498996897, 'out': 0.019479868973805953, 'made': 0.019465237511986776, 'time': 0.019308758388200103}, {'be': 0.1657174570725306, 'and': 0.16223017851594196, 'he': 0.0682713893612228, 'was': 0.06669636788732664, 'are': 0.060367341485277975, 'is': 0.04856383281577186, 'not': 0.0412293074672424, 'have': 0.04024399825762813, 'had': 0.036662834599177095}, {'be': 0.15585625951404353, 'and': 0.14925328160080847, 'was': 0.11702464492529366, 'is': 0.08533540398850928, 'as': 0.07226465929580084, 'are': 0.07107297997475764, 'been': 0.05853146727111188, 'were': 0.03782101263178713, 'the': 0.02274256333266646}, {'a': 0.2640528066991317, 'the': 0.20692489648123746, 'to': 0.15093044881045162, 'and': 0.05402365139631179, 'The': 0.05358997524711863, 'A': 0.025807010851772373, 'annual': 0.025501961105233784, 'will': 0.01946405505340628, 'this': 0.014718002588831191}, {'an': 0.23055808220764282, 'the': 0.16260233856507625, 'of': 0.12247835987824528, 'and': 0.10266531803871783, 'for': 0.03451454054844625, 'such': 0.030961561939420745, 'a': 0.030064882744310722, 'two': 0.02884223088858062, 'their': 0.024942471569462613}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'.': 0.06036338533555344, '-': 0.043887091889182335, 'and': 0.04242986687629387, 'in': 0.040942223538051666, 'of': 0.039665000903496186, 'from': 0.03681193046293022, 'pre-': 0.03096529268517413, 'de-': 0.02893648917577088, 'lots': 0.028852046068686684}, {'Mrs.': 0.12303409522203514, '.': 0.11830829862723574, 'Mr.': 0.07087360224958414, 'Miss': 0.04068183750648789, 'W.': 0.03526379902630903, 'J.': 0.03523357820317872, 'No.': 0.030101493936778204, 'E': 0.027525204541834457, 'John': 0.02578064432075351}, {'and': 0.09121664060052273, 'that': 0.037375507080954926, 'look': 0.03322743379145549, 'depend': 0.031221357626968052, 'effect': 0.02401028871238005, 'it': 0.022932124421844627, 'called': 0.020906236573028782, 'one': 0.019981554455599876, 'depends': 0.019977620367333523}, {'the': 0.3601862841224291, 'a': 0.29051251149447693, 'this': 0.046474477078763836, 'of': 0.044768381867366314, 'The': 0.03790817493902257, 'and': 0.028427986945511963, 'to': 0.02717677995836912, 'at': 0.027083910120954298, 'tho': 0.02199952222040567}, {'of': 0.30184285024841256, 'for': 0.17251899765340142, 'in': 0.09715024966818318, 'to': 0.07327136320749579, 'by': 0.06172994408106979, 'and': 0.05058533160489598, 'that': 0.04776691943224621, 'with': 0.04623073223490571, 'In': 0.03795805133325744}, {'the': 0.24227808241104218, 'of': 0.11613749629366947, 'and': 0.07660005797981907, 'a': 0.06034782586171289, 'to': 0.05083063694345701, 'be': 0.0380573694266907, 'his': 0.028316853554054378, 'was': 0.028164956133643348, 'in': 0.024587578533788672}, {'he': 0.07526036842125361, 'and': 0.06758289236892058, 'I': 0.0543582575303221, 'it': 0.04610796980540348, 'they': 0.03540611339257976, 'that': 0.034829082865375706, 'which': 0.03304514239878181, 'who': 0.029193129337925786, 'we': 0.025420517992461013}, {'was': 0.21744783863216333, 'is': 0.21571643799001022, 'are': 0.10638008073024344, 'be': 0.08461140962006859, 'and': 0.07215274013339609, 'been': 0.07016645174775897, 'were': 0.06473361573874148, 'the': 0.043635865411417674, 'very': 0.037324243800700936}, {'to': 0.3847297024898932, 'and': 0.09728166127237792, 'be': 0.07876216436811909, 'the': 0.07090092799352048, 'not': 0.05215268398335285, 'will': 0.04552612377725132, 'was': 0.04370162871203614, 'a': 0.027291322642569754, 'been': 0.02612661438431401}, {'of': 0.24474406600276669, 'to': 0.1154361165642893, 'and': 0.11161036825618043, 'in': 0.10342216357222876, 'for': 0.08377935547555583, 'that': 0.058372873314191956, 'with': 0.052410683646182524, 'by': 0.04182757828430856, 'from': 0.036022674152075496}, {'and': 0.3231183767197536, 'but': 0.05912307603170991, 'that': 0.046630775251274126, 'time': 0.03517836098603106, 'was': 0.03013113325783848, 'it': 0.020315865108569545, 'day': 0.019865072855726768, 'But': 0.017529151547724567, 'him': 0.01626309307177351}, {'was': 0.11728509358533447, 'and': 0.10257388945383332, 'be': 0.04655539316556148, 'were': 0.0414635998041235, 'are': 0.039145320253006134, 'is': 0.03820776214233564, 'him': 0.026590456998913197, 'it': 0.023187201555967693, 'them': 0.022698805295898624}, {'of': 0.4266610604413786, 'in': 0.09172431566422674, 'for': 0.07881965536823181, 'to': 0.07708538297867949, 'and': 0.07334694896910385, 'that': 0.06740490647160255, 'by': 0.0440027124204743, 'as': 0.029464699805141548, 'with': 0.027932305009422398}, {'is': 0.09951724926107511, 'and': 0.08134802790555139, 'as': 0.07039083517998715, 'order': 0.05932204763035645, 'enough': 0.05578000667605871, 'have': 0.05437247427970305, 'right': 0.047373540698406415, 'not': 0.0472945312075833, 'had': 0.044865574267696565}, {'be': 0.4318490615923199, 'was': 0.11038784098761757, 'been': 0.09121994455240212, 'is': 0.08270798322703088, 'and': 0.04815232364028473, 'are': 0.04240855987172613, 'were': 0.03925973302804938, 'he': 0.034239779934489484, 'have': 0.03324042451718525}, {'a': 0.33545174166448943, 'the': 0.24220639477804065, 'no': 0.16741192459330265, 'this': 0.07856950885450602, 'easy': 0.025265061450964462, 'any': 0.02300802451703654, 'his': 0.020559357312944622, 'The': 0.019580661058280033, 'every': 0.015034488498811595}, {'the': 0.12097163063729519, 'and': 0.07611130377811971, 'of': 0.07149102508511111, 'a': 0.045852690374187495, 'in': 0.04085711589517319, 'to': 0.030045327803035683, 'for': 0.024746053014983706, 'In': 0.016110165324988893, 'that': 0.01476928259698822}, {'of': 0.31295397836217576, 'in': 0.15016304460434532, 'for': 0.10003672730944728, 'to': 0.09618408851612024, 'at': 0.04943909432008899, 'is': 0.04724348250271324, 'and': 0.0433897831513907, 'from': 0.03783438686559728, 'with': 0.03722113129877674}, {'of': 0.32645616997606214, 'in': 0.09349684256507844, 'for': 0.09235497094789534, 'and': 0.08587310386356996, 'that': 0.07859696089883524, 'to': 0.07050688767237107, 'on': 0.048353149923559775, 'with': 0.04344931678417093, 'by': 0.027657208268521034}, {'of': 0.14420278001714187, 'was': 0.10929140635644649, 'and': 0.08615702873251362, 'are': 0.07636483942854921, 'is': 0.071018667280734, 'were': 0.05664139546392296, 'for': 0.04204040078215856, 'in': 0.03903871668242307, 'all': 0.037334396449167924}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {';': 0.028431762489734294, 'it,': 0.016981525986579843, 'him,': 0.015372527692784979, 'them,': 0.01130165876110519, 'it': 0.009538954252425095, 'him': 0.009264969159856357, 'in': 0.00916285579949917, 'time,': 0.008164571405095149, 'States,': 0.008145680833819006}, {'to': 0.25532811188649984, 'a': 0.20366239111016562, 'the': 0.13717885029909024, 'and': 0.0821814369995675, 'of': 0.037480402223326145, 'will': 0.03579667818518074, 'his': 0.024085625316443617, 'not': 0.024010554146936175, 'or': 0.023723716531338302}, {'of': 0.13470036988374534, 'the': 0.09488553862415759, 'and': 0.07312423262004518, 'to': 0.07204023274823565, 'in': 0.047748323802994895, 'a': 0.03993813738598023, 'be': 0.03557506201615192, 'for': 0.034417615778310845, 'is': 0.02663873251258484}, {'of': 0.12992897656622798, 'the': 0.12577809652403205, 'a': 0.09575880080128758, 'and': 0.07976608911367174, 'to': 0.06040419928973828, 'or': 0.023867118329558918, 'in': 0.02332249103147713, 'at': 0.02081909581396589, 'for': 0.019507139362411375}, {'of': 0.12126408194117297, 'be': 0.10246079067549135, 'was': 0.09303036768810397, 'and': 0.07828505322058978, 'is': 0.07400829377116447, 'as': 0.046160005996123875, 'to': 0.043578696777755034, 'in': 0.04343532296325569, 'been': 0.03363589213773527}, {'to': 0.7558467176275222, 'not': 0.05253451065628492, 'and': 0.04127356937790419, 'will': 0.0229865849891689, 'would': 0.019829065374244725, 'may': 0.01624210137413425, 'of': 0.015964377970589427, 'shall': 0.012468474213829144, 'can': 0.011909574416722373}, {'and': 0.05850633159345087, 'made': 0.05778236604140629, 'or': 0.027947329102333503, 'that': 0.01819347949917324, 'him': 0.01773635421536566, 'followed': 0.017704641720028166, 'owned': 0.0176503613776524, 'ed': 0.016838740781092234, 'accompanied': 0.016553199430885835}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'I': 0.16599257434774423, 'you': 0.15878969720925504, 'we': 0.15100737168232325, 'he': 0.12049873767241416, 'they': 0.10430325580207991, 'We': 0.05334409980303056, 'You': 0.04087628926052452, 'it': 0.04049079618414541, 'she': 0.03281041000916102}, {'this': 0.4656716102226449, 'the': 0.07950473606487726, 'to': 0.06055539193290801, 'his': 0.058148086235370273, 'in': 0.049026528444702566, 'a': 0.04519633690376031, 'my': 0.03824115190898802, 'good': 0.03387106893820892, 'that': 0.031861352923312374}, {'is': 0.3194141499723857, 'was': 0.10984667352391367, 'have': 0.10270298778089779, 'be': 0.1008615815906726, 'and': 0.08099762974544653, 'had': 0.07704197026094121, 'will': 0.04861110462843792, 'has': 0.041415242372692784, 'Is': 0.041230939281054826}, {'to': 0.32040123442259544, 'will': 0.2405601441405995, 'shall': 0.10708703317379316, 'should': 0.06457839564828417, 'may': 0.05532332060354648, 'can': 0.04696380848358606, 'would': 0.0434992133451546, 'not': 0.036168740195381834, 'must': 0.03584517436925347}, {'it': 0.1282674437454785, 'he': 0.11588985153371738, 'which': 0.09837940728135901, 'and': 0.09087353939872858, 'It': 0.08573696332185543, 'that': 0.06462386497367012, 'who': 0.051998778447613477, 'He': 0.0239995817436407, 'as': 0.020045840917525832}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'it': 0.20025183666124766, 'that': 0.1653583301420875, 'It': 0.0912807155787794, 'which': 0.060393085972996294, 'and': 0.03855999818207942, 'he': 0.031097769006803364, 'There': 0.020788824944135097, 'there': 0.018008193860428272, 'That': 0.017497602681888595}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.20484208449119393, 'and': 0.09390389120827436, 'a': 0.08832970089370838, 'of': 0.07063471592695679, 'to': 0.05385438868891443, 'in': 0.036478894719687065, 'for': 0.03298355929639502, 'The': 0.021469792527750914, 'his': 0.02091048281190284}, {'to': 0.41141094128054534, 'a': 0.14552922280000416, 'will': 0.08768833133346449, 'the': 0.07769822227093469, 'not': 0.0459906860852734, 'would': 0.04133835965223281, 'and': 0.03085950505641395, 'shall': 0.02474816895741142, 'his': 0.024365244515399623}, {'and': 0.11982936771573476, 'was': 0.04318686101311675, 'is': 0.03442906160968657, 'Beginning': 0.029853796029896264, 'look': 0.029785043509945378, 'be': 0.026646561957615132, 'it': 0.025222276867729695, 'are': 0.023829966728049802, 'that': 0.022509737697919124}, {'of': 0.1020072007399396, 'and': 0.08917915782652422, 'on': 0.04108070533102924, 'in': 0.03096253624713532, 'is': 0.028752490932217482, 'are': 0.02734386699982055, 'to': 0.02544057107859307, 'was': 0.024478233940952127, 'an': 0.02372279054942706}, {'the': 0.6390866346894885, 'a': 0.0775556284180651, 'The': 0.04943023180957141, 'tho': 0.0461904191166612, 'and': 0.045538709837373695, 'great': 0.028308769225485468, 'tbe': 0.021869844805626676, 'in': 0.021063047167129707, 'this': 0.019598902755685717}, {'and': 0.10221907577126567, 'the': 0.06716611179657185, 'a': 0.03533024522888545, 'that': 0.025783913800067507, 'of': 0.024208930685068335, 'to': 0.022102515560964296, 'man': 0.020678508167584937, 'time': 0.018948937387499604, 'men': 0.013839963752468772}, {'and': 0.10968615154899033, 'that': 0.10300191553271104, 'as': 0.06787944444478897, 'of': 0.06784266536627429, 'to': 0.04946776343917317, 'make': 0.04536235238254599, 'which': 0.043134291809455536, 'but': 0.03568964334384511, 'if': 0.0324340118960915}, {'is': 0.17259142955892112, 'ought': 0.08272961521902446, 'are': 0.08056057458647582, 'seems': 0.07558392967483372, 'was': 0.06572888558670693, 'not': 0.06439114674223405, 'said': 0.05149586598076354, 'seemed': 0.04272828164381891, 'as': 0.041024869025136954}, {'a': 0.5996059675643638, 'the': 0.12257361574979612, 'A': 0.04899622408253893, 'of': 0.03700990758043034, 'The': 0.03509326315986122, 'no': 0.029606229856340087, 'and': 0.024629084539651756, 'his': 0.017366188395170012, 'as': 0.013118701158137295}, {'a': 0.5267556833077277, 'the': 0.12171898537484897, 'and': 0.05916380148777901, 'of': 0.04240949087952971, 'most': 0.04232071876743365, 'A': 0.03172863316516783, 'very': 0.030109910923361616, 'an': 0.02822983224662723, 'one': 0.022042366035763532}, {'of': 0.275081610808215, 'in': 0.1378269568820916, 'on': 0.13683225996049048, 'to': 0.13530693301285143, 'and': 0.06110486134534161, 'that': 0.04995180346074405, 'with': 0.04627576512080343, 'from': 0.03683841120713432, 'for': 0.03582306268147399}, {'the': 0.09465852141043161, 'and': 0.07988974624357965, 'of': 0.07668969562173271, 'to': 0.06738788201408927, 'a': 0.05910141492982904, 'in': 0.03531294015657826, 'at': 0.024702761236418673, 'or': 0.019890294953798203, 'that': 0.01479619713910379}, {'and': 0.05049270609400036, 'covered': 0.04517537158604233, 'filled': 0.038667402650483275, 'together': 0.030659217980718908, 'charged': 0.023814339760940825, 'it': 0.0213243214089443, 'up': 0.019650106793190212, 'him': 0.018225104095288727, 'them': 0.016067503551254556}, {'the': 0.14651767028650897, 'and': 0.10280181339946678, 'of': 0.07164139889404732, 'to': 0.06710968865667367, 'in': 0.043620235518656805, 'was': 0.04085328919635116, 'a': 0.03773596883616436, 'be': 0.034467327867332885, 'is': 0.024743356400790086}, {'the': 0.4470747698762972, 'an': 0.11510947893078798, 'of': 0.07086060501429274, 'his': 0.06730547643285785, 'in': 0.03201719625119591, 'this': 0.03156453020025989, 'The': 0.022370041372889272, 'tho': 0.02200343900218515, 'good': 0.021155833174673972}, {'well': 0.09289188070909403, 'known': 0.09150792033496646, 'such': 0.06495686320865282, 'and': 0.057675598864368814, 'far': 0.05283258664895302, 'soon': 0.0367922664062837, 'is': 0.033512873427505765, 'just': 0.033213473437915655, 'was': 0.02672271563617947}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'the': 0.5948363231472962, 'to': 0.08498163133943024, 'The': 0.0576162522040522, 'and': 0.047395323279349325, 'an': 0.04642147003547589, 'a': 0.04452240636199368, 'no': 0.03702948478161077, 'his': 0.033881377168126774, 'tho': 0.029340293827905567}, {'the': 0.2127797365208638, 'of': 0.08302074642967078, 'and': 0.07380683214123993, 'a': 0.06568303652727647, 'in': 0.027923783153467472, 'to': 0.02344842585727404, 'for': 0.020987680758112734, 'or': 0.0200710438986922, 'that': 0.01912950736957076}, {'as': 0.14042292473166584, 'is': 0.12264912002738837, 'and': 0.1023914450702185, 'in': 0.09988077890112924, 'was': 0.08240219094867869, 'of': 0.07637773596291596, 'be': 0.07596110374903887, 'to': 0.062026200338329535, 'the': 0.05729271210625926}, {'the': 0.2333063895891906, 'any': 0.22688200657111282, 'a': 0.17095534498441547, 'Any': 0.10108061464168133, 'every': 0.07560752888044595, 'no': 0.0470939372192892, 'other': 0.037373318644552816, 'some': 0.03418956989102121, 'The': 0.03198248236968018}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'It': 0.1863534843032382, 'there': 0.17114302194463862, 'it': 0.1571312970353264, 'There': 0.0863267732740467, 'This': 0.05314199278471771, 'which': 0.038444543800034654, 'he': 0.03704784810338996, 'that': 0.0367825812830805, 'this': 0.03132237140267237}, {'the': 0.17033664326518952, 'of': 0.10360616332513127, 'and': 0.09242921683155202, 'to': 0.046412633589542875, 'in': 0.04397105737096263, 'a': 0.039788465246858654, 'his': 0.03031257154283826, 'was': 0.020218564941731184, 'In': 0.019744718058102833}, {'six': 0.31141140801368633, 'three': 0.14372971916115154, 'two': 0.10967217436058006, 'four': 0.07857433924392093, 'twelve': 0.0601689375057831, 'eighteen': 0.059026828275162736, 'few': 0.055841257548484395, 'several': 0.052116852734332114, 'eight': 0.03874477022783851}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'the': 0.5393860493071395, 'a': 0.19810716835496966, 'The': 0.06257832541918766, 'of': 0.06133770855492052, 'tho': 0.02728487840239318, 'A': 0.020265748259786453, 'our': 0.020096189812515656, 'in': 0.01879036917053515, 'great': 0.01825810297405175}, {'of': 0.31432509386359186, 'to': 0.1367138627930111, 'in': 0.0926106298034148, 'and': 0.0855381632239397, 'that': 0.07329042977188155, 'by': 0.05859515036862378, 'for': 0.055538608422367616, 'with': 0.04263886558401193, 'as': 0.029166362003370482}, {'amount': 0.07919987458556406, 'payment': 0.05473586814113923, 'out': 0.05053607716873832, 'value': 0.0498733300394171, 'part': 0.049264397934526596, 'proof': 0.04494063651223855, 'all': 0.035516241206615985, 'tion': 0.032755849510533855, 'proceeds': 0.02811040568735143}, {'in': 0.02638428018357941, ';': 0.022948193168088, 'Under': 0.022257726760128087, 'given,': 0.012259186448498384, 'him,': 0.009247354898396268, 'them,': 0.008968743245138962, ',': 0.008936750842298911, 'up': 0.008725773137890296, 'thereof,': 0.008656362438106123}, {'the': 0.6179941079673417, 'an': 0.1529590558071077, 'The': 0.05642586168539258, 'tho': 0.038915781925123905, 'a': 0.02764898213115462, 'this': 0.02100876153059087, 'tbe': 0.020541032670917017, 'general': 0.015276333301131357, 'said': 0.01309756484556753}, {'.': 0.09706337204945847, 'Mr.': 0.08366689081738472, 'W.': 0.061883989836621855, 'E.': 0.054817183790617556, 'No.': 0.04115079878534522, 'Mrs.': 0.03942782530517913, 'C.': 0.035310374900481174, 'J.': 0.032838673831544894, 'H.': 0.02938376822134458}, {'the': 0.5914068900000896, 'a': 0.09071602975060389, 'of': 0.0587059218960764, 'The': 0.058214828616600545, 'tho': 0.04148504429685225, 'and': 0.024812763830768827, 'tbe': 0.016422666303441545, 'to': 0.014704359536484525, 'in': 0.013379699571255534}, {'of': 0.29101867198091264, 'to': 0.11813174100818619, 'in': 0.1172972311449329, 'and': 0.06830399127118737, 'with': 0.060605934900068804, 'for': 0.05419409192275341, 'on': 0.05219893444697187, 'by': 0.041348689452230795, 'from': 0.039219237042174226}, {'the': 0.1807369256641689, 'Mr.': 0.08855785644716521, 'a': 0.06750731975974888, 'and': 0.062373830530946014, 'of': 0.052165752401127856, 'The': 0.03997695043210817, 'was': 0.03030034584473135, 'is': 0.022743710250947447, 'to': 0.022101731821456416}, {'to': 0.5827739228675215, 'not': 0.1032856438726728, 'will': 0.07781484513892196, 'would': 0.07102852593943262, 'and': 0.0567523768156949, 'may': 0.018639114009008067, 'must': 0.017167681210187028, 'I': 0.015997269584607954, 'we': 0.013455067814243155}, {'the': 0.8298009352723339, 'The': 0.03178028688047289, 'tho': 0.025508826915579454, 'their': 0.022472696821859102, 'our': 0.018033215076773485, 'of': 0.01662561661054004, 'his': 0.0158966054710523, 'and': 0.014850344912398094, 'its': 0.011938419389044923}, {'in': 0.02545262045727551, 'men': 0.018380070915252216, 'hundred': 0.015535937486177764, 'time': 0.012654718150595622, 'law': 0.011301664887260856, 'large': 0.010784408078718876, 'one': 0.010383486457761597, 'due': 0.009874292429144617, 'and': 0.009873237485976861}, {'they': 0.17021223761054824, 'we': 0.14096447976855717, 'you': 0.12722597146279696, 'I': 0.08991106170782166, 'he': 0.08172403094643141, 'that': 0.06517201807246517, 'and': 0.0645036557043125, 'which': 0.04901383564670165, 'who': 0.04860529925601022}, {'the': 0.10146844837649384, 'and': 0.08351440291232937, 'of': 0.07721678837795874, 'a': 0.06218890366985137, 'to': 0.05001128689621155, 'was': 0.039362128531934173, 'be': 0.03324765718154781, 'is': 0.024244084666346637, 'been': 0.02366127233680173}, {'and': 0.17769806811332714, 'the': 0.11247847190170268, 'of': 0.10738646591817218, 'was': 0.08044396526600425, 'is': 0.06136408885979613, 'an': 0.049617804046475325, 'in': 0.04944588222595619, 'or': 0.034566265710192896, 'from': 0.031225140125101386}, {'set': 0.17097881207897564, 'setting': 0.13907989148320987, 'put': 0.13690389577842388, 'brought': 0.06917519420260679, 'sets': 0.04692803620457627, 'and': 0.04064553791448847, 'bring': 0.025582553794004377, 'to': 0.02120740480887072, 'came': 0.01803822661920776}, {'no': 0.14719579488403028, 'the': 0.14461952703964215, 'a': 0.11992861190144109, 'and': 0.10503444828036755, 'of': 0.09600768792788412, 'or': 0.09483909892197191, 'any': 0.06645425792329647, 'much': 0.061968387885321975, 'for': 0.0534110259928235}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'a': 0.3912995389863509, 'one': 0.10544399755549477, 'the': 0.10020493998761948, 'in': 0.05340814679851573, 'certain': 0.05220796207493245, 'this': 0.045154837963982744, 'of': 0.04149476554982898, 'any': 0.04146919028171473, 'A': 0.03259968055474415}, {'are': 0.1528233915554518, 'be': 0.1458294910596025, 'is': 0.13605909890473616, 'was': 0.09031417585644827, 'and': 0.07457586261762084, 'most': 0.0716646984535924, 'more': 0.06888688842246754, 'were': 0.0575353432133198, 'a': 0.051841095529735336}, {'and': 0.11204552940588035, 'made': 0.06896032894229892, 'or': 0.03699418581223197, 'that': 0.03048433910786358, 'ed': 0.02822041851524531, 'him': 0.02273023942835716, 'them': 0.022502188233763848, 'held': 0.02088220613153845, 'done': 0.019210144520036155}, {'a': 0.5215565078791636, 'the': 0.2654641231487215, 'of': 0.05055676570755363, 'The': 0.0391347519995349, 'and': 0.018572131018225423, 'this': 0.014651272388483596, 'A': 0.014599488577180336, 'with': 0.014424244521358548, 'for': 0.011117336062781397}, {'to': 0.41540572007340815, 'will': 0.16968151124832348, 'would': 0.08893479375585324, 'shall': 0.06651901834808942, 'may': 0.05186794644140259, 'should': 0.03957340724896262, 'must': 0.03509590863426884, 'and': 0.019192993072479392, 'not': 0.017143151351115427}, {'that': 0.2895502269269783, 'and': 0.14614501437206212, 'is': 0.09755529616793848, 'was': 0.0627606510419515, 'of': 0.05611104056078403, 'be': 0.05588431368105113, 'but': 0.05425182673172216, 'by': 0.03242896081323987, 'which': 0.03220899430134793}, {'the': 0.6132266577564013, 'of': 0.06191534433607544, 'tho': 0.036701607867448666, 'at': 0.03389409644440157, 'and': 0.029739687474721742, 'The': 0.028604820660187255, 'to': 0.026952453797016655, 'said': 0.014613774065964142, 'tbe': 0.014357909798497314}, {'he': 0.12677220735327943, 'they': 0.1187152393706186, 'we': 0.09666418318350911, 'who': 0.06680681656996197, 'I': 0.0583796738414768, 'you': 0.05685473890782583, 'it': 0.05588902154192465, 'which': 0.04791142495321864, 'and': 0.04190841090456938}, {'the': 0.15432689245251346, 'a': 0.1330235471429027, 'of': 0.11364218474326393, 'to': 0.07218547454187832, 'and': 0.04341065663562752, 'as': 0.034507433452534785, 'at': 0.026016871814846642, 'in': 0.025880843013995593, 'for': 0.022025465768945787}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.25413100201178485, 'the': 0.21087864479333887, 'in': 0.1340934051390107, 'to': 0.040509770958691196, 'and': 0.03874546403308704, 'for': 0.03037053569078378, 'a': 0.0286592067684771, 'In': 0.025928584828935716, 'The': 0.01807622951572887}, {'virtue': 0.047208748828426794, 'one': 0.03731655147053976, 'out': 0.02742695326104886, 'quarter': 0.02536332468281589, 'part': 0.021055512274846783, 'that': 0.017992317412955046, 'payment': 0.015369728249922021, 'tion': 0.01260724274962853, 'side': 0.011536702763787576}, {'the': 0.6468874711598005, 'The': 0.076251955491641, 'an': 0.04718843995659321, 'that': 0.03751544212723638, 'whole': 0.03019367668291735, 'tho': 0.028241544585952804, 'this': 0.025200310762864615, 'and': 0.023520642578009086, 'a': 0.021832342659851945}, {'the': 0.14651767028650897, 'and': 0.10280181339946678, 'of': 0.07164139889404732, 'to': 0.06710968865667367, 'in': 0.043620235518656805, 'was': 0.04085328919635116, 'a': 0.03773596883616436, 'be': 0.034467327867332885, 'is': 0.024743356400790086}, {'<s>': 0.04364305021660168, '.': 0.024951927640529187, 'it.': 0.02016123255952567, 'them.': 0.018477822374164544, 'him.': 0.016648327173569444, 'it': 0.015290936897683472, 'Mr.': 0.01434149648238134, 'her.': 0.013599899777558695, 'me.': 0.012046360943866567}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'was': 0.1328259493415305, 'he': 0.1310524597776356, 'be': 0.127537428697224, 'and': 0.1231594895589302, 'I': 0.07906961474473555, 'is': 0.06703676184971782, 'were': 0.043849992527521094, 'are': 0.04044078546931637, 'who': 0.03852657143846196}, {'of': 0.4639493402052961, 'in': 0.09377191949258448, 'to': 0.07640285292147929, 'and': 0.057732191046362534, 'by': 0.04955587709475582, 'from': 0.04521339304499154, 'on': 0.04424931348738492, 'at': 0.03994870296195312, 'that': 0.036047276691718304}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'there': 0.030398521322705267, 'mortgage,': 0.024589634027302278, ';': 0.024432908464996232, 'it,': 0.01519495322264309, 'cause,': 0.014540507171306267, 'mortgage': 0.010583621003292989, 'them,': 0.010271711206869519, 'States': 0.008597589875224031, 'you': 0.007740314694520186}, {'the': 0.22038313903105292, 'Mr.': 0.07937156760867098, 'of': 0.07368785948768332, 'The': 0.06437454493038172, 'and': 0.05944888902093017, 'that': 0.046904228525190425, 'a': 0.028819451762637286, 'his': 0.018895379103475607, 'Mrs.': 0.016510016796138643}, {'the': 0.6052152571662546, 'of': 0.10623082347478174, 'an': 0.08598976245380414, 'The': 0.05609901560436488, 'and': 0.030029181984042527, 'tho': 0.028057122058067076, 'on': 0.018084503444775208, 'in': 0.017356318064558077, 'by': 0.014232361813255611}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'of': 0.301041630851604, 'in': 0.27073458146550144, 'to': 0.1177808404987745, 'In': 0.060258120289352554, 'for': 0.05853928930210865, 'by': 0.049269236056369084, 'with': 0.034118762974567673, 'that': 0.03303928104669717, 'from': 0.03010038959993832}, {'the': 0.43604881623945, 'this': 0.31957798811457905, 'The': 0.04802787038258394, 'our': 0.033383543266977685, 'that': 0.03201807669874155, 'a': 0.03077910852038248, 'his': 0.025907926006732297, 'tho': 0.025685498918711247, 'whole': 0.02120264862193521}, {'out': 0.06643753087666322, 'number': 0.055745399169175126, 'amount': 0.050249441219302804, 'matter': 0.0373703155639266, 'state': 0.03306967385585023, 'point': 0.026339263182127072, 'time': 0.02343510002712084, 'day': 0.02322437356154641, 'kind': 0.022978529519164778}, {'the': 0.44779327629342686, 'a': 0.10964613729336131, 'of': 0.0740772165354863, 'and': 0.05423994988793027, 'in': 0.039372618029584416, 'tho': 0.02498914400761875, 'an': 0.02464923545276869, 'The': 0.01994742025847102, 'or': 0.019355112498768565}, {'and': 0.11466088913790702, 'that': 0.05532000573712739, 'as': 0.04709364811439039, 'which': 0.027921097184170882, 'the': 0.027643100012842033, 'of': 0.025193515050706702, 'but': 0.024181478855027992, '<s>': 0.02361422624512566, 'when': 0.021289870781935925}, {'of': 0.4049304231136844, 'in': 0.09495831870824631, 'all': 0.09309094610970355, 'that': 0.07940319257343667, 'and': 0.06747180096868594, 'with': 0.05427450038540612, 'for': 0.050355858412337355, 'to': 0.03821931551190442, 'as': 0.035631120039563424}, {'of': 0.19247775193210395, 'in': 0.13794872544664924, 'to': 0.11492887710049314, 'or': 0.0938697043498913, 'at': 0.08752929205241952, 'by': 0.08094408995239519, 'than': 0.06663461124491613, 'that': 0.058819623896101875, 'from': 0.05143430259267799}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'one': 0.0285375406081513, 'in': 0.02487615300771071, 'right': 0.02311824622889776, 'up': 0.020683686795024678, 'him': 0.017378013406889433, 'hundred': 0.01735499112481395, 'time': 0.015839672500301275, ';': 0.013251557327963114, 'good': 0.012230425263749688}, {'the': 0.1491857277299953, 'of': 0.09833587849022876, 'and': 0.07854119428578314, 'a': 0.06105303267641233, 'to': 0.05760333246919675, 'in': 0.05523321233058522, 'for': 0.030405345990128643, 'that': 0.02249821799516887, 'an': 0.02015888881353043}, {'is': 0.151395993836947, 'and': 0.1484549612449762, 'that': 0.14175109711888997, 'by': 0.10848386776044239, 'have': 0.10478979109752566, 'had': 0.06210798900236105, 'of': 0.05980263199436676, 'was': 0.050435690554663196, 'has': 0.04569464069992861}, {'and': 0.11599362978189419, 'of': 0.10149181768712773, 'that': 0.034822937069422286, 'when': 0.03265536440979421, 'to': 0.03132907118238161, 'said': 0.031242142242925503, 'until': 0.01800012926750714, 'the': 0.016197173492491723, 'by': 0.0141385730352007}, {'the': 0.28549428033134105, 'of': 0.1562921134352753, 'his': 0.09557681734428636, 'their': 0.09135916496081616, 'and': 0.082236700017769, 'a': 0.04499036553782173, 'its': 0.03593232842942572, 'an': 0.03224830185715379, 'her': 0.03189061965732544}, {'of': 0.16520663984838382, 'at': 0.10086509027809669, 'to': 0.09867423859176065, 'in': 0.08329974098393343, 'the': 0.07531011168447987, 'from': 0.05002187411683053, 'on': 0.04104063717300621, 'and': 0.03999317397203681, 'by': 0.035621169272778745}, {'of': 0.22542601129901854, 'in': 0.1271160473545423, 'with': 0.09994037616618724, 'to': 0.08803229945859553, 'for': 0.08293171360644688, 'and': 0.0790789521811045, 'is': 0.06543908900764189, 'by': 0.054912768471340474, 'was': 0.04988653463363067}, {'the': 0.4094840953934776, 'of': 0.13064628826349567, 'a': 0.10100565756236272, 'in': 0.09169413088557725, 'said': 0.03798821961140865, 'other': 0.03329632013035859, 'and': 0.0320667937333156, 'large': 0.02813377454578752, 'two': 0.027526521835449035}, {'able': 0.08026497520360472, 'time': 0.07403641746536392, 'began': 0.06746016156643202, 'and': 0.06192736194781561, 'him': 0.05930885219497617, 'enough': 0.05605212029297095, 'is': 0.04677185970658102, 'as': 0.045396825387254015, 'right': 0.044477058880985576}, {'instead': 0.25410220114965604, 'Instead': 0.08443552756259032, 'capable': 0.05685114796679766, 'purpose': 0.0385275990612696, 'number': 0.027394878554105506, 'sum': 0.02481474089373765, 'amount': 0.021306858216505416, 'rate': 0.020486971169826347, 'question': 0.017220145192262233}, {'with': 0.16732318153961473, 'of': 0.1581254471540315, 'the': 0.15416949342924285, 'and': 0.14838120925902698, 'an': 0.0922851403552822, 'their': 0.0451775528499689, 'no': 0.044855484288063324, 'any': 0.03686843574351955, 'as': 0.031017498042739004}, {'and': 0.120939522836767, 'as': 0.06828277491866139, 'time': 0.04729667191268077, 'order': 0.03482012779460887, 'power': 0.034692929283241164, 'necessary': 0.03334145537210488, 'right': 0.030175546839675896, 'go': 0.029644183422898714, 'is': 0.028883586805178156}, {'the': 0.16414376380727994, 'of': 0.11002399516268135, 'and': 0.07198652093037923, 'im-': 0.03059454613855484, 'a': 0.0191584078421315, '<s>': 0.018142065018893854, '.': 0.015377379527924569, 'for': 0.014876363800327252, 'two': 0.012873827112363498}, {'of': 0.2046290233751664, 'to': 0.12614880337182338, 'and': 0.07147908313021334, 'in': 0.07099430979169767, 'that': 0.054226143574792794, 'by': 0.044163861480692644, 'on': 0.04094373248085701, 'at': 0.040361736586970814, 'from': 0.03950459144159714}, {'it': 0.13349509533819734, 'they': 0.09375877940237687, 'he': 0.09073686265622058, 'and': 0.08495519735973127, 'you': 0.0797214399320864, 'I': 0.06619585946900551, 'It': 0.06346504601879507, 'which': 0.0582121200879949, 'we': 0.04587391498544699}, {'and': 0.18421413576404613, 'day': 0.16288380327373186, 'time': 0.10018400702323951, 'that': 0.06279026756888305, 'but': 0.04934963020718472, "o'clock": 0.02388327188966795, 'night': 0.022878228473941983, 'as': 0.02258280079744185, 'times': 0.021710521890767265}, {'in': 0.1723951268645331, 'of': 0.13907425372051502, 'to': 0.09009192522549586, 'with': 0.051776335912188, 'from': 0.04705438364456953, 'for': 0.044541165924803894, 'on': 0.03719494818267838, 'and': 0.03672204453598108, 'In': 0.03468935618121388}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.23986828378108724, 'a': 0.16199465924503878, 'at': 0.09635282844025855, 'to': 0.08253829972345159, 'of': 0.07196734726553257, 'an': 0.04116242961225902, 'and': 0.03855415507151999, 'in': 0.037605669730294125, 'from': 0.02433759754286769}, {'the': 0.32421141952602944, 'this': 0.09811252906269444, 'an': 0.06978041642671749, 'of': 0.05470563518236495, 'and': 0.03512912816049173, 'The': 0.03329602426905539, 'a': 0.026575577885219255, 'in': 0.02041763413859311, 'tho': 0.013819878459319609}, {'a': 0.3513775722717606, 'is': 0.13077096577894376, 'the': 0.12232033744562225, 'are': 0.08295866121423505, 'was': 0.0765636479840564, 'be': 0.06480675854920612, 'were': 0.03146266739057376, 'not': 0.03120764230128118, 'and': 0.027888723334921258}, {'that': 0.19529459725552145, 'and': 0.1893205846914157, 'but': 0.10676670620972793, 'as': 0.07688705093448475, 'which': 0.058663178485630074, 'if': 0.03975885240158478, 'when': 0.03805535861827694, 'where': 0.02774861381497361, 'But': 0.025105247517370508}, {'few': 0.18498970415962115, 'ten': 0.11780558082708946, 'thirty': 0.10833410687374409, 'several': 0.09524173403695804, 'three': 0.09005560072836272, 'sixty': 0.0757816644158376, 'the': 0.06745312626890318, 'twenty': 0.06533775130455784, 'two': 0.06386785577482797}, {'the': 0.4195672538775177, 'of': 0.1442289327548741, 'his': 0.04547843706691813, 'for': 0.038339609514352335, 'and': 0.03486336506616406, 'their': 0.03387652149536989, 'The': 0.03128622271808485, 'tho': 0.02929324477093271, 'all': 0.027564242805983595}, {'miles': 0.05376424608933774, 'and': 0.04380541115790661, 'away': 0.036419436515658946, 'came': 0.033151609943360534, 'feet': 0.031237891913089053, 'taken': 0.0250076192300613, 'come': 0.023903807163280933, 'up': 0.023493327233132234, 'far': 0.021368247813392315}, {'made': 0.12763887900130733, 'and': 0.07546195212293891, 'accompanied': 0.03921619921178753, 'held': 0.030650911084581733, 'ed': 0.030536479523192737, 'owned': 0.03032905680830314, 'shown': 0.029568817234156067, 'taken': 0.028851754947676084, 'given': 0.027869526006429668}, {'and': 0.18756950964637897, 'fact': 0.1049849152597119, 'so': 0.07037830284758004, 'is': 0.0698129041959173, 'know': 0.04689430441169238, 'believe': 0.04220969452949754, 'say': 0.03563289672405089, 'was': 0.029461958020516984, 'found': 0.026495012556699685}, {'the': 0.07332570887064774, 'Fifth': 0.05331780136034087, 'Lake': 0.05039183901142457, 'Pennsylvania': 0.04643346364663342, 'Central': 0.0447053136366562, 'Third': 0.04291348852087535, 'Summit': 0.04104715918162191, 'Jersey': 0.04074786920997473, 'Union': 0.03657096739598002}, {'that': 0.16031289911561047, 'which': 0.12076451348058233, 'and': 0.0953521393226084, 'it': 0.08973067738330862, 'he': 0.08719108988910068, 'who': 0.082693453544898, 'It': 0.060858543157842324, 'there': 0.06018799095029751, 'never': 0.041416275958310676}, {'be': 0.28398456960861646, 'was': 0.1728476800863212, 'is': 0.10250385095167759, 'are': 0.06971977878466223, 'and': 0.06434336089734465, 'been': 0.06360288100964491, 'were': 0.052739879717590955, 'being': 0.03554988654988047, 'he': 0.025665203725154438}, {'the': 0.11125892077865004, 'and': 0.08782156436880603, 'a': 0.06468461266113008, 'of': 0.05590974409154174, 'to': 0.05267332921088835, 'for': 0.028898977455236043, 'that': 0.022913482423738425, 'will': 0.019997217832109452, 'in': 0.018709933466465}, {'the': 0.16413301076394826, 'very': 0.11527119268868866, 'of': 0.11451444687276441, 'a': 0.09458495701833713, 'so': 0.09340436133105746, 'feet': 0.08813626290489152, 'as': 0.08474914560899047, 'and': 0.06854151377434034, 'too': 0.04737862339588063}, {'and': 0.17825465048087452, 'the': 0.1228395637379975, 'is': 0.09002848917247089, 'an': 0.08142583043766125, 'was': 0.07426197704753329, 'are': 0.06692029756243191, 'be': 0.0644457628429669, 'that': 0.05027280931155194, 'been': 0.04510982088034575}, {'and': 0.11655707413453793, 'of': 0.08648827234491459, 'the': 0.07617731969217964, 'to': 0.05599943866576314, 'is': 0.04141629007531751, 'I': 0.03302322939852381, 'be': 0.03201551115289312, 'there': 0.031044122461669932, 'or': 0.03055087400424243}, {'of': 0.11350483232153981, 'the': 0.10212395544892292, 'a': 0.10054377333430528, 'and': 0.0752025133298509, 'to': 0.05752576459196421, 'for': 0.030498257006551146, 'in': 0.029215791741834397, 'that': 0.022421148783591336, 'at': 0.02195662416790424}, {'the': 0.18993880449201844, 'of': 0.11639210830738761, 'and': 0.08735698721996352, 'Mr.': 0.04797666771675121, 'a': 0.04136447797506552, 'to': 0.030717163312382403, 'The': 0.02649997786553738, '.': 0.022960452586241215, 'by': 0.020277340511229532}, {'and': 0.1156789470292127, 'well': 0.07556980993677288, 'regarded': 0.04497062169191372, 'him': 0.038248776737851944, 'known': 0.03783818211632863, 'soon': 0.03287802268774235, 'it': 0.03193764873859754, 'is': 0.029686094618060876, 'but': 0.029025893971380265}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.12521581782226843, 'be': 0.09792255237380497, 'I': 0.07477161903667723, 'was': 0.0692420363263206, 'he': 0.05774601382664014, 'have': 0.03915876386863174, 'is': 0.035288641951923994, 'had': 0.03147168753344404, 'has': 0.02669431717039039}, {'of': 0.1535562168611771, 'and': 0.06328654845814374, 'in': 0.05037463798522795, 'that': 0.04169752271620642, 'for': 0.03353043703209268, 'to': 0.029637066988151183, 'by': 0.014489386149946715, 'from': 0.013532777648598799, 'on': 0.012424318487067394}, {'a': 0.36652060828550015, 'the': 0.22944913571605405, 'in': 0.10931266779255305, 'of': 0.060227591309807385, 'and': 0.05319325957537511, 'no': 0.03993243154460907, 'for': 0.03911240494632286, 'his': 0.03170301368123069, 'with': 0.027952074754843285}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'the': 0.13770981187390746, 'of': 0.12060713590284579, 'and': 0.07133638907028977, 'to': 0.050475560362556265, 'a': 0.030498411227012384, 'Mr.': 0.02478840032794592, 'or': 0.019402144663245573, 'The': 0.0186517484901501, 'as': 0.018500966331323854}, {'the': 0.5163607992675013, 'said': 0.12542762360037712, 'of': 0.056044315656099665, 'tho': 0.02246320672418997, 'his': 0.020878329464129444, 'The': 0.015527913303280832, 'a': 0.013883041499241522, 'and': 0.012471733736804342, 'this': 0.010561942357071882}, {'it': 0.13053658796033374, 'and': 0.09124007390209071, 'they': 0.07116647009959454, 'I': 0.07046377150459321, 'It': 0.06512421997975151, 'he': 0.057887327503048036, 'you': 0.05058398599828772, 'which': 0.04374435740579128, 'we': 0.04217526666266713}, {'number': 0.0857865106057077, 'line': 0.048104150943570574, 'state': 0.04017202196205679, 'State': 0.026838602310452923, 'county': 0.023284358526678227, 'city': 0.022659793831259746, 'people': 0.019524052909557735, 'out': 0.019078448407980904, 'quarter': 0.018432992747101005}, {'the': 0.5812668463817585, 'a': 0.16889869024698365, 'The': 0.07427443430786713, 'tho': 0.0415606950039915, 'and': 0.01928226100549465, 'any': 0.016353697220981674, 'tbe': 0.016241902582917845, 'this': 0.013317326828765358, 'great': 0.011086781184379254}, {'of': 0.1993922402988509, 'for': 0.14451326330381553, 'in': 0.12833774357009498, 'at': 0.1108937816688812, 'to': 0.0901066770100196, 'and': 0.06232659589532184, 'on': 0.05119753135038371, 'that': 0.035085474735130524, 'from': 0.03316772128866607}, {'one': 0.09011870075177028, 'out': 0.07184222173831309, 'part': 0.062296779890565736, 'some': 0.04469047989410629, 'account': 0.04430483992413245, 'any': 0.03062274357086134, 'all': 0.026797790022556507, 'that': 0.02576799466411198, 'tion': 0.0223424726678013}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'the': 0.36654792750938653, 'his': 0.13179850051911923, 'a': 0.1116002584507202, 'of': 0.04182068730479017, 'their': 0.04086057956294004, 'said': 0.02884781822863202, 'our': 0.02717487459137826, 'her': 0.0257475554658229, 'in': 0.019304825727183013}, {'of': 0.1562926625296941, 'is': 0.1250286436870768, 'was': 0.10778836597663256, 'for': 0.0943801813157512, 'and': 0.07676170795559219, 'in': 0.07330866905835394, 'to': 0.07149981415943504, 'with': 0.06353196053716004, 'as': 0.05925480963462129}, {'and': 0.17732780411224122, 'of': 0.1410760730920468, 'in': 0.0804346730489499, 'for': 0.07264408842460816, 'to': 0.06640448099687626, 'by': 0.053273356222877315, 'was': 0.034983637817363286, 'In': 0.03486863515849143, 'or': 0.03474227754257312}, {'of': 0.2982508804074695, 'in': 0.24778196727700189, 'for': 0.09750747794879888, 'at': 0.07071909488364457, 'In': 0.05688538124489603, 'by': 0.054345399845723286, 'with': 0.04046136235240508, 'to': 0.04041896805473177, 'that': 0.03663029976551577}, {'sum': 0.016328629329483636, 'out': 0.011199130054419226, 'amount': 0.01098427885233564, 'number': 0.010966495951007758, 'Board': 0.010606384122442537, 'day': 0.009994987531108633, 'line': 0.009797732497612439, 'county': 0.00968943267720081, 'purpose': 0.008481733832078262}, {'be': 0.20280634162760683, 'was': 0.17926509777689079, 'been': 0.15285936632641223, 'were': 0.0836024743154151, 'and': 0.07190131509362481, 'is': 0.050256973466591366, 'have': 0.050000137205222256, 'are': 0.04665132075590002, 'he': 0.04493697780637207}, {'provisions': 0.08155268622048072, 'copy': 0.07438298592748818, 'date': 0.061886723423349964, 'part': 0.06076408457322527, 'one': 0.05124169281485493, 'out': 0.04701489352502034, 'people': 0.04423834088325635, 'publication': 0.03792894646628187, 'members': 0.026565416948037213}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'of': 0.2548782900132244, 'in': 0.1894375741891635, 'to': 0.11346732977012326, 'and': 0.08574863958035052, 'with': 0.0606970802144857, 'that': 0.05815384838609386, 'on': 0.05161313633069942, 'for': 0.04166756130698164, 'In': 0.03677246520540466}, {'the': 0.5190907161413962, 'The': 0.07203091817740381, 'a': 0.0624519477347843, 'of': 0.057772139260555744, 'and': 0.048016756353629945, 'his': 0.03728569795207714, 'tho': 0.030901792420103324, 'in': 0.029150461957525582, 'for': 0.027592900084158545}, {'the': 0.5771404851449111, 'a': 0.07365513337454621, 'tho': 0.047890949797549626, 'of': 0.04382663588336998, 'The': 0.04101995749639951, 'and': 0.03706870982239163, 'that': 0.02027057054352343, 'tbe': 0.0198102392234605, 'our': 0.016285259995288733}, {'the': 0.14551013696562912, 'and': 0.09519210615666336, 'a': 0.07365129380682987, 'of': 0.07114361422320375, 'was': 0.03026150218250698, 'be': 0.02874433063184356, 'Mr.': 0.028166620514969366, 'to': 0.02478812803245947, 'or': 0.020927642118309983}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'such': 0.17590616702786604, 'the': 0.13578174122729247, 'same': 0.11743112819519035, 'this': 0.08777746648630727, 'that': 0.08063015397486165, 'some': 0.07220056218816756, 'other': 0.06108267799630464, 'and': 0.054900565318013905, 'any': 0.041972005637843764}, {'feet': 0.12144681451170766, 'went': 0.07966708520287978, 'and': 0.05406426711314094, 'according': 0.05305963109225959, 'go': 0.04590994731182834, 'them': 0.028607237371039672, 'him': 0.026168716583263196, 'sent': 0.025283119583566153, 'came': 0.019845211957451227}, {'the': 0.41460347893300736, 'The': 0.17172856790014382, 'a': 0.10939375061673741, 'this': 0.05256495535395693, 'of': 0.039272383562728906, 'This': 0.03588942715708143, 'and': 0.03035285872201434, 'that': 0.026136691013429247, 'his': 0.023592718489212308}, {'I': 0.17358709704294256, 'he': 0.14113689195841286, 'they': 0.11334414028389157, 'we': 0.10402413723924027, 'it': 0.08912744003384315, 'you': 0.06835905322992915, 'and': 0.04542971418873981, 'It': 0.036331650144242146, 'she': 0.03629786523476049}, {'of': 0.17035148545325865, 'to': 0.13804919159745468, 'and': 0.13241419580834585, 'in': 0.07900983076720326, 'by': 0.07407460654769459, 'was': 0.06485666144664358, 'for': 0.0612000548237732, 'the': 0.0507704789545764, 'with': 0.04529280351097752}, {'of': 0.17874762407748615, 'to': 0.17450800927333618, 'in': 0.10743879748645452, 'for': 0.09417097229531061, 'and': 0.09290638536132202, 'that': 0.08287049707944041, 'with': 0.0641270476374595, 'by': 0.0515904850433852, 'as': 0.03455604649423921}, {'as': 0.08794746020050173, 'and': 0.08514744974706645, 'right': 0.054893547259745795, 'go': 0.04846326312623376, 'made': 0.04809988180443541, 'time': 0.046355816638238984, 'subject': 0.04245473178925374, 'went': 0.04092295181359335, 'him': 0.03978400155328407}, {'the': 0.21301760454876492, 'of': 0.21025683591873515, 'and': 0.14521019670944968, 'to': 0.10181402530148599, 'a': 0.07551158467078849, 'by': 0.038078120736958, 'for': 0.036777351218488095, 'in': 0.03206086870595801, 'with': 0.029761676607803187}, {'and': 0.23943804524719167, 'the': 0.12547851891819728, 'of': 0.08315485101587397, 'is': 0.04572290022075157, 'in': 0.04521121171029943, 'was': 0.04077964735562695, 'a': 0.03669705097596952, 'as': 0.0342510813730717, 'are': 0.031178365082716125}, {'the': 0.3440788574975156, 'last': 0.13715944677730862, 'at': 0.08311079564123619, 'Saturday': 0.057754167951320906, 'a': 0.05147176044663525, 'of': 0.0497210622546722, 'Monday': 0.043336279771364894, 'that': 0.037209435488535975, 'day': 0.030902925177579466}, {'was': 0.2718020336156304, 'is': 0.2051037430510056, 'are': 0.12237422106602154, 'were': 0.07264856944579098, 'and': 0.05324467796442317, 'did': 0.05102220651805547, 'do': 0.05069760205573017, 'had': 0.048734104596431106, 'could': 0.036979723262355296}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'the': 0.16239417075727616, 'and': 0.1457613131208932, 'other': 0.13529729035577734, 'all': 0.07126951470953806, 'this': 0.06213846391488645, 'these': 0.054610706162616075, 'of': 0.040877328753266, 'that': 0.03920705519484812, 'by': 0.038963342295873005}, {';': 0.027874401305107776, 'it,': 0.02210909578418456, 'him,': 0.01542393774680647, 'him': 0.015196177245117848, 'them,': 0.012839383894886805, 'in': 0.011089286938363757, 'us,': 0.010666466447648067, 'time,': 0.00877115888955369, 'time': 0.007551419141881839}, {'it': 0.21958464952889828, 'It': 0.11958503788594117, 'there': 0.08954214413968101, 'and': 0.05300946881779645, 'that': 0.03528694666820872, 'which': 0.0321274412302398, 'he': 0.027664911174868436, 'more': 0.020728597642787477, 'one': 0.020071744557361663}, {'of': 0.20309024667847003, 'in': 0.1720935071735886, 'to': 0.17202356878415587, 'on': 0.09114584363290805, 'for': 0.07526947054100047, 'and': 0.06072020890875066, 'that': 0.060586958468203785, 'from': 0.04966237626363304, 'In': 0.04073515366146615}, {'the': 0.14024867029828667, 'and': 0.09686571849381247, 'of': 0.07926579122539282, 'a': 0.04266407975494278, 'to': 0.04208873698970051, 'be': 0.036877429345950084, 'Mr.': 0.03655265728074058, 'is': 0.027038104028729866, 'or': 0.025947534829195294}, {'and': 0.10959072240215467, 'held': 0.040939144201271975, 'was': 0.03812718007499382, 'that': 0.03630281410084806, 'it': 0.03561593010617153, 'out': 0.03277399119317747, 'up': 0.031256150309944865, 'people': 0.027479312343105, 'him': 0.026846197621463574}, {'to': 0.7558467176275222, 'not': 0.05253451065628492, 'and': 0.04127356937790419, 'will': 0.0229865849891689, 'would': 0.019829065374244725, 'may': 0.01624210137413425, 'of': 0.015964377970589427, 'shall': 0.012468474213829144, 'can': 0.011909574416722373}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'to': 0.6487329795155568, 'not': 0.09249305600812738, 'will': 0.05583868551143677, 'would': 0.04339975264458645, 'and': 0.03473225395721744, 'can': 0.024498051421177478, 'should': 0.021284680043685198, 'shall': 0.018952987794995872, 'could': 0.01821634119642983}, {'of': 0.09938993720387995, 'and': 0.09678676467540111, 'to': 0.08833818174688493, 'the': 0.08740814554848932, 'in': 0.07246888699494691, 'for': 0.03683827733770394, 'with': 0.02446088315534849, 'a': 0.020926625069579475, 'In': 0.0172834030965418}, {'the': 0.15013876074548863, 'and': 0.12284886705230294, 'of': 0.07666678628019692, 'to': 0.052942357978643384, 'at': 0.04863984060106894, 'a': 0.047074998297710446, 'for': 0.038853783212906605, 'about': 0.027412205278574468, 'was': 0.02604754724177327}, {'and': 0.15574598469658266, 'of': 0.14877953611885242, 'to': 0.11479697996197304, 'know': 0.1144905990410762, 'see': 0.05279188705837674, 'or': 0.051950974519142934, 'but': 0.05146596990973639, 'is': 0.048013091962924775, 'in': 0.0452968882803376}, {'hundred': 0.01444191217773428, ';': 0.011834673680375107, 'him': 0.010388473796696067, 'one': 0.00968896846901267, 'feet': 0.009556811899111724, 'up': 0.008880191153313928, 'mile': 0.007973380143655012, 'feet,': 0.007606228831470488, 'time': 0.007287466987906896}, {'he': 0.15245173024302033, 'it': 0.14112572267341894, 'It': 0.11050128839292378, 'and': 0.09350990801827865, 'I': 0.0683961773421913, 'He': 0.06305426432243037, 'which': 0.05551243779467113, 'there': 0.04867382668328837, 'she': 0.04359929680060191}, {'the': 0.39025482909827724, 'a': 0.09248822420371278, 'of': 0.07932153950412679, 'to': 0.037318471372916114, 'The': 0.029601390600637233, 'in': 0.024857346686323587, 'and': 0.02215492558469685, 'tho': 0.017540363997566828, 'that': 0.014478494285881941}, {'a': 0.238044082546856, 'his': 0.2201231662939555, 'her': 0.11462644661668095, 'my': 0.06872192543546728, 'the': 0.06644335256716707, 'their': 0.037129277316288754, 'and': 0.02350497664306274, 'was': 0.01902675209385017, 'your': 0.013932736590125661}, {'the': 0.44779327629342686, 'a': 0.10964613729336131, 'of': 0.0740772165354863, 'and': 0.05423994988793027, 'in': 0.039372618029584416, 'tho': 0.02498914400761875, 'an': 0.02464923545276869, 'The': 0.01994742025847102, 'or': 0.019355112498768565}, {'the': 0.4276742796704687, 'and': 0.10531756032115275, 'a': 0.09480113965039921, 'Prime': 0.0454628014129974, 'The': 0.04150150613241131, 'tho': 0.03449597580916341, 'of': 0.02655819592320234, 'or': 0.01799423289023866, 'tbe': 0.015444789912423332}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.3034058621500215, 'a': 0.15157893778252227, 'and': 0.09143413846240492, 'or': 0.06154486645643125, 'any': 0.05484895048605162, 'that': 0.049336109729920495, 'other': 0.041176482882236604, 'some': 0.03849540427806946, 'his': 0.0373602229188278}, {'of': 0.15692513427147012, 'the': 0.12956086071275852, 'and': 0.05022714210340381, 'to': 0.03325945845577685, 'a': 0.030555592212939468, 'at': 0.025514534421332537, 'on': 0.02438069927846875, 'in': 0.02168786571352237, '.': 0.01914447355078453}, {'the': 0.1741457603051576, 'a': 0.11830550374358954, 'every': 0.051970723473455535, 'next': 0.051014252201676366, 'one': 0.0478927520100881, 'that': 0.045420334567697764, 'first': 0.04372266344877619, 'this': 0.03896017228288883, 'to-': 0.031359731595998135}, {'have': 0.35290331846652284, 'has': 0.2878026596687329, 'had': 0.217667388744226, 'not': 0.04906076550255564, 'having': 0.03594438063593115, 'never': 0.014982188329148723, 'ever': 0.008310539383684576, 'lias': 0.008140166090162099, 'bad': 0.007814761227295852}, {'to': 0.11144374236298595, 'the': 0.10917981760160007, 'and': 0.10692920077675938, 'of': 0.08551452114372984, 'in': 0.033918395178194706, 'a': 0.02924037307288965, 'not': 0.02004826767775804, 'I': 0.017020811204842605, 'be': 0.01652276935920046}, {'him.': 0.03469681827975136, '<s>': 0.02997055256861339, 'it.': 0.02318591216614186, 'them.': 0.015198959167791787, 'years.': 0.013005394130802867, 'time.': 0.010613715765962931, 'life.': 0.010583635808139268, 'himself.': 0.01055558810098723, 'and': 0.00987341384622401}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.16178058285422378, 'he': 0.15639573812578292, 'I': 0.08368634319797166, 'they': 0.08158838946378558, 'be': 0.052705430664661664, 'who': 0.04579006726928718, 'have': 0.042456032762753865, 'which': 0.03911840606984725, 'we': 0.03773581444702009}, {'the': 0.8295603115914811, 'tho': 0.02997468049298285, 'this': 0.02667203297600177, 'a': 0.01820314650925462, 'The': 0.014446321358761314, 'and': 0.012515596611734587, 'tbe': 0.01026655798789904, 'of': 0.008154336730765743, 'our': 0.007560431638483008}, {'and': 0.08296040376566996, 'able': 0.06504171041020183, 'order': 0.0621408185377654, 'him': 0.053813073784472795, 'is': 0.052874348919057894, 'was': 0.05026577439717304, 'time': 0.04985952724781956, 'had': 0.047685864843216075, 'as': 0.047027809783576416}, {'the': 0.700772696391791, 'an': 0.1236236011650576, 'tho': 0.03294164292188611, 'The': 0.030213524513861664, 'of': 0.025823686443143076, 'and': 0.021207282076094198, 'to': 0.01941461809627304, 'a': 0.014354758786347422, 'tbe': 0.014225896481581072}, {'and': 0.1450060995153577, 'of': 0.10117355993795878, 'the': 0.0823678936991956, 'a': 0.053969935740943095, 'to': 0.04970725061253947, 'was': 0.03832387755983352, 'in': 0.034011394107251014, 'be': 0.02817966164514978, 'he': 0.025034805075587894}, {'to': 0.5677382793754759, 'will': 0.14663485027290704, 'and': 0.05107611540420582, 'shall': 0.05082438453853758, 'would': 0.03806992328123546, 'not': 0.03407228438239869, 'should': 0.02654062879918894, 'we': 0.023626947439049542, 'must': 0.021738086834749624}, {'to': 0.37662169300696735, 'will': 0.19532098881870796, 'would': 0.09780965683887007, 'shall': 0.07342816386883538, 'should': 0.06279715924807884, 'may': 0.061136451706101796, 'not': 0.0415068271206447, 'must': 0.03573317507753141, 'can': 0.017263218178008268}, {'the': 0.2635438870245752, 'of': 0.2614732094151628, 'and': 0.12469329142643883, 'a': 0.037184691886710586, 'in': 0.034021625420465496, 'for': 0.02533430984215787, 'The': 0.02155602845948777, 'with': 0.01943855375019777, 'to': 0.017672820003848927}, {'get': 0.07245670546976644, 'was': 0.06827773018828956, 'and': 0.06627903282426373, 'him': 0.052442468208758614, 'it': 0.050561188617061346, 'them': 0.04807318223935662, 'are': 0.047026350523610795, 'go': 0.0433307210705129, 'come': 0.040797963484801664}, {'be': 0.22941127801400935, 'been': 0.11027843709240669, 'was': 0.08508775210955016, 'and': 0.08325326861423216, 'is': 0.057875034261774885, 'are': 0.039503748805936996, 'were': 0.03740361427505786, 'case': 0.03262074578030599, 'being': 0.03083626557966766}, {'to': 0.43305758289656937, 'and': 0.13283359227295774, 'you': 0.04846608310083562, 'I': 0.046624457207911585, 'not': 0.03842507071477285, 'will': 0.027936331186365407, 'they': 0.026548158433235932, 'we': 0.02404411033285969, 'may': 0.022005348995641907}, {'in': 0.23813213769209746, 'and': 0.14098040926223235, 'of': 0.10877263840211944, 'to': 0.09150719713335712, 'that': 0.06666359209641566, 'almost': 0.06518430838956474, 'In': 0.05569009300719573, 'with': 0.052787635409527724, 'on': 0.049208451861603324}, {'the': 0.45528931126806504, 'a': 0.23030401408803544, 'in': 0.11301283838882865, 'In': 0.03620008924159423, 'and': 0.02907063614329645, 'The': 0.026819156464817077, 'tho': 0.025057215571699595, 'of': 0.02031726160201937, 'great': 0.011280948127104142}, {'it': 0.18143874199255758, 'there': 0.10331969695424356, 'It': 0.09198639939220059, 'which': 0.08073126991269376, 'they': 0.06240522313208139, 'that': 0.054082648531678275, 'and': 0.05144105994683339, 'he': 0.03253148924096088, 'There': 0.03214778196988864}, {'the': 0.4628951301106669, 'a': 0.11641195695232405, 'and': 0.0732679761852325, 'The': 0.048623911329675855, 'tho': 0.025709185678585572, 'general': 0.021600542829424408, 'or': 0.018634774492866008, 'State': 0.016683679550294456, 'first': 0.011820282078891584}, {'to': 0.3574992117120408, 'can': 0.13792201528542916, 'not': 0.10047695862129875, 'may': 0.08377247922448319, 'cannot': 0.08127759896297114, 'could': 0.06236583900364633, 'will': 0.055448985306549105, 'would': 0.03864572035125142, 'and': 0.03588326182532533}, {'the': 0.4756569511047245, 'a': 0.10326894708352127, 'every': 0.08743359511178117, 'this': 0.08018243284310872, 'great': 0.037827956532883296, 'in': 0.032632114784317906, 'tho': 0.02912990397111074, 'first': 0.026461458702959902, 'and': 0.026060467095606377}, {'and': 0.0864184178618572, 'was': 0.08073544251249344, 'is': 0.06234025499851079, 'be': 0.05524284796441158, 'are': 0.051733831495724955, 'it': 0.03755949782809199, 'were': 0.03456833005037067, 'been': 0.030787829261938293, 'engaged': 0.028509818932930423}, {'an': 0.6863710744147237, 'the': 0.12593262454754287, 'this': 0.030357382969194095, 'in': 0.025900270329722617, 'and': 0.020414197960880242, 'of': 0.01803066547251241, 'his': 0.012024165779622266, 'to': 0.010693694620057308, 'An': 0.010093105577226452}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.5287985967643539, 'of': 0.07561401137334149, 'The': 0.04749582185087191, 'American': 0.04567329809424455, 'colored': 0.03943591775592299, 'young': 0.03713412804367143, 'our': 0.03647807128049285, 'and': 0.03527985509747707, 'many': 0.0308304582275453}, {'that': 0.25655352677263693, 'and': 0.14208379346364614, 'as': 0.11805873736505043, 'but': 0.059972672630868064, 'which': 0.05796455995024987, 'if': 0.037661339653668066, 'of': 0.02889663014458933, 'what': 0.023434828086685074, 'though': 0.022801993938292065}, {'per': 0.30040301933872526, 'a': 0.2814346660111158, 'the': 0.06900546024857859, 'one': 0.06406334807300955, 'and': 0.01688679115396764, 'A': 0.01227792492066714, 'each': 0.012252213017788966, 'to': 0.011345908108963536, 'his': 0.011123815961631965}, {'and': 0.22396001998644077, 'of': 0.09226485763474584, 'so': 0.045285745208738175, 'is': 0.044533842295670104, 'but': 0.038747533299817886, 'fact': 0.0338913250778942, 'was': 0.030656931907002576, 'all': 0.029772062379150668, 'in': 0.027180530520294045}, {'that': 0.3370798285435921, 'and': 0.12419712199949022, 'which': 0.0956788544309993, 'as': 0.04361957465532335, 'when': 0.0321849310215911, 'but': 0.02833055349882325, 'w': 0.027530843050118735, 'if': 0.025606097793166284, 'where': 0.021280828312981358}, {'man': 0.13252748512687332, 'those': 0.10487712725097786, 'men': 0.09045469873762083, 'one': 0.04633844061742528, 'and': 0.0398702657748481, 'woman': 0.031801035426405846, 'all': 0.027822087162550302, 'people': 0.02285308316238717, 'person': 0.021356208990145377}, {'the': 0.10680641273299893, 'of': 0.0985130879788683, 'and': 0.07972281505875098, 'to': 0.05621633815276892, 'in': 0.03936223839307938, 'a': 0.037661326451273264, 'Mr.': 0.03427549170571468, 'was': 0.03320291438578944, 'be': 0.022336611051243148}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'with': 0.16732318153961473, 'of': 0.1581254471540315, 'the': 0.15416949342924285, 'and': 0.14838120925902698, 'an': 0.0922851403552822, 'their': 0.0451775528499689, 'no': 0.044855484288063324, 'any': 0.03686843574351955, 'as': 0.031017498042739004}, {'able': 0.09380088845586755, 'enough': 0.06614436527508218, 'order': 0.06420441410847379, 'and': 0.06131515378029046, 'right': 0.05934132970872667, 'is': 0.059314582964265256, 'unable': 0.05672445448782474, 'began': 0.051661203416028784, 'ready': 0.05110271492529255}, {'and': 0.13325050355748289, 'the': 0.0977952141749978, 'of': 0.08076427417939416, 'to': 0.03940163852858414, 'that': 0.028813968188794205, 'a': 0.02344510229200655, 'in': 0.02251672229600885, 'which': 0.021414081113397418, 'will': 0.019786011898094126}, {'the': 0.16866521496506504, 'of': 0.10134741350355506, 'and': 0.07055437288341877, 'a': 0.04534265260080411, 'to': 0.0413013158134652, 'his': 0.025910871644329928, 'be': 0.025020793975801862, 'my': 0.023697134385706232, 'I': 0.02200907055966385}, {'was': 0.10729235880347986, 'and': 0.09450874177789904, 'by': 0.09245721050432588, 'or': 0.08218173989587513, 'in': 0.06967285273587222, 'of': 0.06503003344673253, 'is': 0.0575865032926036, 'the': 0.054285351099255606, 'are': 0.05015051482239914}, {'it': 0.15327803974861498, 'he': 0.09683318589640436, 'It': 0.09251846778714594, 'which': 0.050281696879765324, 'who': 0.04678314036414851, 'and': 0.0447693224662345, 'He': 0.035160929868829426, 'be': 0.02743962995461379, 'that': 0.022136689671207233}, {'and': 0.1426374475001279, 'of': 0.08358899196595705, 'the': 0.07352129835599588, 'to': 0.05178678893255457, 'was': 0.036154159809057784, 'that': 0.03333834557453847, 'is': 0.030363877477318262, 'he': 0.027780407439982058, 'be': 0.026367351461377808}, {'the': 0.12177314234367895, 'and': 0.09807790895346219, 'of': 0.07309289434667471, 'to': 0.07175216792008286, 'a': 0.06945641505062604, 'be': 0.05014167492984988, 'was': 0.048156200172620074, 'is': 0.036202922699813345, 'in': 0.024316267961933587}, {'the': 0.13177348457583554, 'and': 0.08977513723673074, 'Mr.': 0.06394707830771626, 'of': 0.06332723697953656, 'was': 0.041494085303134726, 'a': 0.02935811153907687, 'he': 0.026262230469561165, 'The': 0.025633511748188297, 'be': 0.02178456319610029}, {'be': 0.41623493135892004, 'was': 0.18459570291178162, 'been': 0.11792151015677786, 'were': 0.05288131226206572, 'is': 0.04440507950760014, 'not': 0.04365358922192762, 'are': 0.037286319138613216, 'ever': 0.0267290625573419, 'bo': 0.02232885862664627}, {'it,': 0.015044801616545424, 'them,': 0.012873238295630751, ';': 0.011942586787302601, 'years,': 0.008635424632248598, 'him,': 0.008604732525954287, 'it': 0.007295912696901636, 'them': 0.007145642793825774, 'here': 0.007028220895350248, 'time,': 0.006925430798132918}, {'of': 0.14876791910506765, 'in': 0.1161919092801472, 'for': 0.11437417062338977, 'to': 0.08710799232750988, 'is': 0.08588012338130262, 'was': 0.08563146237196023, 'and': 0.07174882621401116, 'with': 0.0704997867740951, 'as': 0.07044900909143989}, {'and': 0.09377129454296322, 'was': 0.04271315341537484, 'out': 0.028524574363226172, 'that': 0.02811573968936019, 'placed': 0.027131868575018914, 'work': 0.02578173844450971, 'made': 0.024681420068921236, 'is': 0.024021050156212566, 'up': 0.023509378606325886}, {'-': 0.05580478012304568, 'ai': 0.0545847638422714, 'the': 0.03566521551755795, 'a': 0.03203061903595037, 'at': 0.023733625554969648, 'to': 0.022919341714020425, 'I': 0.020599184146088745, 'in': 0.018945335378158207, 'of': 0.018173282531565273}, {'to': 0.734066434413453, 'can': 0.040815296221344284, 'will': 0.03805316766626157, 'and': 0.02857049310191739, 'not': 0.02579143379679115, 'would': 0.02054222519598013, 'To': 0.015018315651830776, 'could': 0.014089700196898649, 'may': 0.01134409412082002}, {'the': 0.7654541892283837, 'The': 0.05128734748108925, 'tho': 0.036805468257991414, 'and': 0.025059526621877815, 'a': 0.02082399963134121, 'tbe': 0.014416809199300737, 'of': 0.012728070024955964, 'his': 0.009975523288117221, 'in': 0.009482668233707152}, {'that': 0.2758277371423303, 'which': 0.11522179553010463, 'and': 0.11238591948598389, 'as': 0.10885496697838956, 'if': 0.05486024403825346, 'said': 0.04057466753747977, 'when': 0.032990821049123986, 'but': 0.02978857012542706, 'what': 0.020637138219697974}, {'of': 0.1345651741034634, 'the': 0.08814799157893448, 'to': 0.06474321489711285, 'and': 0.05110945471993682, 'in': 0.04746875351547344, 'his': 0.03070243961421051, 'for': 0.02845582728703788, 'be': 0.022521189265054645, 'a': 0.02240628809625299}, {'made': 0.11942847096974421, 'and': 0.07979570471363857, 'caused': 0.029091215056480817, 'shown': 0.028426754301022945, 'up': 0.02777670568714523, 'ed': 0.027617079589566704, 'out': 0.026630159435991316, 'taken': 0.02626602987193105, 'done': 0.02542850605479482}, {'he': 0.15833783157006798, 'who': 0.11252166679113242, 'which': 0.10007920750248263, 'they': 0.08307407047038702, 'it': 0.07687172224910013, 'that': 0.06547997363155768, 'I': 0.05314002564963188, 'there': 0.04507481930663967, 'she': 0.04354106747792997}, {'of': 0.16658828780378915, 'and': 0.10444789066651176, 'the': 0.08343478986320446, 'to': 0.05556398548193374, 'a': 0.052460437162102684, 'for': 0.02968507313734676, 'that': 0.027565057848307973, 'in': 0.02540106718463015, 'by': 0.025114127623964498}, {'the': 0.23319115064741205, 'other': 0.18996950920836164, 'of': 0.16877586770270123, 'all': 0.11680930660028982, 'such': 0.04288515614117915, 'their': 0.033100881819736694, 'to': 0.0326249298464511, 'any': 0.028945592925793264, 'these': 0.023295042783291822}, {'of': 0.3337600928845946, 'and': 0.08319274000385196, 'to': 0.08168552052913453, 'that': 0.07660213494559896, 'in': 0.07005235385268103, 'with': 0.06289939204467032, 'by': 0.06079390265978108, 'from': 0.037620360987172655, 'on': 0.03530904525432984}, {'and': 0.12753914735986696, 'the': 0.11194225533432829, 'of': 0.05608992991115606, 'to': 0.04987373272725773, 'he': 0.029686888767794215, 'for': 0.02564476967219411, 'in': 0.024508718376796516, 'will': 0.024413684023487474, 'be': 0.02348979936651137}, {'the': 0.5791996711384867, 'of': 0.06747319550163344, 'in': 0.058074588599527285, 'and': 0.05368143651570436, 'The': 0.030615840100974442, 'tho': 0.030525620335772434, 'In': 0.018707142047113712, 'that': 0.010499574005520925, 'tbe': 0.010211554309895217}, {'of': 0.19949165056880983, 'the': 0.10734431167067643, 'in': 0.06194612789953965, 'to': 0.05937033995329346, 'and': 0.046986900443390656, 'a': 0.040360939123747636, 'on': 0.024999155552866643, 'for': 0.01962400960324836, 'at': 0.018337199662909743}, {'of': 0.18567150757583833, 'in': 0.14439081259474887, 'and': 0.08419399305555161, 'was': 0.05112024255793798, 'In': 0.04645638251148127, 'to': 0.04501610109661749, 'on': 0.04373835136696955, 'is': 0.03655522439852982, 'by': 0.03472681647309329}, {'and': 0.18583125477841497, 'of': 0.13997389458398166, 'in': 0.10601969424030241, 'was': 0.08563342646529704, 'are': 0.07160872643390609, 'be': 0.047814064231774034, 'been': 0.046494856309223724, 'is': 0.04478807768533641, 'were': 0.041271398706880534}, {'the': 0.6809840456673357, 'a': 0.059741541341186054, 'his': 0.04727326432406663, 'tho': 0.02717717627456621, 'The': 0.026106497710418227, 'of': 0.02347813605216913, 'their': 0.02047498889219778, 'my': 0.014116521735421824, 'this': 0.011363763885259353}, {'the': 0.1950843207254812, 'and': 0.15874690187032256, 'he': 0.06706640332769316, 'was': 0.0644687138604279, 'be': 0.0501713189496648, 'I': 0.049114978744178875, 'were': 0.03593113284494569, 'The': 0.03468704871572303, 'had': 0.03163449407568988}, {'the': 0.31654004685719006, 'of': 0.06036988615217711, 'and': 0.03813754459106662, '.': 0.025625848668412318, 'The': 0.024091746134030003, 'said': 0.022409237056275625, 'tho': 0.019358672180206715, 'in': 0.015948550982536246, 'Mr.': 0.013905849139964784}, {'feet': 0.6127263030177901, 'chs.': 0.04616758480616596, 'went': 0.02272071082518785, 'ft.': 0.01661269230768624, 'chains': 0.014888397428047304, 'right': 0.013121713879924734, 'and': 0.012887580893311181, 'feot': 0.0121410836389745, 'down': 0.011592722574416136}, {'know': 0.1622632904860152, 'of': 0.14520535672975482, 'to': 0.09461558872343549, 'in': 0.08547543868948233, 'and': 0.07461399699645752, 'see': 0.06968881263852275, 'with': 0.04990013018579149, 'matter': 0.049361990665131854, 'for': 0.04869746570641596}, {'the': 0.2885694303824562, 'a': 0.2130877002508351, 'to': 0.10049699199988389, 'and': 0.03528542532557486, 'his': 0.029320208196558006, 'their': 0.02524198833441394, 'this': 0.024692934003304193, 'The': 0.021311792708964907, 'its': 0.018827958873279194}, {'with-': 0.3556224976685546, 'and': 0.06228134040757077, 'find': 0.057013037278756916, 'with¬': 0.05227514547857464, 'went': 0.03628860859640635, 'with\xad': 0.03445628247151654, 'set': 0.03391561756875036, 'carry': 0.030002936864057285, 'go': 0.02960362824660892}, {'would': 0.17959540429010784, 'to': 0.13519794944916977, 'who': 0.09755427043109222, 'they': 0.08092794866467283, 'I': 0.07229973568327139, 'which': 0.06237819314755754, 'must': 0.053838397959161594, 'might': 0.048424713189248424, 'shall': 0.04348004295022552}, {'the': 0.6215687641377667, 'The': 0.09551254231850703, 'a': 0.05466364518242263, 'of': 0.0414270338490236, 'tho': 0.03249435958331228, 'and': 0.023428041010696142, 'in': 0.018013869667344157, 'by': 0.011125779477060813, 'tbe': 0.010491674511193505}, {'more': 0.20471180021040136, 'of': 0.07430285801279644, 'the': 0.05421447028180848, 'to': 0.05416459377138358, 'less': 0.049359421384444525, 'and': 0.0435657228746305, 'for': 0.042486978875776425, 'greater': 0.04156987304523938, 'better': 0.0317825635417832}, {'as': 0.23839516005413683, 'be': 0.1720067119815053, 'is': 0.09713224404946852, 'and': 0.06987671485759994, 'are': 0.0627674999110899, 'was': 0.04610161710676513, 'herein': 0.03611155359006703, 'manner': 0.03540281111597686, 'been': 0.0328202683748152}, {'of': 0.16019039357685277, 'in': 0.13271325228758296, 'with': 0.09330009030739389, 'is': 0.08338715290135792, 'was': 0.07388725019957282, 'to': 0.07304443526666957, 'as': 0.06512617098242374, 'by': 0.056887547150221277, 'and': 0.054634316164736865}, {'it': 0.13796128875087904, 'which': 0.12123151758558284, 'It': 0.1190182297647619, 'that': 0.07907127608922525, 'who': 0.07084173501939091, 'he': 0.07065862855136053, 'there': 0.05551808419416357, 'and': 0.034746175819115654, 'There': 0.029925963619018833}, {'right': 0.06474209834555415, 'and': 0.06470502252046213, 'able': 0.05844664731713504, 'order': 0.05429859437695834, 'made': 0.04976351130108206, 'began': 0.04273936222002726, 'go': 0.03601130126144535, 'as': 0.03572906623006847, 'necessary': 0.035629270737569885}, {'of': 0.17466738054585454, 'and': 0.08011816776048203, 'the': 0.0786341392961019, 'for': 0.0678738955438128, 'on': 0.048125736353032675, 'from': 0.030598224736136412, 'to': 0.02691891977381851, 'about': 0.025457561234471984, 'feet': 0.015315645924351126}, {'<s>': 0.07056275550015122, 'of': 0.05783067767476496, 'and': 0.050638316256914714, 'that': 0.04735581539179618, 'for': 0.044103080856921675, 'to': 0.041767524137023206, 'as': 0.03672667295863714, 'in': 0.018427166294372382, 'but': 0.018038528815824257}, {'the': 0.1167974611215975, 'of': 0.08930347711496965, 'and': 0.0724242408353833, 'a': 0.027425381300903662, '.': 0.02150473410408691, 'The': 0.016924647943623746, 'in': 0.015127967044123645, 'at': 0.014005140380539348, '<s>': 0.013846282735208692}, {'it': 0.21667992261148805, 'It': 0.10935558532387599, 'as': 0.0992102993091394, 'which': 0.09687365893133239, 'that': 0.08069656501629825, 'they': 0.06030190647841252, 'there': 0.042822810321519175, 'and': 0.03325595955556815, 'he': 0.03087705486329871}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'of': 0.3401772009759197, 'in': 0.11511127058281025, 'to': 0.09375272668020339, 'and': 0.08613759930214965, 'that': 0.06259719707805131, 'with': 0.054828676727219465, 'for': 0.05464012006091031, 'by': 0.04647272826748986, 'from': 0.03514751625709624}, {'know': 0.1539595114041356, 'of': 0.12926979198583505, 'and': 0.12137701847390113, 'to': 0.08410699726934483, 'or': 0.06612459083931833, 'see': 0.06117670733914905, 'do': 0.04181325836007566, 'with': 0.03833069407403649, 'for': 0.035538791605818305}, {'seems': 0.1356736404871532, 'ought': 0.1100048460339192, 'seemed': 0.07720043904597824, 'seem': 0.07676128954804075, 'and': 0.0626343140696839, 'is': 0.0567409269325483, 'said': 0.05563038296032004, 'supposed': 0.04822799579908332, 'not': 0.04666750566219923}, {'of': 0.3753799756194028, 'in': 0.2519068248885128, 'to': 0.08838174421471134, 'In': 0.06557949489682165, 'from': 0.04273349533107354, 'and': 0.03475884452069523, 'South': 0.030061400967370717, 'for': 0.027115715115676918, 'with': 0.0187013429955898}, {'he': 0.17833040258096217, 'it': 0.0875393090575321, 'that': 0.08715976039014368, 'which': 0.06512669822726713, 'who': 0.06082077386308457, 'and': 0.05812754090669141, 'I': 0.05472144170120192, 'they': 0.04841153837492671, 'It': 0.03978470152598112}, {'and': 0.0546582703996416, 'well': 0.04195664563737169, 'known': 0.02290893861096748, 'far': 0.022712833128419086, 'that': 0.015362353775609556, 'in': 0.01258629417319616, 'made': 0.011806895604786406, 'as': 0.011661858532696651, 'it': 0.010855083709931074}, {'of': 0.2436034902732422, 'to': 0.10647959139894693, 'and': 0.09272212492478768, 'in': 0.07914460727087319, 'by': 0.03747823697500219, 'for': 0.03092405798495558, 'all': 0.030381946404568753, 'with': 0.027776047380037003, 'In': 0.017453516075377762}, {'and': 0.1229922937179843, 'to': 0.10400740645437409, 'of': 0.09710728734830003, 'the': 0.06951390451475185, 'I': 0.022594242767689374, 'in': 0.019357679892019225, '<s>': 0.018937209567556092, 'a': 0.01806657710252638, 'for': 0.016688895224251366}, {'the': 0.19562286545974122, 'and': 0.08210215890826428, 'a': 0.07285430231959578, 'of': 0.06740390745474954, 'to': 0.06543949730759961, 'so': 0.03317401232380278, 'is': 0.0309285392337911, 'in': 0.02758066527636791, 'be': 0.023650834831107286}, {'the': 0.15902868965225744, 'Deer': 0.14497036309690292, 'Grand': 0.09925794176437185, 'said': 0.08597625974799133, 'of': 0.0555263033580565, 'sub-': 0.026898997308225783, 'or': 0.0210491129577944, 'and': 0.01904426378412513, 'street': 0.018343669243144758}, {'I': 0.23877494756766296, 'we': 0.15395093765975904, 'they': 0.12888740652893937, 'who': 0.09448521801708692, 'We': 0.0880319729890945, 'you': 0.04700531621133243, 'They': 0.04014948499869865, 'would': 0.037612012438117896, 'to': 0.03620107126939134}, {'the': 0.136678820824746, 'of': 0.08559966611079586, 'and': 0.0743774832831651, 'to': 0.061150854676878516, 'a': 0.02662466584627316, 'that': 0.021062807860209136, '<s>': 0.01653171836020317, 'The': 0.014903555801696578, 'in': 0.013207570505221533}, {'the': 0.15887476187247904, 'and': 0.09291950853285091, 'of': 0.0609457492111986, 'in': 0.047014639682482894, 'to': 0.033173909027305624, 'for': 0.0320941136574002, 'that': 0.031572913377981626, 'or': 0.025769556877486086, 'be-': 0.024768695335226975}, {'and': 0.18493933355924916, 'of': 0.06068075641392861, 'so': 0.05671813828640537, 'said': 0.05611005847699608, 'fact': 0.05280984805184859, 'to': 0.03944838054627722, 'all': 0.03460074276783978, 'is': 0.03426264920132025, 'given': 0.03124236564514515}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'and': 0.0882437629549047, 'it': 0.046121918180505136, 'not': 0.04089914451040657, 'him': 0.03424405518095876, 'was': 0.030882857140013403, 'there': 0.029689580188392937, 'is': 0.02928197436167555, 'but': 0.02751267869613746, 'that': 0.024249919608222634}, {'and': 0.2348013878943657, 'be': 0.1717760656807714, 'he': 0.10107438375174742, 'was': 0.06094754930768068, 'is': 0.05979326881561359, 'have': 0.04557734794791045, 'who': 0.0454656321746632, 'they': 0.044653589368091925, 'been': 0.03524314725484161}, {'as': 0.2155641742575103, 'is': 0.16980345969223484, 'was': 0.10615475070421841, 'be': 0.0971301727216299, 'and': 0.09180200555081605, 'not': 0.05669996303819127, 'are': 0.04992425880157462, 'been': 0.03263116925292236, 'Is': 0.025804512283881545}, {'the': 0.17035575249570342, 'in': 0.10169001898090735, 'of': 0.07356366868494768, 'and': 0.06562927155881401, 'a': 0.04998669342585993, 'to': 0.043664707609002845, 'that': 0.03462693276759543, 'any': 0.030442654406792502, 'for': 0.02821276176492262}, {'be': 0.2581611468984895, 'is': 0.2033120501456222, 'was': 0.08074245130461621, 'and': 0.053875949181625665, 'been': 0.04510652683169006, 'are': 0.03991366506883346, 'of': 0.03982161754327399, 'not': 0.0394942754449255, 'so': 0.03860594570117432}, {'of': 0.20685144376994277, 'to': 0.12605261180479263, 'for': 0.08569421668173494, 'and': 0.07096217345351291, 'by': 0.07025920894921613, 'with': 0.06183667336088853, 'that': 0.05596071730768177, 'in': 0.05518191668273659, 'as': 0.04934322183535224}, {'the': 0.19861974721491601, 'of': 0.1717793498447623, 'hundred': 0.08917010708412816, 'many': 0.059501806937555086, 'and': 0.05704806943498768, 'few': 0.056910148228755765, 'two': 0.05647004738595766, 'thousand': 0.05265319895860192, 'by': 0.04300247500062501}, {'number': 0.07526212231185546, 'piece': 0.06491071882913027, 'line': 0.054091075670080334, 'kind': 0.043093153972889986, 'sort': 0.039876157944593975, 'amount': 0.037391459891398464, 'board': 0.03382469364891738, 'Board': 0.03168409722429576, 'years': 0.027571371089811458}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.8051382597764096, 'The': 0.05605002943683224, 'tho': 0.034027968028467415, 'a': 0.032816234920993476, 'tbe': 0.01313989181642428, 'this': 0.00946560079008993, 'and': 0.007857592019263069, 'an': 0.006116809381072117, 'in': 0.005093793550961738}, {'be': 0.3424061095828338, 'was': 0.18946222688494482, 'is': 0.0762286687015286, 'been': 0.06838805824980354, 'were': 0.06530834235065448, 'and': 0.05355922653537283, 'are': 0.04968522833217314, 'being': 0.02268688556404718, 'he': 0.02066220059490826}, {'of': 0.08988778333009806, '.': 0.06785377491437497, 'the': 0.06537265201461728, 'and': 0.05960467024185658, 'John': 0.03208009266355875, 'A.': 0.028101569160573547, 'Miss': 0.02795124243841854, 'H.': 0.025564361497099213, 'J.': 0.024984001444413005}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'they': 0.12269127862533077, 'it': 0.10903016712436542, 'I': 0.10305076794063214, 'he': 0.10012986025778732, 'and': 0.08605786302330837, 'you': 0.07838689167710663, 'we': 0.046993879887121115, 'which': 0.044670565133488084, 'It': 0.042339360299674486}, {'the': 0.22606285481873514, 'and': 0.11292605037557715, 'of': 0.0961051088198774, 'a': 0.03328360782335727, 'to': 0.029651678653994557, 'The': 0.021406532371108445, 'in': 0.019872817867331628, '.': 0.018258607584695264, 'tho': 0.018166533942639295}, {'the': 0.30976308807780856, 'a': 0.10211017623492069, 'this': 0.10024306041960993, 'of': 0.08111598388031081, 'in': 0.05997065948783733, 'quarter': 0.05917714407314799, 'every': 0.04739865591474933, 'that': 0.04180503733206517, 'first': 0.03612966682166901}, {'the': 0.17782352495696319, 'of': 0.09343574793797314, 'and': 0.03550998882366652, 'a': 0.0314138992958773, 'in': 0.02785271324446177, 'to': 0.026040348130365393, 'by': 0.023798628509235416, 'for': 0.020013612825514126, 'at': 0.01576523460844051}, {';': 0.013632422351031723, 'up': 0.013464138609428121, 'one': 0.01119224445609644, 'hundred': 0.009777790693231817, 'day': 0.009436843950155207, 'it,': 0.009140229202415119, 'due': 0.008361708949411677, 'them,': 0.008056567106234817, 'made': 0.007770950353402533}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'both': 0.031166602271047467, 'them': 0.019336344896653732, 'it': 0.017680748040294177, 'the': 0.017123847536526772, 'feet': 0.017064793200204858, 'well': 0.016671362250444147, 'men': 0.01656447527215816, 'and': 0.015847840017490285, 'up': 0.014855375046341344}, {'the': 0.10254899323962945, 'and': 0.08672066584549279, 'be': 0.06718293253430607, 'was': 0.066714350510063, 'of': 0.062142448154758216, 'to': 0.0470377945272685, 'is': 0.04045405956202174, 'been': 0.03329532229695042, 'a': 0.029155698848644288}, {'the': 0.11864215425377549, 'and': 0.08972371643926988, 'of': 0.04809559438679374, 'in': 0.028133273792285047, 'was': 0.0281079026913601, 'to': 0.02452133112173075, 'for': 0.021775516249969755, 'that': 0.021265180784699016, 'is': 0.021104290924603225}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.3489117558261194, 'of': 0.11406077335780894, 'and': 0.04422257143986049, 'a': 0.03517394332598818, 'for': 0.032245278391764026, 'in': 0.02218854563080688, 'his': 0.02180639861882635, 'their': 0.021079599156435775, 'to': 0.016879157699875743}, {'of': 0.10408616689590952, 'the': 0.0986900331698948, 'and': 0.05701352615608303, 'to': 0.04502836773706315, 'a': 0.03780779334619606, 'at': 0.02937070463197546, 'his': 0.020239671670571915, 'in': 0.019761494400663476, 'is': 0.01758882123393634}, {'of': 0.281323042212673, 'in': 0.2650471875692692, 'to': 0.09797272530504901, 'In': 0.06697750434100395, 'and': 0.05226363484854297, 'that': 0.049992786112879155, 'on': 0.040596888748482454, 'from': 0.03637706366664518, 'for': 0.03448807487498083}, {'is': 0.1004431222208373, 'as': 0.09523461424964072, 'and': 0.06282607907849819, 'seemed': 0.05735141736112386, 'him': 0.05687404603150279, 'able': 0.05346845986246585, 'was': 0.05241943645590482, 'enough': 0.045077694540237405, 'time': 0.04299431843614467}, {'of': 0.10014483630257337, 'and': 0.09287759749005411, 'for': 0.07478964281513875, 'to': 0.07164316683092423, 'at': 0.056680021525977994, 'the': 0.04594746035168253, 'in': 0.03996804916927764, 'that': 0.03104147708379202, 'a': 0.026465921614378284}, {'was': 0.14291775096022605, 'and': 0.13456506178574815, 'is': 0.11052593479843577, 'be': 0.05263705111727005, 'been': 0.04050152805271796, 'he': 0.03930125594340477, 'has': 0.03821900411577176, 'it': 0.03627284525309687, 'I': 0.036266117073545594}, {'and': 0.1623190511439987, 'the': 0.15346220421962967, 'to': 0.1431420355246349, 'a': 0.11886599261763191, 'at': 0.06986473567787709, 'of': 0.04781130535673198, 'on': 0.03230486998923784, 'or': 0.026428451739637936, 'by': 0.024359025926585422}, {'and': 0.1253835656916408, 'the': 0.07885557858590699, 'of': 0.0596065082784329, 'to': 0.047205821998345526, 'that': 0.038501572039696716, 'which': 0.03744314421366355, 'in': 0.03351364885748134, 'a': 0.028813803854902502, 'or': 0.026233401965359292}, {'so': 0.2714441420247712, 'as': 0.14372870268798565, 'too': 0.13219599666950851, 'very': 0.10740459199867296, 'a': 0.06927369553551777, 'how': 0.053392872267562376, 'of': 0.041000335129973864, 'is': 0.04093776752149477, 'not': 0.03321100307756874}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'this': 0.3130434320808653, 'This': 0.2000993905537842, 'the': 0.1655236779454418, 'that': 0.06561581082964431, 'The': 0.04018745177433775, 'whole': 0.022186884271778853, 'one': 0.021994153840713525, 'any': 0.01919723095794949, 'his': 0.01746055938619946}, {'of': 0.21914046015281094, 'on': 0.183315084741658, 'in': 0.18144120379035267, 'to': 0.13138731406186444, 'from': 0.05927905802311722, 'In': 0.055915237912490666, 'for': 0.03933958174328736, 'and': 0.03557788448539999, 'by': 0.030929311944846594}, {'a': 0.30535363789198816, 'the': 0.1801110902474084, 'is': 0.09246828561448395, 'was': 0.08208801619042114, 'be': 0.050222416451240405, 'are': 0.04521794532752311, 'and': 0.033690378267253886, 'not': 0.026566963586054752, 'were': 0.02566743894025975}, {'not': 0.17574102038255965, 'you': 0.11828492460462074, 'would': 0.1127974991499987, 'to': 0.10644496920997193, 'will': 0.09947112321398631, 'cannot': 0.09341463963557044, 'they': 0.07464164217971328, 'I': 0.07002177138288906, 'we': 0.05811559430763438}, {'of': 0.31788377039428684, 'in': 0.11351141772839188, 'that': 0.08737442997479536, 'for': 0.08460816007646055, 'any': 0.0823586702892369, 'to': 0.08174351988722486, 'with': 0.0810624824320827, 'by': 0.055470103996225484, 'upon': 0.037822456273797454}, {'and': 0.2598606823976194, 'that': 0.03848568969967542, 'as': 0.037380245278142384, 'And': 0.032339487121589565, 'is': 0.02902109961809293, 'be': 0.026886652264278745, 'it': 0.026574821904278994, 'was': 0.02387598664298683, 'to': 0.023152462488220046}, {'the': 0.35360529302054805, 'take': 0.3243013262708602, 'taking': 0.0789098305882645, 'to': 0.03260800302356765, 'a': 0.03246000234419979, 'took': 0.03116555826835659, 'taken': 0.030499837230202474, 'and': 0.027936729953986706, 'or': 0.027769337937341255}, {'the': 0.1746209327817275, 'of': 0.15652064296068297, 'and': 0.13248693035659725, 'The': 0.03201545365461037, 'to': 0.03001476354753397, 'a': 0.0272161078741138, 'for': 0.02457311617987955, 'in': 0.023717327227370383, 'at': 0.020003893573740664}, {'the': 0.6455582415763076, 'The': 0.08034172321617551, 'his': 0.045774838321284, 'at': 0.042833876845919036, 'tho': 0.035068948978755496, 'their': 0.021522394831307967, 'was': 0.02000391251575118, 'and': 0.017626571284851986, 'my': 0.016236452942760698}, {'and': 0.17286915769980515, 'of': 0.15192360826709872, 'for': 0.07015677154167341, 'is': 0.06024576635540753, 'to': 0.05269792154812236, 'fact': 0.05077632550399894, 'in': 0.037502169163318125, 'but': 0.030307884034401524, 'all': 0.02985226070322963}, {'it': 0.17446210238267795, 'It': 0.16512138039676244, 'This': 0.11580779511931819, 'which': 0.07131888702327785, 'that': 0.06268754379599907, 'this': 0.05652048471821813, 'and': 0.04054529143452458, 'there': 0.036840538093569096, 'he': 0.03013409703322793}, {'together': 0.19069821673723322, 'and': 0.09455704873224675, 'connection': 0.031648845470192664, 'connected': 0.028243483972350526, 'it': 0.02472106983692007, 'do': 0.022207790646364686, 'Together': 0.021960833093925183, 'him': 0.019824849112808747, 'them': 0.01771672846073715}, {'to': 0.7133229735480996, 'will': 0.0868164471844471, 'would': 0.038177401982065914, 'and': 0.03753892864026188, 'not': 0.020263092770782882, 'may': 0.01604895094779756, 'can': 0.01398371328005558, 'I': 0.01391345696913187, 'could': 0.011426208080223493}, {'of': 0.37146767228216254, 'in': 0.2093223627861755, 'the': 0.09637488425104665, 'from': 0.06828415035688629, 'to': 0.051423663573911434, 'In': 0.04255950927755893, 'by': 0.02412876397478218, 'and': 0.02195491238227615, 'a': 0.016393070479665504}, {'and': 0.11854277767363487, 'Beginning': 0.0998399338242081, 'was': 0.0504262876382174, 'Commencing': 0.04790893866787179, 'is': 0.032553168230926174, 'that': 0.022915999095843454, 'look': 0.022455180722230645, 'it': 0.02211519550850427, 'him': 0.02203921514419195}, {'and': 0.12519734242112154, 'the': 0.068228242038518, 'to': 0.06099652773164097, 'of': 0.048214740867353105, 'for': 0.044354978248277895, 'will': 0.03495118294781695, 'that': 0.0268301009927408, 'a': 0.025745046932564984, 'which': 0.023536523496550693}, {'and': 0.08672998852698491, 'place': 0.06738177827312677, 'point': 0.039127640895285, 'cases': 0.02766019712580496, 'spot': 0.027263524668691082, 'that': 0.02290497282942476, 'every-': 0.01980298487674155, 'places': 0.01741142795096776, 'of': 0.015405800425084486}, {'the': 0.09186014767703429, 'and': 0.08245473620279689, 'of': 0.07160356130092341, 'it': 0.04251426207131506, 'that': 0.039569903809529225, 'will': 0.03323173444735818, 'to': 0.03227385516707948, 'a': 0.03196097571911456, 'as': 0.029999315682658123}, {'and': 0.146721593014918, 'not': 0.09728871137678362, 'of': 0.059242546818985345, 'that': 0.05474466654176135, 'in': 0.044500520061779916, 'is': 0.03918118508182612, 'for': 0.03872460198540957, 'it': 0.03869038441794042, 'was': 0.0354589654608459}, {'and': 0.09504054213826908, 'the': 0.09184190179822124, 'of': 0.07874062873604452, 'to': 0.0730379047943686, 'be': 0.046275655438922654, 'was': 0.039170212665574265, 'is': 0.03484841316788502, 'in': 0.026732541738951777, 'for': 0.02146370450462648}, {'the': 0.13171903039912536, 'Mr.': 0.1133274826026117, 'of': 0.08930299335209568, 'Mrs.': 0.06578908284873461, '.': 0.05835146429482291, 'and': 0.052321535540114136, 'by': 0.0415077667252568, 'Miss': 0.033782596109074116, 'J.': 0.029324338902418968}, {'the': 0.4890933598145381, 'said': 0.17963995214892955, 'The': 0.07194892172014207, 'a': 0.061589828470453536, 'of': 0.035676165085918504, 'and': 0.034150745653910866, 'this': 0.028274066025071626, 'that': 0.02499356216870272, 'tho': 0.023749407518379666}, {'the': 0.4324283276345908, 'his': 0.11804486156742001, 'a': 0.06014105865991448, 'their': 0.05770727805475092, 'and': 0.05600908992623535, 'The': 0.0441910653091461, 'of': 0.03369064322765813, 'tho': 0.03215823933750052, 'my': 0.030619721422414706}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.15286185723970647, 'and': 0.1225584329446582, 'of': 0.08806071670318705, 'by': 0.057563286425883854, 'are': 0.05263498660210325, 'was': 0.04846808015464901, 'to': 0.04772927631877558, 'is': 0.03845198815082355, 'an': 0.037072911513590566}, {'a': 0.25200138637969177, 'the': 0.2003138840128159, 'of': 0.06723290003354522, 'The': 0.035756273584680115, 'to': 0.03460014641729358, 'and': 0.034493639719207214, 'an': 0.026008433029305684, 'A': 0.020207628281057505, 'that': 0.014497640886903473}, {'and': 0.13540430899371475, 'will': 0.12776002598621486, 'I': 0.1257239951664083, 'would': 0.07608087304568978, 'he': 0.07081649986218885, 'they': 0.0698569676746166, 'not': 0.06271880178056471, 'we': 0.06266938010073371, 'who': 0.04195997946999628}, {'the': 0.2127797365208638, 'of': 0.08302074642967078, 'and': 0.07380683214123993, 'a': 0.06568303652727647, 'in': 0.027923783153467472, 'to': 0.02344842585727404, 'for': 0.020987680758112734, 'or': 0.0200710438986922, 'that': 0.01912950736957076}, {'and': 0.06208548553749389, 'of': 0.059861363642291034, 'to': 0.0594353799968304, 'I': 0.038039420185191325, 'for': 0.036810863436358254, 'the': 0.02472440294479202, 'in': 0.02410707614225612, 'wi': 0.02262174361695196, 'is': 0.022237981505279097}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'of': 0.2656297374079294, 'and': 0.1603316062050206, 'in': 0.11745389224660788, 'for': 0.08540704797531658, 'to': 0.0798527609542191, 'that': 0.05815698726272474, 'with': 0.057819922772087785, 'all': 0.04632594767190936, 'on': 0.032150794480396636}, {'it': 0.17179737676551296, 'he': 0.125829304720175, 'It': 0.12209201472181, 'I': 0.05849427898476466, 'He': 0.055779185057685615, 'which': 0.05343899164929195, 'and': 0.04479014026557512, 'who': 0.038085293062393825, 'there': 0.03504686283043146}, {'he': 0.3763075052589377, 'and': 0.09954305350222814, 'He': 0.07600010894274951, 'I': 0.061905865949616244, 'she': 0.05499501078243175, 'have': 0.05204519577196661, 'is': 0.03048280150389335, 'who': 0.027450809755768284, 'had': 0.026447580080062153}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.2694270115642724, 'the': 0.22756566761329888, 'and': 0.10974403111805306, 'in': 0.06502054232064249, 'their': 0.05537866340332993, 'a': 0.0548295406314837, 'his': 0.04663342444930265, 'or': 0.04008232894735782, 'to': 0.03902922900624572}, {'it': 0.24220810149983407, 'It': 0.20218135425875036, 'which': 0.0875001915912561, 'there': 0.0657879599039582, 'This': 0.050871839150813614, 'he': 0.04590649890144504, 'that': 0.037572180105246815, 'who': 0.02799765001370599, 'what': 0.02656729293511132}, {'the': 0.30915947115813386, 'his': 0.2011655763814945, 'a': 0.12372887945912997, 'her': 0.06009571795605182, 'my': 0.05669506060660793, 'and': 0.04697089391904928, 'to': 0.02787520183183612, 'your': 0.027291930864534297, 'their': 0.016804283737732382}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.240987839614748, 'to': 0.14454944450174712, 'for': 0.1349615812781321, 'and': 0.08733566875032873, 'in': 0.08057828764590343, 'by': 0.061321002516468714, 'that': 0.05923555735443506, 'with': 0.05328603158001388, 'under': 0.037634324911809194}, {'and': 0.17085532694179428, 'which': 0.12111636511130638, 'he': 0.06391657361450868, 'It': 0.05115554136269587, 'it': 0.04644615105331192, 'that': 0.04504451523350383, 'have': 0.030711658188170367, 'who': 0.029920907480471017, 'has': 0.028502585777592248}, {'the': 0.0998661242199507, 'of': 0.08727969258337218, 'and': 0.05438146238102629, 'to': 0.0497286812061124, 'a': 0.02843140197861932, 'by': 0.02373224159204578, '<s>': 0.0227119962984095, 'on': 0.02233476789214702, 'from': 0.013506052397872281}, {'<s>': 0.05853076640687723, 'that': 0.05360000315563107, 'and': 0.028468892423494714, 'it.': 0.024960893987115183, 'but': 0.01735835078593881, 'as': 0.014815840893292666, 'them.': 0.014318802615316317, 'country.': 0.011732596730942993, 'of': 0.011348659858762027}, {'it': 0.22422542776921758, 'It': 0.15926197362436464, 'he': 0.13103447876036925, 'I': 0.07147076994343844, 'He': 0.05160896814713972, 'which': 0.044192069685102545, 'and': 0.035605635957751555, 'she': 0.035158051928575344, 'there': 0.029815923296873343}, {'in': 0.15558606879130463, 'and': 0.14787143779424583, 'to': 0.09367142945008104, 'of': 0.06807247959258143, 'In': 0.04505691492444003, 'after': 0.0443218221532763, 'he': 0.03244925982292671, 'for': 0.03215796247296259, 'that': 0.027314630066817346}, {'for': 0.5739046933860793, 'at': 0.08694952070847056, 'in': 0.06673660220721866, 'For': 0.06109027569795312, 'of': 0.054271633980170854, 'and': 0.03426696804256901, 'that': 0.025173467810237066, 'In': 0.021868847385766412, 'to': 0.02058801321599828}, {'of': 0.4075826445803196, 'the': 0.1981850033216584, 'said': 0.05326944582065465, 'Eng-': 0.032492485623835686, 'on': 0.022550221977450255, 'described': 0.02047959092352861, 'this': 0.019380945304742367, 'in': 0.018182831316059182, 'our': 0.016361887074933138}, {'his': 0.25163170869248436, 'their': 0.19710605743332893, 'and': 0.09152732004785873, 'of': 0.08289720344116351, 'my': 0.06630004732130797, 'our': 0.0618707573938825, 'her': 0.04666773534861807, 'many': 0.045144544316534994, 'the': 0.04282255783977402}, {'is': 0.2969945233510884, 'are': 0.17812982725888343, 'was': 0.14284944774473834, 'and': 0.09825637382419133, 'were': 0.05314696218545434, 'Is': 0.053004792962709345, 'but': 0.04093876129904958, 'be': 0.037382066433189476, 'he': 0.019511269122683337}, {'<s>': 0.06011154330163924, 'and': 0.04583711811922034, 'that': 0.024362663834611588, 'was': 0.017604541564146915, '.': 0.012901283477558218, 'be': 0.012397474099666262, 'is': 0.010691102600013838, 'but': 0.01015549176798836, 'feet': 0.009689690246634826}, {'of': 0.2542543769435092, 'to': 0.12091818314460072, 'in': 0.09954723784886653, 'at': 0.08065066145185097, 'for': 0.07652769490072338, 'by': 0.07110616962512056, 'or': 0.0609637097952123, 'if': 0.05995467601395346, 'that': 0.05433977151919546}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'a': 0.12035453284964592, 'the': 0.11888946118442657, 'and': 0.09813859663098423, 'of': 0.05290106447338352, 'to': 0.04287764232161928, 'in': 0.029103807463064804, 'for': 0.027805353923658394, 'more': 0.02276686041695551, 'that': 0.02156192147150503}, {'as': 0.09070957522893763, 'and': 0.06578736628276387, 'according': 0.05921724650771688, 'up': 0.05444342983204154, 'them': 0.04455320285377602, 'regard': 0.04000436122627331, 'come': 0.038627387824939484, 'back': 0.03569076101086091, 'return': 0.033008621318438236}, {'and': 0.26334285256449336, 'the': 0.2319728209027313, 'any': 0.14191091184706803, 'or': 0.06057723423287753, 'all': 0.055762799294263254, 'in': 0.053765604515322335, 'of': 0.05346592110905979, 'some': 0.04205798850028218, 'an-': 0.03452916537753404}, {'and': 0.05379087535262519, 'that': 0.028995423237408106, 'of': 0.025731963701501995, '<s>': 0.02201326181344754, 'the': 0.021957565092238368, '-': 0.019164146759207582, 'it': 0.01828082404587961, 'which': 0.017538051163025925, 'in': 0.016901328223586153}, {'more': 0.5835520744651829, 'less': 0.290273521716655, 'three': 0.014974902169544002, 'rather': 0.013339810933634936, 'moro': 0.00804937447724758, 'better': 0.007428515546767926, 'other': 0.006483073858495015, 'two': 0.005516872262106728, 'More': 0.00531700199302799}, {'the': 0.120575785527782, 'of': 0.09063732426706574, 'to': 0.07480053717845507, 'and': 0.07193372222904088, 'was': 0.03883094363507212, 'is': 0.02951558186382902, 'that': 0.02146699205492336, 'on': 0.020847645434430646, 'Mr.': 0.019741439698178907}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'the': 0.5411502921123026, 'high': 0.08308356211598286, 'and': 0.06552151089161959, 'The': 0.0495428269491904, 'low': 0.047646349693965265, 'tho': 0.032775629143080215, 'in': 0.03072188077245258, 'of': 0.02779091427612231, 'a': 0.02538972630365791}, {'and': 0.08010061911956774, 'the': 0.06342492458561132, 'of': 0.06128617556768118, 'a': 0.0549726386574644, 'to': 0.03897501736850034, 'that': 0.03211159626684709, 'in': 0.024357629728291356, 'for': 0.020270934482351444, 'her': 0.018141288010487547}, {'of': 0.20185370990858556, 'for': 0.17370478469531317, 'in': 0.1327103767667888, 'to': 0.12693574888915168, 'with': 0.08424391313043769, 'and': 0.06934397640447067, 'at': 0.03942778717125858, 'all': 0.032187459753644655, 'by': 0.029143667508300407}, {'the': 0.10040265869494205, 'to': 0.07476152138633449, 'of': 0.05688122355864253, 'and': 0.05492853707581997, 'at': 0.052079789646552715, 'for': 0.03721611634532209, 'in': 0.036374800385668406, 'was': 0.02458426825726781, 'is': 0.02452774808169677}, {';': 0.01844495861737628, 'it,': 0.0156551452715129, 'in': 0.015281072444989779, 'up': 0.01488140982032506, 'them,': 0.01485156013165677, 'him,': 0.014620080383315762, 'him': 0.014367235513787581, 'them': 0.011070136397497588, 'it': 0.010338783811552218}, {'of': 0.23057539192542958, 'the': 0.12482225635663967, 'on': 0.09730407197664634, 'and': 0.08379579273985316, 'at': 0.04618955706076732, 'to': 0.044719778912274986, 'from': 0.03084567004108892, 'in': 0.030065326871588242, 'with': 0.01692780343633061}, {'men': 0.026105106448358416, 'street': 0.016921970250301194, 'rights': 0.015625956469486193, 'city': 0.014168138493784241, 'house': 0.012639196443029846, 'state': 0.012056052335533578, 'one': 0.011636186271243245, 'land': 0.01123990946970005, 'women': 0.010495278365107222}, {'the': 0.1331954013331003, 'of': 0.10395761905650669, 'and': 0.09166744382168995, 'a': 0.0674867672110823, 'to': 0.04481959524883369, 'was': 0.033914181021321675, 'be': 0.027669522756191306, 'is': 0.023821375196731925, 'been': 0.01992601692954109}, {'of': 0.42913982376195126, 'in': 0.21660805511875691, 'to': 0.1055912095090789, 'for': 0.043292218339571586, 'In': 0.04300063963510785, 'that': 0.03582295085467715, 'on': 0.03508123172523088, 'from': 0.029967003599477206, 'by': 0.023732299294254085}, {'be': 0.20574824910176262, 'is': 0.14184087918060476, 'was': 0.1372540936479947, 'not': 0.08983132015494281, 'been': 0.07294548198831247, 'a': 0.06393759165466852, 'the': 0.06316607492231595, 'no': 0.062223715595172806, 'to': 0.059560411471451635}, {'a': 0.17549097594130594, 'so': 0.15330367775010523, 'very': 0.13875774340193087, 'the': 0.09078266982985701, 'of': 0.08271613320713321, 'is': 0.06052487399140435, 'be': 0.05947064260791699, 'as': 0.058544015244623146, 'are': 0.05452679635445953}, {'that': 0.20623546619779892, 'and': 0.08533449719041586, 'which': 0.07233608149190966, 'as': 0.06955041996441448, 'if': 0.06843338837795696, 'when': 0.05460884704846676, 'but': 0.042143111951954755, 'what': 0.03504843698818844, 'If': 0.029375924524777285}, {'of': 0.32581763452081497, 'to': 0.09345330136551365, 'and': 0.09241118346566772, 'in': 0.07941998282032223, 'with': 0.06872857924310967, 'on': 0.05862447744121252, 'for': 0.05857061019852619, 'that': 0.05063240842837945, 'by': 0.0499019144695713}, {'and': 0.042180880378236876, 'miles': 0.03996483095937216, 'free': 0.03885286490958883, 'far': 0.032517411487131054, 'away': 0.03220746175199813, 'suffering': 0.026194301531255845, 'him': 0.023072069906964216, 'them': 0.022689122908621063, 'or': 0.021478077363521378}, {'of': 0.1957783039802838, 'in': 0.12697174013889115, 'the': 0.09309717753424215, 'for': 0.0703852289461256, 'and': 0.04507482840611174, 'at': 0.04501381948349264, 'their': 0.034730698940083994, 'from': 0.033115292741862756, 'by': 0.032565405402785325}, {'a': 0.21886694713999003, 'the': 0.13479489368508513, 'of': 0.1216077943325897, 'and': 0.11633668429924007, 'that': 0.06560543454686793, 'to': 0.06206609418998084, 'will': 0.04567240712835301, 'you': 0.041316532145732, 'by': 0.02943929850932898}, {'the': 0.22038313903105292, 'Mr.': 0.07937156760867098, 'of': 0.07368785948768332, 'The': 0.06437454493038172, 'and': 0.05944888902093017, 'that': 0.046904228525190425, 'a': 0.028819451762637286, 'his': 0.018895379103475607, 'Mrs.': 0.016510016796138643}, {'the': 0.16916655027322977, 'of': 0.09610972877537258, 'and': 0.06476630762113637, 'a': 0.05084816639771816, 'to': 0.04541898084047627, 'in': 0.04120047961402981, 'be': 0.019866405767281572, 'for': 0.0169023718586994, 'was': 0.016076944507863202}, {'<s>': 0.07769147479270334, 'it.': 0.025385733734429095, 'him.': 0.020525699543421174, 'them.': 0.016345714801788196, 'time.': 0.011325285931677056, 'day.': 0.008532907262612402, 'country.': 0.008428097584904223, '.': 0.008380592589427352, 'work.': 0.007692026088175851}, {'and': 0.10574820209482938, 'to': 0.09533257655164303, 'the': 0.06692859152970518, 'of': 0.0545538341836922, 'in': 0.04425293442847365, 'be': 0.04404592706322119, 'was': 0.036569685789906464, 're-': 0.03448953728991997, 'for': 0.03255706525548252}, {'the': 0.5015748149424423, 'The': 0.10614687280181886, 'his': 0.10041786118631171, 'my': 0.038631806065597074, 'our': 0.03265756783596726, 'their': 0.030769677306826875, 'tho': 0.02192591282162266, 'your': 0.019326249710048028, 'and': 0.019317772266811337}, {'to': 0.7245807874356576, 'and': 0.056780758998855894, 'will': 0.045483702392755634, 'would': 0.026080811828219193, 'can': 0.0230803355095012, 'I': 0.020316501634841305, 'not': 0.018477906655005885, 'could': 0.017339627547115405, 'who': 0.015833858930022367}, {'that': 0.24518832228121373, 'and': 0.1774511864229357, 'which': 0.11564753278702528, 'but': 0.07527064641576942, 'as': 0.06011157558036081, 'when': 0.05111040334296318, 'to': 0.030375862655894644, 'where': 0.029254414776844335, 'if': 0.026267776143043573}, {'of': 0.1591020544317612, 'as': 0.13064795397782575, 'is': 0.09425961620206508, 'and': 0.07786684201404148, 'that': 0.07593864953044967, 'was': 0.06725148861719213, 'by': 0.06462248612924955, 'for': 0.06345903238040874, 'to': 0.06344972053218662}, {'a': 0.46318594277387165, 'the': 0.13148420791228832, 'this': 0.09296144324249295, 'said': 0.04492645680271004, 'to': 0.039242983657626566, 'that': 0.036754589858578046, 'starting': 0.027236672726919008, 'in': 0.02147470593413028, 'any': 0.02056776132919674}, {'and': 0.13720149740649404, 'the': 0.07812660454204343, 'of': 0.07106036451835175, 'to': 0.0660615659893393, 'was': 0.051488598254477456, 'for': 0.040666688845894645, 'in': 0.040471301095666844, 'a': 0.03763397865224792, 'is': 0.035693559384370965}, {'able': 0.07218151558157121, 'is': 0.06559613750320263, 'and': 0.061299264196499774, 'willing': 0.05689591664966504, 'as': 0.049519791761349165, 'ready': 0.04744463120041932, 'unable': 0.04734345610971301, 'have': 0.04581742388805526, 'going': 0.043055525401954925}, {'the': 0.23093374780638168, 'of': 0.09197721802421213, 'and': 0.06888003077467625, 'a': 0.0508451128930694, 'to': 0.049858063385323836, 'in': 0.028238603391158332, 'or': 0.022932985534315904, 'be': 0.016650312925290456, 'for': 0.016588603434997188}, {'a': 0.339295056636466, 'of': 0.19332606217921577, 'the': 0.1310043646531145, 'in': 0.08258160219990285, 'and': 0.04861262306708317, 'for': 0.03758992003366673, 'with': 0.0344763272431197, 'by': 0.023941253932441904, 'very': 0.023594279034964576}, {'and': 0.08413568250763814, 'Lots': 0.06880034439008947, 'the': 0.06337671015311407, 'of': 0.05349032503270901, 'lots': 0.03230163781743001, 'to': 0.03108625833702262, '1': 0.029482270919416086, 'south': 0.0286271634523381, 'than': 0.027989403391373055}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.09377129454296322, 'was': 0.04271315341537484, 'out': 0.028524574363226172, 'that': 0.02811573968936019, 'placed': 0.027131868575018914, 'work': 0.02578173844450971, 'made': 0.024681420068921236, 'is': 0.024021050156212566, 'up': 0.023509378606325886}, {'the': 0.40918095784959324, 'an': 0.10670090810414334, 'and': 0.10365588471077505, 'of': 0.06968183358284463, 'most': 0.068303029560462, 'a': 0.0595982312107301, 'The': 0.04409084601256541, 'or': 0.026875349183753117, 'his': 0.02652256384721249}, {'men': 0.015398841870763545, ';': 0.012917789374251703, 'in': 0.007971232815537068, 'city': 0.00714618185086614, 'and': 0.007125833225744866, 'one': 0.007024063837421101, '': 0.00693197678851228, 'up': 0.006130831235947819, 'right': 0.005982534726925189}, {'two': 0.13130518068730807, 'three': 0.08867813355799951, 'five': 0.08478856947572151, 'six': 0.08011541544548918, 'ten': 0.07731825721704089, 'four': 0.059012146222841524, 'one': 0.044653208982404845, 'eight': 0.030861620389015913, 'hundred': 0.02926088800806984}, {'in': 0.5952834596928931, 'In': 0.12987140348195525, 'the': 0.06735968445543221, 'of': 0.056748459721192454, 'from': 0.034658045463898814, 'a': 0.027524549863227915, 'this': 0.022234382796960245, 'his': 0.02034285550137328, 'their': 0.019978503018903745}, {'and': 0.2274272833262399, 'but': 0.07264756616085705, 'is': 0.0637182569238373, 'was': 0.05216878462576589, 'that': 0.04938873584894814, 'be': 0.02451496960912615, 'are': 0.024108607448964006, 'have': 0.019131353185822077, 'had': 0.017875068314792852}, {'that': 0.20058317332795206, 'as': 0.15030758713750603, 'which': 0.10195691802640719, 'and': 0.08385640317804294, 'when': 0.07551792516968862, 'if': 0.06105803643791872, 'but': 0.05018837289311499, 'where': 0.04294017737545988, 'what': 0.032645101481946236}, {'the': 0.13763791732205669, 'of': 0.09123328417500841, 'and': 0.07081138808826125, 'to': 0.041458839317479665, 'in': 0.04053040715790265, 'a': 0.028185825289457303, 'be': 0.019664834253035748, 'was': 0.018815340757594064, 'which': 0.018621594128698467}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.42316493622000334, 'a': 0.10577479739121962, 'of': 0.08409602624984186, 'an': 0.08227336323810466, 'and': 0.07062142272212592, 'The': 0.05745041971105277, 'in': 0.04259708361231298, 'tho': 0.03379488882387561, 'any': 0.02158136764846224}, {'of': 0.2428873537692233, 'in': 0.11973680612014662, 'to': 0.11603402741270599, 'for': 0.07714789713097062, 'and': 0.06946396848994019, 'with': 0.060658363724453455, 'on': 0.047862408375154715, 'from': 0.04110232559766807, 'by': 0.036546241757073966}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.6833458837686954, 'his': 0.05327778150888342, 'a': 0.035175563587774406, 'tho': 0.032460380313089725, 'in': 0.028225775367367034, 'their': 0.027003342971080892, 'any': 0.025927930523794093, 'this': 0.021420786960710734, 'The': 0.01955481028010064}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.047388501510670304, 'made': 0.04076601410468196, 'up': 0.038926838892920874, 'secured': 0.0286248136643823, 'out': 0.028535645291510207, 'taken': 0.026909186565186555, 'ed': 0.023627569224247785, 'him': 0.02061437213111254, 'done': 0.01914013493496672}, {'those': 0.050710433936927715, 'and': 0.04920286978203889, 'men': 0.02628843851530518, 'people': 0.01604023852677426, 'persons': 0.012491790529851568, 'two': 0.011096000617252265, 'these': 0.00878447925261829, '<s>': 0.008757177967147686, 'both': 0.00822053665701205}, {'they': 0.2354987952108572, 'we': 0.10729322649723241, 'who': 0.07739793231980158, 'which': 0.06632808581385652, 'They': 0.05719471894628045, 'and': 0.05340485125773553, 'you': 0.05332450890919301, 'that': 0.050579099528899316, 'We': 0.049042488437211325}, {'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}, {'those': 0.12999171372996743, 'men': 0.07850676479375553, 'and': 0.06651063251818455, 'man': 0.06419862659898164, 'people': 0.028444780034200198, 'one': 0.02200008939422672, 'all': 0.020360610793839534, 'Those': 0.014004283656460977, 'persons': 0.013629978573831372}, {'he': 0.1259126690539325, 'of': 0.11224228852708129, 'the': 0.10411975852417989, 'and': 0.10346092835041609, 'is': 0.0841418904081905, 'He': 0.08251327202051635, 'that': 0.04214212657199403, 'be': 0.04180629864312942, 'was': 0.03830762406132713}, {'in': 0.20310762524089984, 'of': 0.1882361100432035, 'for': 0.09745565888091719, 'to': 0.09149557154719273, 'by': 0.07418694362670183, 'and': 0.061744887961331124, 'In': 0.05440449900660559, 'with': 0.052857707441698494, 'is': 0.04985694189251727}, {'away': 0.11410341832596668, 'taken': 0.07226997576481649, 'and': 0.0629610195258871, 'come': 0.04945056518161133, 'them': 0.04322768833198397, 'came': 0.04137789546757339, 'him': 0.03564860821110771, 'derived': 0.029843723325669237, 'out': 0.028563437335101277}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'and': 0.2309730022536223, 'of': 0.19052244176414906, 'to': 0.06978649154698896, 'about': 0.05796454375741589, 'than': 0.04158274966797287, 'the': 0.039371457454304676, 'on': 0.038034824202576464, 'in': 0.037273541609490715, 'or': 0.03362752137344977}, {'the': 0.1748970636084242, 'of': 0.10640731527228467, 'in': 0.08471900024538452, 'and': 0.06542798806324274, 'that': 0.042238403247887905, 'such': 0.031441322454070365, 'to': 0.03135646129977141, 'or': 0.02825024931107222, 'which': 0.02767427813323329}, {'that': 0.17711006002136562, 'if': 0.1512442830085882, 'If': 0.1268904066718469, 'and': 0.103174528971312, 'which': 0.0707116567723994, 'as': 0.07001635621063623, 'when': 0.03470013699472155, 'but': 0.029494453408626636, 'what': 0.02894839176730388}, {'the': 0.27707887962956745, 'of': 0.2542475855862763, 'on': 0.07404308973084454, 'from': 0.05708580722452732, 'in': 0.05400571257968083, 'to': 0.03709444746019591, 'and': 0.021718971658677765, 'South': 0.020984359702016144, 'North': 0.019732532611050624}, {'the': 0.1394869246969497, 'of': 0.10326764131370383, 'and': 0.0819202293474583, 'in': 0.06509397629050495, 'for': 0.0535245407848631, 'a': 0.05208824737364048, 'to': 0.04513865281496596, 'In': 0.029815798829220613, 'that': 0.02311980602852762}, {'in': 0.051751453364831536, ';': 0.013765939685385102, 'up': 0.012190226878878031, 'from': 0.010514601051823818, 'them,': 0.01018881250662673, 'thereof,': 0.009754449849970266, 'In': 0.00929844520292278, 'him,': 0.009127371657331036, 'benefit,': 0.009010295718821242}, {'the': 0.2120353960720504, 'a': 0.15452214139337317, 'and': 0.06457507972097068, 'of': 0.05638840061222354, 'to': 0.03889822703941988, 'in': 0.03826342985613467, 'The': 0.0330030591015113, 'an': 0.02906243113414402, 'is': 0.019080489894281967}, {'is': 0.19485788344874938, 'and': 0.16220181606387093, 'was': 0.12183169596055697, 'be': 0.11153751909701522, 'he': 0.07795876298965519, 'I': 0.05843970842998904, 'He': 0.0536036413954157, 'so': 0.051403752435499814, 'are': 0.04146015317904927}, {'to': 0.24858879960889735, 'for': 0.15183709104328746, 'told': 0.08883981646217336, 'asked': 0.08037231639110086, 'advised': 0.05674306796214238, 'from': 0.053147127370641443, 'permit': 0.04609334112482337, 'with': 0.044566496927146516, 'allow': 0.03540330584083368}, {'this': 0.4019143216519403, 'the': 0.38352358839198325, 'said': 0.06633300919087372, 'a': 0.02970367341476402, 'York': 0.019656341525162328, 'tho': 0.018976789269944318, 'that': 0.018530657476246597, 'of': 0.016322933110093772, 'our': 0.01315232236110598}, {'the': 0.21981292457782856, 'of': 0.0964569837419718, 'to': 0.06900019553904409, 'at': 0.0405470012781836, 'and': 0.03873577854644757, 'by': 0.028368797498112722, '<s>': 0.02307415692812145, 'in': 0.020748652487771378, 'said': 0.018731504947069176}, {'the': 0.722303170214869, 'a': 0.07812135910115554, 'this': 0.040835704371729856, 'tho': 0.040271495294726116, 'The': 0.03402630979098756, 'tbe': 0.01716409617756765, 'whole': 0.012799838449307937, 'our': 0.011814670046005773, 'his': 0.008524766749013193}, {'to': 0.5705300041148842, 'and': 0.07235489773325551, 'will': 0.06902315919079348, 'not': 0.06440932413555626, 'would': 0.03766676018593401, 'I': 0.02969768865400449, 'may': 0.022998444280350232, 'can': 0.018733836598918946, 'should': 0.016447333494645756}, {'and': 0.08793627417053602, 'the': 0.058062596342082995, 'to': 0.05616145386902443, 'will': 0.05024895711553716, 'which': 0.04934421954894263, 'said': 0.04911162949450814, 'of': 0.048468472203261496, 'that': 0.03815540925302591, 'may': 0.03659240513259149}, {';': 0.05153854438466804, 'him,': 0.03333819617939566, 'it,': 0.023148229055846733, 'her,': 0.0182362624729996, 'time,': 0.013850195591795551, 'and': 0.013207443263365969, 'them,': 0.013039420069972408, 'man,': 0.011005217582178359, 'me,': 0.008711141533681037}, {'of': 0.35244535013371925, 'that': 0.11628781208312808, 'in': 0.10797209016414325, 'to': 0.09757607706709552, 'by': 0.08296250035187061, 'and': 0.06472115971354378, 'for': 0.04094743303559579, 'with': 0.03300431297895157, 'from': 0.024288986931386335}, {'of': 0.21030354194379108, 'and': 0.1410775833298136, 'in': 0.10403343649825787, 'with': 0.08459492879502785, 'to': 0.08236173980853444, 'for': 0.062334351357193854, 'that': 0.05431989460073243, 'by': 0.04487330906084482, 'at': 0.04112867941551489}, {'a': 0.1282714606975142, 'the': 0.12339281911225351, 'and': 0.0855491271516658, 'north': 0.04641921348453858, 'at': 0.04423578518708008, 'of': 0.03840089641430641, 'line': 0.036639389563096716, 'west': 0.03441027870562598, 'south': 0.028131321311140337}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.15416285660978277, 'of': 0.1163663877079049, 'to': 0.10489466740399683, 'a': 0.09272136338191103, 'at': 0.07732101946172519, 'and': 0.03981272200294554, 'in': 0.031406846449210185, 'on': 0.02291525042864884, 'for': 0.0161077808631772}, {'was': 0.11865289269154863, 'be': 0.10621264817760309, 'been': 0.10277886037300828, 'and': 0.09149178595951193, 'were': 0.0706103370891578, 'are': 0.057214894181413754, 'is': 0.050735302810243375, 'have': 0.046120782305537324, 'to': 0.03908829112410273}, {'to': 0.23096201243573955, 'has': 0.17826373050770167, 'have': 0.14946245067624575, 'had': 0.1359451012596589, 'will': 0.09253802983425517, 'would': 0.05244820849950744, 'and': 0.050977437601884584, 'may': 0.035488039319130214, 'not': 0.026123896573447707}, {'of': 0.39176956835028615, 'is': 0.07872432629942032, 'to': 0.0730413452499011, 'for': 0.0708423169965359, 'in': 0.06393621975323874, 'and': 0.06065172306263361, 'with': 0.0533207107941116, 'that': 0.04378254279255212, 'by': 0.03750950745037137}, {'of': 0.30042002444122473, 'in': 0.14784266464332566, 'to': 0.11713708485603438, 'for': 0.07583226643866545, 'and': 0.06436916134540435, 'with': 0.05279536887923771, 'by': 0.04658824060319586, 'is': 0.04064651122245694, 'at': 0.03909870818667791}, {'is': 0.35716003752230413, 'was': 0.16821620629284706, 'are': 0.16239625787277612, 'Is': 0.05312673694831495, 'were': 0.043699513045383886, 'have': 0.03657963800789455, 'had': 0.03267845131506156, 'and': 0.032125847297874786, 'has': 0.028825834682513193}, {'to': 0.29491082930563567, 'will': 0.17405901320812367, 'shall': 0.09862266322341705, 'may': 0.08790218810815034, 'should': 0.07931762274783564, 'would': 0.0651895771284713, 'must': 0.05325296034033974, 'can': 0.04906948715063708, 'not': 0.04668111024365119}, {'about': 0.19853319540567826, 'of': 0.17680354097637502, 'at': 0.11628355520012061, 'and': 0.07632159283312347, 'containing': 0.0684168303016984, 'to': 0.05129937760614214, 'than': 0.04528633361338519, 'from': 0.027605113880579034, 'the': 0.026195613599417154}, {'the': 0.09465852141043161, 'and': 0.07988974624357965, 'of': 0.07668969562173271, 'to': 0.06738788201408927, 'a': 0.05910141492982904, 'in': 0.03531294015657826, 'at': 0.024702761236418673, 'or': 0.019890294953798203, 'that': 0.01479619713910379}, {'of': 0.1493535945680484, 'thousand': 0.10154586760379314, 'hundred': 0.08704342454893993, 'two': 0.0770407817377019, 'few': 0.07660468458676316, 'five': 0.07655716736401154, 'ten': 0.07047184292821786, 'many': 0.06714898273265969, 'thirty': 0.06064817361587173}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.17198779475993303, 'the': 0.14001222996733328, 'that': 0.06413726973542436, 'and': 0.06068916550664149, 'a': 0.044855348637632936, 'The': 0.03879741274381853, 'his': 0.03774954924482044, 'all': 0.030581442976220456, 'as': 0.02636145597608837}, {'to': 0.561197976946603, 'an': 0.1384083195229852, 'will': 0.07099120586987064, 'the': 0.04929694091031304, 'and': 0.02935418629433617, 'of': 0.026125888954819817, 'would': 0.025756167924638113, 'by': 0.02124015166424237, 'not': 0.020381654143501602}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'law': 0.03214012328104005, 'in': 0.0276622947242374, 'action': 0.02364068300794796, 'city': 0.020148630433459325, 'more': 0.017487922909166478, 'owner': 0.01525441529911745, 'one': 0.01435585436565462, 'person': 0.014208760512278616, 'day': 0.013358705768859488}, {'the': 0.22531929051268967, 'a': 0.09738978985157988, 'of': 0.09522899354069804, 'and': 0.08599696731311232, 'in': 0.04381424952577531, 'to': 0.03825063270721132, 'for': 0.027062621958565507, 'The': 0.02674368450588837, 'Mr.': 0.021875413464833134}, {'of': 0.4487127653225655, 'by': 0.09624265878879602, 'to': 0.08413063090159842, 'in': 0.0811648456320091, 'and': 0.05888595006249462, 'that': 0.05171810015788792, 'with': 0.04577079334342591, 'from': 0.03846319278791441, 'on': 0.031609736439685975}, {'the': 0.3314954309168417, 'an': 0.14806409093653963, 'to': 0.11734129482981448, 'this': 0.08318181097896199, 'his': 0.06968709442971724, 'a': 0.05457147080779072, 'and': 0.050968739707945854, 'that': 0.047214872893532815, 'in': 0.02933220620097913}, {'would': 0.17959540429010784, 'to': 0.13519794944916977, 'who': 0.09755427043109222, 'they': 0.08092794866467283, 'I': 0.07229973568327139, 'which': 0.06237819314755754, 'must': 0.053838397959161594, 'might': 0.048424713189248424, 'shall': 0.04348004295022552}, {'and': 0.2466535225820401, 'of': 0.05387478600568572, 'is': 0.04814178255102839, 'to': 0.04408227316140802, 'or': 0.0430052301407351, 'be': 0.04074185962500851, 'are': 0.03791461278797268, 'was': 0.03594810457578787, 'the': 0.034322451171105106}, {'it': 0.27957038428918407, 'It': 0.14069168722916756, 'there': 0.0780604064737155, 'he': 0.0673522127670591, 'that': 0.061371482220746135, 'they': 0.04852180992353207, 'which': 0.044772571877851546, 'and': 0.031977859656019285, 'I': 0.020031431466088268}, {'of': 0.12819328936437854, 'the': 0.0816396559444139, 'a': 0.0625655800348413, 'and': 0.04727775379418778, 'to': 0.03810899688450262, 'in': 0.031014269860461133, 'by': 0.029616667104453903, 'Mrs.': 0.020364079704775294, 'that': 0.017953517032192334}, {'of': 0.28457516632291724, 'the': 0.2524763011596572, 'in': 0.19616905549184324, 'and': 0.07377015339080147, 'In': 0.0467347252989787, 'from': 0.0256372394958834, 'The': 0.016494723762734406, 'to': 0.014897679931518611, 'New': 0.013354229015978604}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'and': 0.19200647304132665, 'so': 0.07309647964123696, 'fact': 0.06595366675684942, 'say': 0.04534596917139186, 'said': 0.0439662897764908, 'know': 0.04165079530822593, 'is': 0.03647351743266295, 'believe': 0.0347931771548132, 'but': 0.03263242061664941}, {'it': 0.15825116334251704, 'they': 0.11257263863375008, 'which': 0.10631852399536912, 'that': 0.06531775670497045, 'It': 0.06477170687413103, 'who': 0.05858194828175803, 'as': 0.053922583151559046, 'we': 0.053490381342164994, 'you': 0.0454832223560274}, {'the': 0.6220507495123936, 'tho': 0.031247290306435523, 'The': 0.025839956301872368, 'a': 0.02413982882107412, 'an': 0.0229543533977333, 'tbe': 0.018896035429862186, 'of': 0.015579584255519764, 'and': 0.014887810660099959, 'on': 0.014405349998889943}, {'the': 0.16471935988763434, 'of': 0.1560047480609234, 'in': 0.11754146211145067, 'this': 0.09276985658420867, 'to': 0.08669645689027551, 'a': 0.04077683005488117, 'said': 0.03401444961046122, 'and': 0.033951674993532126, 'his': 0.032950324872535616}, {'and': 0.16559836050338517, 'to': 0.10626668981227515, 'be': 0.10386236018935037, 'was': 0.07343478649801011, 'been': 0.05491415174252399, 'not': 0.04661572502614657, 'then': 0.04606597376778766, 'had': 0.04237641837952577, 'is': 0.04106704717778695}, {'far': 0.10316966089092856, 'well': 0.08602893288866192, 'such': 0.06050874339649509, 'described': 0.05772730214418262, 'and': 0.05318986206545376, 'so': 0.039856146954885804, 'much': 0.033469811886687, 'regarded': 0.02639119887237638, 'known': 0.024219659882125495}, {'them.': 0.05713186345268486, 'it.': 0.031654688020131105, '<s>': 0.027249655406593975, 'him.': 0.015770484098204265, 'me.': 0.013056157877360119, 'themselves.': 0.010508896227993616, 'time.': 0.010124747826187079, 'us.': 0.009927354302077727, 'men.': 0.009222354582653929}, {'the': 0.31060238825692726, 'The': 0.12028999077063812, 'most': 0.11958694557984477, 'and': 0.09942373659083292, 'of': 0.07277438487691813, 'as': 0.05754051212785497, 'that': 0.05181521968182057, 'a': 0.0498140163578618, 'more': 0.04338318192365471}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'as': 0.07973547365769454, 'and': 0.062451400201692486, 'up': 0.062120657567446044, 'according': 0.042138066409294885, 'regard': 0.03700651657033941, 'came': 0.03545219815350688, 'come': 0.03283697334229217, 'addition': 0.03273778269961444, 'referred': 0.030686758407418597}, {'the': 0.7419011076860675, 'The': 0.05770847931059274, 'a': 0.03280851482022056, 'very': 0.030900372808184997, 'tho': 0.026066186596870863, 'and': 0.02353970429388688, 'is': 0.022514779206633025, 'are': 0.021217027122905963, 'was': 0.01574479443014326}, {'of': 0.2795895192942691, 'to': 0.16348898088292185, 'in': 0.1068667879395811, 'that': 0.06735385081364642, 'and': 0.05932663252647515, 'by': 0.05908389182002499, 'with': 0.056265131432828026, 'is': 0.04716099670320267, 'on': 0.04093580927082298}, {'to': 0.5714589604296524, 'I': 0.06242111002279379, 'not': 0.05620801629754079, 'you': 0.04663591501615702, 'will': 0.04542871719664416, 'and': 0.03927209654744434, 'we': 0.03409224223331333, 'would': 0.029895021144700145, 'they': 0.02245380823454927}, {'to': 0.37696380846613275, 'and': 0.12887102366737663, 'the': 0.12343958375432441, 'of': 0.09313831946847313, 'not': 0.06721474050592162, 'will': 0.040639163626446796, 'would': 0.02691122859925036, 'shall': 0.026206940660364813, 'I': 0.023086469758536805}, {'the': 0.3740292548002902, 'a': 0.14318311959774088, 'his': 0.10764466880730168, 'The': 0.05388937545418971, 'their': 0.051441285241406065, 'our': 0.04062452223151276, 'her': 0.03595975167248161, 'and': 0.035890641819198696, 'to': 0.03192594505338624}, {'that': 0.18882523036777654, 'in': 0.16243461431926753, 'of': 0.1264675101585533, 'have': 0.09732512438990397, 'had': 0.09143223212529819, 'and': 0.0702711803356044, 'for': 0.060790720463406986, 'has': 0.05830307871748579, 'In': 0.04368789325509466}, {'linear': 0.1787631528754233, 'of': 0.04008992368096386, 'few': 0.022780417733357084, 'two': 0.020426566056831068, 'and': 0.018677475128683167, '100': 0.018110435635558638, 'five': 0.017262263169683427, 'ten': 0.015602212543414947, 'fifty': 0.01448719535572823}, {'<s>': 0.05733822007287531, 'and': 0.033398120096339086, 'was': 0.016779022522444724, 'recorded': 0.01616759386645309, 'made': 0.01609500438881063, 'is': 0.013552767023975693, 'found': 0.011633822179133523, 'place': 0.011315703104969009, 'be': 0.010999078410964595}, {'for': 0.15559290227516911, 'of': 0.14769521029055255, 'with': 0.1104729253498052, 'to': 0.09450023525915757, 'do': 0.07745838791366069, 'in': 0.07114021250677417, 'upon': 0.06751646410238137, 'on': 0.04247794535873974, 'about': 0.04204649179156704}, {'the': 0.59164728464098, 'a': 0.11760746744514866, 'his': 0.050096796451397266, 'our': 0.03943902380519576, 'tho': 0.03490850325165937, 'their': 0.027311585920470383, 'my': 0.018240542691992007, 'of': 0.01723728024801213, 'its': 0.01684064084460237}, {'is': 0.12507105704266272, 'was': 0.1073988766335625, 'and': 0.09823160898272312, 'a': 0.0787985053581347, 'of': 0.06255985841244446, 'the': 0.06079740803088605, 'has': 0.05953476404778518, 'had': 0.055168684901247135, 'have': 0.05370015153154227}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'and': 0.05506725291823688, 'go': 0.038081909786626164, 'going': 0.037983634558448894, 'work': 0.031003626645154873, 'carried': 0.028658728723775267, 'them': 0.027378544654337606, 'put': 0.023401611360287813, 'that': 0.02335171207708864, 'interest': 0.022208120668140725}, {'and': 0.06288952057630029, 'made': 0.052460660366738424, 'that': 0.030094871749997438, 'it': 0.029796695689496045, 'only': 0.024701123561280843, 'or': 0.022917372581391558, 'done': 0.022431679735609857, 'them': 0.022372145412762334, 'him': 0.02201331017222752}, {'from': 0.19300217727339725, 'the': 0.17434688703056778, 'in': 0.10842248080581794, 'that': 0.07919286971493883, 'some': 0.07313489208481577, 'any': 0.07057569714868003, 'this': 0.06443408865559666, 'a': 0.059106952729371, 'same': 0.05417328085966794}, {'of': 0.3006817191408618, 'and': 0.15364291871821883, 'to': 0.09619147960078088, 'that': 0.06401167200519096, 'with': 0.06352572434449837, 'by': 0.04932431935884176, 'for': 0.036826920444126, 'in': 0.03652587789613544, 'are': 0.025139530769463948}, {'was': 0.18969256884571947, 'be': 0.1608944528683388, 'been': 0.11736752575339959, 'he': 0.08709536291509701, 'had': 0.05417753941037191, 'is': 0.05079621563261643, 'were': 0.04396315155753824, 'and': 0.0398420373844082, 'have': 0.037791341558642624}, {'<s>': 0.02398990096405103, 'them.': 0.021850229012752697, 'it.': 0.01677168018967171, 'him.': 0.0092621698330483, 'and': 0.005243562389727813, 'men.': 0.005002277589109161, 'people.': 0.004961523090150365, 'country.': 0.004706336425437365, 'us.': 0.004699537008257303}, {'it': 0.21647787132204044, 'It': 0.12972796004326437, 'which': 0.09581298254657428, 'that': 0.062021096228547415, 'and': 0.05442765794999606, 'he': 0.049496416869819926, 'there': 0.04432705719911434, 'who': 0.0375060680292, 'as': 0.02442040022793138}, {'it': 0.32630148781907575, 'It': 0.17204343049073584, 'he': 0.06729064821576579, 'which': 0.05526839798172476, 'and': 0.04822266681188528, 'that': 0.04475220687581604, 'who': 0.029836278308535698, 'He': 0.02291804618981482, 'there': 0.01572658647022813}, {'the': 0.24173186644873054, 'of': 0.1264804730623645, 'and': 0.08331959595593887, 'a': 0.07678669948469065, 'in': 0.02227872850197047, 'to': 0.019468778320699653, 'or': 0.017891130897969953, 'The': 0.01759084026465017, 'tho': 0.015524648398075488}, {'of': 0.22221722281696854, 'the': 0.2000203556715462, 'to': 0.07181379159766366, 'a': 0.03881321745864812, 'and': 0.030154228714509745, 'in': 0.02909119442281869, 'at': 0.027088649947247682, 'by': 0.02466040389729468, 'on': 0.01793863258872513}, {'the': 0.20858214043815207, 'of': 0.17619204038700628, 'in': 0.101731898023459, 'to': 0.0949502706540823, 'and': 0.07888126297358858, 'his': 0.04509870164828399, 'In': 0.03643830191166855, 'a': 0.03641108427092107, 'their': 0.03588742500946719}, {'State': 0.04857693491585698, 'city': 0.04657604744044922, 'day': 0.043182075484653935, 'out': 0.036021003272577665, 'side': 0.030909774441599838, 'County': 0.029399352613945044, 'state': 0.028826286466878577, 'City': 0.028381272820326046, 'line': 0.02265943629062102}, {'No.': 0.16834545491840563, '9,': 0.08949720164754223, 'June': 0.06737054534054283, 'April': 0.06662922052725319, 'March': 0.0648949413776475, 'May': 0.05698829033036294, 'and': 0.05116170531123416, 'to': 0.04884762560454552, 'July': 0.04703831243943303}, {'in': 0.34269454889102713, 'In': 0.1682049705871951, 'of': 0.10171854725272689, 'the': 0.0997927863397006, 'and': 0.0991450735969695, 'all': 0.06190510964523323, 'from': 0.042367580762022405, 'to': 0.032408884077876156, 'or': 0.025938414095324273}, {'the': 0.5423128846607465, 'a': 0.11007181963165924, 'and': 0.06880952536407035, 'circulating': 0.051817594165183986, 'or': 0.040993826942243294, 'tho': 0.022045706558085586, 'The': 0.01823962364644643, 'of': 0.014019792587461779, 'in': 0.013201379722895267}, {'sum': 0.016328629329483636, 'out': 0.011199130054419226, 'amount': 0.01098427885233564, 'number': 0.010966495951007758, 'Board': 0.010606384122442537, 'day': 0.009994987531108633, 'line': 0.009797732497612439, 'county': 0.00968943267720081, 'purpose': 0.008481733832078262}, {'etc.': 0.030032172719299165, 'and': 0.025308966065935808, '1': 0.024084887296994074, 'that': 0.023018397726760943, '<s>': 0.01874693396486567, '.': 0.01622357337487859, '-': 0.014270532569519698, 'the': 0.013080986410531783, 'A': 0.013042612948528954}, {'a': 0.26772832210445624, 'any': 0.20701627537378428, 'the': 0.19581684172311453, 'no': 0.06813539520256487, 'one': 0.04634303572859518, 'other': 0.04166370318381793, 'of': 0.03219914262132108, 'No': 0.029576290580654627, 'every': 0.02731947757852669}, {'and': 0.31613897722102574, 'that': 0.06694399462096733, 'but': 0.04252057495825385, 'days': 0.039338891347011455, 'and,': 0.038808915567281325, 'soon': 0.036189843386563725, 'until': 0.026752613185393077, 'shortly': 0.02453032726894383, 'time': 0.02363009051185677}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.3206885684133569, 'in': 0.1448206949675593, 'to': 0.11064277066247023, 'for': 0.07781397891069099, 'and': 0.06396556877806443, 'that': 0.058785765645207155, 'by': 0.04651192008571459, 'with': 0.040083175241163324, 'from': 0.03653984119648307}, {'the': 0.30808378467771635, 'and': 0.14108762106080014, 'of': 0.09329753309150285, 'most': 0.06708112398712891, 'be': 0.06140012593700715, 'or': 0.05601007499463242, 'in': 0.04413328341630054, 'was': 0.042784960684844456, 'an': 0.04138650123183447}, {'the': 0.16932813253497953, 'three': 0.06914387340061821, 'of': 0.05349293442699967, 'two': 0.047654117417527835, 'four': 0.04164335449295854, 'five': 0.03736836217580588, 'and': 0.03109669491702267, 'The': 0.030265922783236712, 'ten': 0.028078562177667354}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.14749606476213453, 'and': 0.11630218885455909, 'of': 0.07119503291609995, 'to': 0.06428197448850209, 'was': 0.04929257352016476, 'a': 0.039314627613783605, 'be': 0.03851423253872655, 'is': 0.030727084623719994, 'are': 0.03035044679603335}, {'out': 0.08053879921399551, 'amount': 0.05873223302343309, 'kind': 0.055394591729558476, 'sort': 0.04845800534242938, 'number': 0.04750119388201583, 'right': 0.04576974675284664, 'matter': 0.041737466759697674, 'one': 0.03939504037043245, 'state': 0.03184089919043119}, {'of': 0.20049164813437464, 'in': 0.14164889230278, 'at': 0.11799612469470523, 'to': 0.10805733829235892, 'and': 0.07080272692268391, 'on': 0.06624397867355822, 'In': 0.05530128686766816, 'At': 0.05409308602139609, 'with': 0.042837581200100526}, {'of': 0.3401772009759197, 'in': 0.11511127058281025, 'to': 0.09375272668020339, 'and': 0.08613759930214965, 'that': 0.06259719707805131, 'with': 0.054828676727219465, 'for': 0.05464012006091031, 'by': 0.04647272826748986, 'from': 0.03514751625709624}, {'of': 0.2953153597904138, 'to': 0.11054866979217493, 'and': 0.09699921656643679, 'all': 0.08248017075937267, 'that': 0.07386794406268414, 'with': 0.07041324817306312, 'in': 0.04843879516719575, 'for': 0.04261489149875798, 'by': 0.03544298913428977}, {'of': 0.26583585305848656, 'and': 0.0708505696762663, 'to': 0.04989145335856684, 'about': 0.04461672952503579, 'in': 0.03325512201115969, 'at': 0.029618796934411468, 'than': 0.028485659286432298, 'by': 0.026495085240666093, 'from': 0.025286065168097206}, {'lots': 0.2766485000947762, 'No.': 0.11782461943820041, 'at': 0.033077493309221856, 'of': 0.03120731409560685, 'and': 0.030478342986851578, 'to': 0.025602632099877815, 'Lots': 0.023589684781256056, 'the': 0.02121645356466072, '.': 0.019431496250696383}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.19191070546643094, 'of': 0.1039464667671498, 'and': 0.09252042075487181, 'to': 0.07183426723673511, 'a': 0.05862233959327532, 'be': 0.05115686895551488, 'is': 0.038834941606156366, 'in': 0.03485754359909002, 'was': 0.028944636372361228}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.17130416860884073, 'in': 0.16279177841616227, 'to': 0.09376373387012146, 'and': 0.0902610297181017, 'with': 0.08655597185628415, 'for': 0.0782394939326751, 'as': 0.07003491633910898, 'that': 0.050065966710434666, 'is': 0.0499710106270059}, {'the': 0.16034095759089487, 'of': 0.08337930770201633, 'and': 0.08167606873219838, 'a': 0.06797230011329618, 'to': 0.06200499524654075, 'be': 0.030872590248614943, 'was': 0.024646243111901316, 'or': 0.02030169971211091, 'is': 0.017847106309518128}, {'is': 0.17816474281910574, 'be': 0.09254998781996694, 'was': 0.09107615173641553, 'in': 0.0908290542319092, 'are': 0.06047173499469865, 'and': 0.05970526192820771, 'of': 0.05176084394430489, 'amount': 0.04962925135326129, 'that': 0.041852908775868086}, {'the': 0.3054825155228515, 'a': 0.11705310014636133, 'his': 0.09181426941041518, 'and': 0.042844363536002364, 'such': 0.04087786135028798, 'of': 0.030739505497854216, 'as': 0.029557651592854253, 'this': 0.028808959318530978, 'her': 0.025965661805920876}, {'the': 0.3546972527664599, 'a': 0.1026636464002505, 'their': 0.06605938762286671, 'his': 0.05990188289048896, 'and': 0.05478322622445856, 'of': 0.042097203521992345, 'this': 0.04135859151243668, 'each': 0.041337702766489945, 'every': 0.039996998147159346}, {'and': 0.07714232234026595, 'committee': 0.034667596483507424, 'that': 0.0343602283349249, 'Committee': 0.031305816803984574, 'was': 0.024072241210864178, 'feet': 0.022448112554430306, 'out': 0.02132464213192273, 'made': 0.01997259402001214, 'up': 0.016106855024976767}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'he': 0.1747209168420503, 'it': 0.14844758027300806, 'they': 0.09936976014183671, 'I': 0.07668580501743102, 'It': 0.06824091030186354, 'who': 0.060360247278635926, 'that': 0.06022886379527903, 'which': 0.056640888196568526, 'and': 0.04561502140191504}, {'as': 0.20366424780851503, 'of': 0.07020619296255814, 'and': 0.060410983131900256, 'was': 0.05719830140446506, 'is': 0.038895616356222455, 'be': 0.036124630938406524, 'for': 0.02683015050618793, 'by': 0.024757424998636462, 'in': 0.023450260340748912}, {'him': 0.02494659599230191, ';': 0.01487772965405297, 'man': 0.012826628951379817, 'him,': 0.01053555299716851, 'up': 0.010332831893804855, 'and': 0.010083138836835061, 'himself': 0.009258682528632555, 'in': 0.008913702740427201, 'man,': 0.007933669360602887}, {'and': 0.4880143790733574, 'was': 0.06131887460099021, 'Since': 0.0447710269957201, 'is': 0.034152529951839976, 'And': 0.02769329933752633, 'He': 0.021155529842526957, ';': 0.012847939571922762, 'are': 0.012731176417211505, 'were': 0.012672707666194643}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'is': 0.11004326537273942, 'and': 0.06821523126421992, 'for': 0.06684709598729673, 'from': 0.0665434183471805, 'are': 0.0592392364251175, 'be': 0.05397807974657866, 'to': 0.04602083297079543, 'of': 0.040664727780849806, 'was': 0.04058567134192898}, {'Mr.': 0.04716583924401626, ';': 0.018131894496085228, '.': 0.01167495536219591, 'Mr': 0.011171732817376111, 'city': 0.010803094157737203, 'wife': 0.008767032531002852, '1': 0.008420685847568318, 'home': 0.00821667542552526, 'men': 0.007931945545921604}, {'he': 0.1146150911659454, 'and': 0.10720816799987416, 'it': 0.07857163981943797, 'that': 0.07061814261338382, 'who': 0.03919937163614957, 'It': 0.03819747253601884, 'which': 0.03147628225293755, 'there': 0.02993119687048004, 'He': 0.029453662913395483}, {'to': 0.1821666562139872, 'I': 0.11027261321802753, 'would': 0.10576222532916502, 'they': 0.0917139041729031, 'we': 0.0834538459903675, 'who': 0.06497047361524243, 'will': 0.06145138929717931, 'you': 0.04592113567408516, 'and': 0.04127094069592593}, {'the': 0.36881361275803354, 'a': 0.17581412163444954, 'his': 0.07709073040896046, 'this': 0.06326114866825812, 'in': 0.04421798806014201, 'one': 0.03835687630505485, 'our': 0.03621521791296987, 'her': 0.03542015445635223, 'every': 0.03470468789317087}, {'of': 0.31126831115663695, 'in': 0.12228950631654802, 'to': 0.10289604833592045, 'for': 0.08899973247805629, 'and': 0.07898335925341782, 'that': 0.07115699455629929, 'on': 0.045611485041419604, 'by': 0.036531972650916254, 'from': 0.03348693132816086}, {'the': 0.6535390995783239, 'The': 0.09932976880162091, 'a': 0.06822025757319754, 'tho': 0.028674180688876172, 'his': 0.02855712794050745, 'and': 0.021193918570569615, 'of': 0.016007970979046143, 'our': 0.013838100540635181, 'tbe': 0.013197849654690943}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'and': 0.1035460803087239, 'that': 0.03361694585563805, 'was': 0.022874874413785537, 'them': 0.021455614244114168, 'made': 0.020781864484231024, 'as': 0.020451464154867784, 'it': 0.01962269847110069, 'up': 0.019239875074112327, 'or': 0.018572916097524338}, {'up': 0.07224811285473128, 'as': 0.05138703244746621, 'went': 0.0504189383963284, 'feet': 0.04512141066533619, 'back': 0.04481764720761196, 'and': 0.043069757845161705, 'sent': 0.03855478449429837, 'down': 0.03318560189648834, 'go': 0.03282741619170479}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'the': 0.35906579534008204, 'this': 0.13722589186368625, 'a': 0.09413570050612709, 'The': 0.0707354878347205, 'his': 0.04724200354537219, 'This': 0.03982806608365649, 'that': 0.028276385980081312, 'present': 0.026764531012872402, 'one': 0.024708870263163707}, {'time': 0.023468403588567527, 'up': 0.01945082482910716, 'him': 0.019204169401228977, 'out': 0.016803181237572542, 'it': 0.015557194576262262, 'in': 0.012849309932529853, 'them': 0.012124664589109008, 'work': 0.01205697309546434, 'men': 0.008589433375220544}, {'the': 0.3829257395761277, 'of': 0.19872795901123264, 'a': 0.1288345017787612, 'and': 0.06838677930906795, 'in': 0.05339535383486473, 'very': 0.027587831651236055, 'for': 0.02732348797054196, 'tho': 0.02622312283848425, 'as': 0.02068041327814433}, {'.': 0.044410440345778276, 'and': 0.0295990467993369, 'Mr.': 0.02550624797005857, 'of': 0.01852210361112127, 'I': 0.01835350288368574, '<s>': 0.015166621949662708, 'John': 0.013073072308055128, 'at': 0.011505659357605355, 'to': 0.011437562513088783}, {'the': 0.3152469041263864, 'an': 0.14982290433877338, 'of': 0.09593864332233201, 'primary': 0.05127730781912417, 'on': 0.03418114597820135, 'general': 0.02989665134740088, 'said': 0.02949930639472402, 'for': 0.02748617796826329, 'and': 0.021700608091431314}, {'the': 0.5240850045998687, 'a': 0.20882521446421898, 'The': 0.05619700592897613, 'of': 0.03477475180665815, 'and': 0.024021380649330144, 'tho': 0.0217617314927195, 'no': 0.021229330243856936, 'his': 0.021036728796976073, 'little': 0.014585293984296584}, {'to': 0.0671063089453303, 'of': 0.0576110811214545, '<s>': 0.048328636095025884, 'that': 0.02483228454949496, 'for': 0.022412892119357625, 'and': 0.01939064750225195, 'it.': 0.014781843433918272, 'him.': 0.014524619245074411, 'in': 0.013337351794643388}, {'the': 0.23064976974816406, 'of': 0.1251839000947097, 'and': 0.0906191556751078, 'to': 0.06974493060332328, 'a': 0.04579261884899858, 'his': 0.03895619581412924, 'their': 0.038950986662083485, 'be': 0.038404399040864186, 'in': 0.03740983947926077}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'the': 0.10145711866484705, 'and': 0.08975165041979283, 'of': 0.07341016880192912, 'to': 0.06815804153281746, 'a': 0.05667619573074266, 'was': 0.03580429467759417, 'in': 0.03568609739268552, 'be': 0.02954918689249461, 'is': 0.025942123682462157}, {'to': 0.4962292207720818, 'the': 0.12411828864921098, 'an': 0.12024848156575917, 'will': 0.05005638441758365, 'this': 0.04974530736715832, 'and': 0.03279182542034672, 'that': 0.018779022055557287, 'would': 0.01664696098175588, 'a': 0.014434014543716968}, {'be': 0.17733698212959462, 'was': 0.14509880423610225, 'is': 0.1108422370980478, 'he': 0.09353932084781644, 'have': 0.08926667529083401, 'been': 0.08267415958606386, 'had': 0.051898085745131155, 'has': 0.049255555818620594, 'He': 0.0491409588014484}, {'day': 0.8517868597604238, 'dav': 0.013812791181960417, 'Monday': 0.007299656263146695, 'month': 0.0065276939648252355, 'middle': 0.00622393629704218, 'State': 0.005492295197595427, '1st': 0.005486782803020805, 'city': 0.004896333660362452, 'part': 0.004576969627262245}, {'<s>': 0.09177020159008965, 'it.': 0.020526014449755756, 'them.': 0.016196352584459627, '.': 0.010359275935972656, 'country.': 0.008905376672532798, 'time.': 0.008739226857362538, 'year.': 0.00836924781207515, 'day.': 0.007243104418552679, 'him.': 0.006704174198363084}, {'and': 0.1917224734160185, 'is': 0.05339125794276248, 'not': 0.052294617420194554, 'or': 0.04606881754998486, 'are': 0.0421076000967863, 'do': 0.04171271073165502, 'was': 0.040530372117620686, 'And': 0.03564746431449575, 'be': 0.022051211662236177}, {'the': 0.3335853227554132, 'of': 0.17355528790381497, 'and': 0.10074901765490646, 'or': 0.0745259068313095, 'The': 0.03804830731047242, 'these': 0.034987208981984534, 'for': 0.03378397237846612, 'by': 0.030873331935629172, 'about': 0.029107274728401723}, {'and': 0.18027393958308124, 'of': 0.14443337004295642, 'that': 0.08603738092268809, 'to': 0.08134033738812974, 'if': 0.07705523748152379, 'for': 0.057160638858671356, 'but': 0.04780368329217643, 'when': 0.046827667647509896, 'was': 0.04548845720414662}, {'up': 0.020699292365468663, 'time': 0.017837945328526617, 'in': 0.017559279871095165, 'down': 0.011000784296796167, 'life': 0.01064869337649949, 'land': 0.00958465167900923, 'him': 0.009103833582862784, 'out': 0.00896219165563015, 'power': 0.008799203609042638}, {'the': 0.34972357988643116, 'of': 0.1851448624689943, 'in': 0.05020192181885093, 'such': 0.04695989053944851, 'to': 0.04321335693556277, 'a': 0.03887648226766415, 'all': 0.03592049702444274, 'any': 0.03306718788862359, 'on': 0.02787791171093989}, {'the': 0.31603943904936654, 'any': 0.21019534673255608, 'an': 0.11390308900046986, 'either': 0.04255876507011926, 'to': 0.04079498692922491, 'presiding': 0.039999423604730355, 'of': 0.03866524517886066, 'such': 0.03798365131067244, 'this': 0.03548282818117956}, {'the': 0.2675816146443773, 'and': 0.12387432296156177, 'of': 0.11633834144000198, 'to': 0.09212329513865826, 'their': 0.05239269403687731, 'his': 0.04144989399844358, 'in': 0.028889444269179127, 'a': 0.026665409314818762, 'that': 0.026361923903146157}, {'the': 0.14309936195386752, 'of': 0.11435851857925557, 'and': 0.07679204857230557, 'to': 0.05767422545430939, 'was': 0.051462649112687164, 'a': 0.044387177950600244, 'be': 0.039386020154803844, 'in': 0.03913091724555907, 'is': 0.03317156499467845}, {'the': 0.1383052078787414, 'of': 0.08242205434635133, 'and': 0.08204013011680764, 'to': 0.0606801837302645, 'a': 0.037459458786684885, 'be': 0.03309828082761197, 'in': 0.030712695040262798, 'for': 0.022850558254894664, 'or': 0.022073118251186692}, {'an': 0.2693702461123546, 'most': 0.1544232961081512, 'the': 0.14286401275755503, 'and': 0.0701923251472609, 'of': 0.060650066520214166, 'a': 0.033021866988589665, 'other': 0.027941459720415205, 'to': 0.027203084471303596, 'this': 0.022778414866042325}, {'one': 0.08837264426949418, 'part': 0.038998327146227474, 'out': 0.02722316887260893, 'portion': 0.023814181613109088, 'side': 0.019826910280117432, 'some': 0.016247713638384235, 'that': 0.01581493783524018, 'tion': 0.01520297430519722, 'member': 0.014040980918801042}, {'and': 0.11985358219657177, 'called': 0.06427373856222518, 'due': 0.029933195081225446, 'conferred': 0.029363781494048724, 'made': 0.028532523027800866, 'based': 0.024918364698009843, 'call': 0.02312961980063911, 'that': 0.022745526588775655, 'depend': 0.02224297641257712}, {'Mr.': 0.16365901189607662, 'Mrs.': 0.14961204672797138, 'U.': 0.1311937320637377, 'and': 0.05055087812826654, '.': 0.042234337742719306, 'Dr.': 0.03530183754322858, 'John': 0.03218594752612811, 'of': 0.030819673845805126, 'W.': 0.025484627289357235}, {'of': 0.28815367486098925, 'in': 0.20405654566521322, 'to': 0.11402514689064128, 'on': 0.1004194312782199, 'from': 0.05917414559176897, 'for': 0.050520769330364146, 'In': 0.044423956174651745, 'and': 0.0340361601520776, 'with': 0.03362511888452553}, {'manner': 0.1103951809557842, 'and': 0.052453475314599624, 'that': 0.03036937771827381, 'way': 0.019689239401330938, 'time': 0.015058937839784212, 'it': 0.013360831017844856, 'all': 0.011946359345780016, 'one': 0.011858054142763546, 'part': 0.011827296831737295}, {'a': 0.3535858319332787, 'the': 0.23969354913943935, 'is': 0.12404901961086594, 'was': 0.0667885348818085, 'are': 0.04892969544798393, 'be': 0.035853851366240856, 'The': 0.03080411318082175, 'not': 0.026562749344466997, 'A': 0.023650901493048517}, {'the': 0.4288875426592591, 'and': 0.13625978351035029, 'of': 0.05324245937159445, 'or': 0.03824049318942678, 'The': 0.03730571828216512, 'with': 0.02647829364770802, 'tho': 0.021418997580749995, 'a': 0.020207677999889824, 'for': 0.018170870766825727}, {'it': 0.2281946148554245, 'It': 0.18517807159388838, 'which': 0.07904623141535283, 'there': 0.06645061903512318, 'he': 0.05158266488887628, 'that': 0.0494564234498117, 'There': 0.0435543204207122, 'who': 0.026178366069972127, 'He': 0.025985914941477128}, {'the': 0.6010893851350526, 'a': 0.08560085763698293, 'of': 0.0557006421236639, 'this': 0.03878721420995847, 'on': 0.036539109762031945, 'tho': 0.03601989797118173, 'and': 0.025287676776046458, 'said': 0.021122558256004724, 'his': 0.020892020603655182}, {'and': 0.06848281066483226, 'that': 0.04938144311756957, 'I': 0.04300422819316566, 'which': 0.022835974317412352, '<s>': 0.02084480640519926, 'it': 0.02081927854802654, '1': 0.019583626368424867, 'as': 0.01957107517198161, 'he': 0.017916475895544317}, {'the': 0.26516721337852633, '.': 0.04518602662745817, 'and': 0.0340162900740793, 'Mr.': 0.025779489260718505, 'of': 0.021290711183982052, 'The': 0.01766911997797206, 'in': 0.017504184115997592, 'a': 0.015036145767830775, '<s>': 0.014955128612825809}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'you': 0.09870196043914123, 'it': 0.0962938857784109, 'and': 0.08461872983550807, 'they': 0.08031720078374342, 'which': 0.06350845102816897, 'he': 0.061792145800600606, 'I': 0.06066239060697412, 'that': 0.056640030723578164, 'It': 0.03908580951253227}, {'of': 0.35388650151894596, 'in': 0.11870604601112925, 'to': 0.10073677919671771, 'for': 0.06932636685378454, 'and': 0.06451623585823993, 'with': 0.0558830939113745, 'on': 0.050074152422471735, 'by': 0.043937269049944876, 'that': 0.03805904547055958}, {'and': 0.12418203495264868, 'that': 0.041618160016948035, 'it': 0.04055830986085725, 'found': 0.024663704649277876, 'made': 0.02423444208062058, 'is': 0.02409079466227436, 'him': 0.02353174208791718, 'was': 0.022852989037061268, 'but': 0.022390301622287664}, {'the': 0.657221124793053, 'a': 0.07578247748439153, 'tho': 0.04206258870787702, 'and': 0.0320475474082444, 'The': 0.029468429994285825, 'this': 0.01891638561630624, 'of': 0.018027094216832615, 'his': 0.016853147040185677, 'our': 0.01565769442805187}, {'the': 0.2431195310495459, 'a': 0.1842180977976004, 'of': 0.10227925875055281, 'his': 0.05686303313444639, 'their': 0.04275745589587265, 'and': 0.03824263491404744, 'with': 0.03552890803940642, 'all': 0.03047271124501274, 'in': 0.026495848814531292}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.17102739492320965, 'a': 0.10297258878365122, 'and': 0.06620709500767254, 'of': 0.0648354058144479, 'in': 0.03207803691758838, 'to': 0.026745727634474522, '<s>': 0.02135121853368528, 'The': 0.019466282807504877, 'was': 0.017743123110402766}, {'the': 0.47737185459525505, 'a': 0.34692493261337665, 'The': 0.03783647163702915, 'to': 0.01859458750745828, 'tho': 0.018202011515287317, 'no': 0.017992413613913405, 'any': 0.015217909684382067, 'and': 0.01266915983261945, 'most': 0.012585381773583358}, {'the': 0.22956096692688016, 'a': 0.1282243635331198, 'to': 0.06552713293687967, 'town-': 0.05827759864111264, 'town\xad': 0.053831978492532205, 'of': 0.04033257819138481, 'The': 0.029541776384323724, 'and': 0.027460646462490662, 'that': 0.021259648376925434}, {'the': 0.5034018909694622, 'of': 0.07249066487333367, 'his': 0.05768115091049947, 'their': 0.05678170425738412, 'a': 0.04888362707356068, 'whose': 0.04481441036977091, 'and': 0.04309942855683482, 'in': 0.03872774077640586, 'In': 0.029180965064750628}, {'the': 0.41360401438261535, 'a': 0.2749127252989265, 'The': 0.07678401474619322, 'this': 0.03923280032825361, 'A': 0.03539897264765026, 'tho': 0.03464890864375586, 'that': 0.03122111301959347, 'of': 0.027594774827714223, 'and': 0.02701757735272966}, {'and': 0.06367354520199134, 'covered': 0.06122297877878075, 'filled': 0.04494978609601459, 'together': 0.04465815052140319, 'charged': 0.03216716591150878, 'up': 0.027470197428123774, 'but': 0.020119781888997556, 'it': 0.019682722864509696, 'supplied': 0.01696752017742685}, {'of': 0.3586956867888732, 'to': 0.13745685756593848, 'and': 0.07535573432687108, 'by': 0.07021860831140195, 'that': 0.06792442074596512, 'on': 0.062218981448427496, 'for': 0.04345753380819531, 'with': 0.0382857998968645, 'in': 0.034238856902030136}, {'of': 0.30313554650675284, 'to': 0.09339479162863316, 'at': 0.09147183920304265, 'from': 0.08108091272560582, 'the': 0.06730430073988387, 'and': 0.06044810906720931, 'by': 0.05894126728994764, 'in': 0.04130938230675732, 'for': 0.016031416003965952}, {'that': 0.24059173314951182, 'as': 0.1426008127439756, 'if': 0.11250613908557468, 'and': 0.10260068649558042, 'which': 0.06688206298744018, 'when': 0.05269233912888594, 'but': 0.052280437312438095, 'where': 0.03769923391426848, 'If': 0.028807117441205062}, {'the': 0.24268878873498578, 'a': 0.11964560169430648, 'of': 0.08690389082783784, 'and': 0.07998258738524043, 'an': 0.04461065011300068, 'to': 0.03750946472231751, 'in': 0.03354407107728101, 'that': 0.025443280804656854, 'The': 0.01998539065072225}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'and': 0.11527860757188757, 'reason': 0.05304893265790932, 'necessary': 0.030672413840265717, 'pay': 0.028274771199438782, 'demand': 0.027951090228501903, 'but': 0.02728720704522456, 'made': 0.024157779362096298, 'provided': 0.024123085158007627, 'do': 0.022728204521479042}, {'the': 0.12587325765134058, 'a': 0.08920092790070841, 'and': 0.08707384880824844, 'of': 0.0825049241743352, 'to': 0.059790278496737854, 'in': 0.032936110292086956, 'be': 0.03252258016382413, 'was': 0.020814076420510568, 'is': 0.018976654092854692}, {'I': 0.23602333077672275, 'he': 0.2269892327972574, 'He': 0.10091379775941609, 'who': 0.08126625064600239, 'they': 0.06340339804159026, 'she': 0.056610318478624556, 'we': 0.0464988364602742, 'and': 0.04523024674258561, 'She': 0.029211112316477758}, {'a': 0.1834276028122009, 'the': 0.15348304827819736, 'and': 0.05847620645579965, 'A': 0.03968406552361144, 'of': 0.03446073279416507, '<s>': 0.028302568054175192, 'per': 0.022631809244177844, 'said': 0.019250607790815, 'one': 0.017516281475587446}, {'30': 0.21537757110531297, '20': 0.1047054747367034, '40': 0.08561587651924521, '45': 0.07633801677565588, '33': 0.07267038999979594, '15': 0.07170300923933313, '35': 0.06953025092836668, '48': 0.06117125528705132, '51': 0.05879569343505153}, {'that': 0.2145216469736592, 'when': 0.14997409177568433, 'and': 0.1089077147465111, 'as': 0.10016724107309792, 'which': 0.08770261473089713, 'but': 0.055972314470855766, 'where': 0.0458726329696019, 'if': 0.03722382360067029, 'until': 0.03232480207827632}, {'the': 0.4669432649462809, 'The': 0.16068062846872475, 'this': 0.06962303680145453, 'a': 0.06896198536507991, 'This': 0.05719020213247191, 'tho': 0.03321023543508212, 'his': 0.022922388503554395, 'commerce': 0.021824014177195365, 'of': 0.0188072914478545}, {'in': 0.5102046661616808, 'of': 0.1387084083389982, 'In': 0.12763756334176324, 'any': 0.0853613464671531, 'for': 0.026198176322459726, 'no': 0.024308855345452605, 'upon': 0.021186946586968007, 'that': 0.02078199766797519, 'with': 0.019760552262860016}, {'the': 0.16209065462208302, 'of': 0.11227421724778662, 'and': 0.09323045358516567, 'to': 0.07435835778323759, 'a': 0.05856269327989534, 'in': 0.047603815713224105, 'be': 0.04236054334762016, 'is': 0.02743980846123116, 'or': 0.023560506618234407}, {'the': 0.809889537772088, 'The': 0.05410232237856477, 'tho': 0.03286590715910995, 'at': 0.021464615188041297, 'a': 0.020816967306362115, 'his': 0.018114698224495004, 'tbe': 0.01394042841353765, 'their': 0.01130989727016381, 'its': 0.01028357307985525}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'above': 0.1959690044174599, 'be': 0.09911790707712546, 'man': 0.08772984580128305, 'was': 0.06820049569149472, 'he': 0.05425273442852057, 'been': 0.046588054829831964, 'were': 0.036914084450368104, 'and': 0.03690140417504407, 'is': 0.029622873726778413}, {'and': 0.2032495092201265, 'be': 0.15523987564859001, 'was': 0.1441335302928892, 'is': 0.09423091701518055, 'are': 0.056285724224318816, 'as': 0.049022986506602535, 'were': 0.04665277849646157, 'been': 0.04511333496310777, 'of': 0.038173004712360105}, {'of': 0.2944752539795838, 'the': 0.2214805709986694, 'and': 0.06149576993190646, 'recover': 0.046791551694919824, 'for': 0.045052480596844066, 'The': 0.039482842581421755, 'in': 0.03532956611767314, 'this': 0.02987591922114913, 'such': 0.029457874420980693}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'It': 0.16851205366381775, 'it': 0.16224744991027296, 'he': 0.10741978792028485, 'which': 0.07477612535853576, 'He': 0.04905867303381806, 'I': 0.0416118007856362, 'and': 0.03890743511228128, 'who': 0.035041945504348054, 'she': 0.029484357699406615}, {'of': 0.10408616689590952, 'the': 0.0986900331698948, 'and': 0.05701352615608303, 'to': 0.04502836773706315, 'a': 0.03780779334619606, 'at': 0.02937070463197546, 'his': 0.020239671670571915, 'in': 0.019761494400663476, 'is': 0.01758882123393634}, {'going': 0.21642610296599998, 'go': 0.1565076998717378, 'went': 0.09485466415908193, 'goes': 0.08281322226678203, 'carried': 0.06510711588140965, 'and': 0.051778336404492545, 'feet': 0.04786968909919013, 'passed': 0.044535747036437666, 'done': 0.041425020751633346}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.2613725824473675, 'of': 0.09038226770572955, 'and': 0.06335523345603893, 'in': 0.043756500122283375, 'to': 0.04078817027039709, 'that': 0.031258185179635974, 'a': 0.03086953848964444, 'be': 0.021873506257161203, 'his': 0.016509886566351016}, {'to': 0.14996214207950487, 'of': 0.10585377277373242, 'and': 0.10537835139745827, 'the': 0.10349661316679895, 'or': 0.044668894518771485, 'in': 0.029106867564091435, 'not': 0.02142274119530962, 'at': 0.019188030696756668, 'for': 0.017982823759536706}, {'and': 0.13308518758923701, 'of': 0.10562901617237004, 'in': 0.09027254949386238, 'the': 0.08625049894061039, 'on': 0.06836726572553482, 'at': 0.06534072939570834, 'for': 0.05802062757901292, 'to': 0.048324504880444555, 'from': 0.046122241312273736}, {'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}, {'of': 0.13325693063520655, 'was': 0.11003628002059176, 'is': 0.0875107930513731, 'and': 0.07710966376111414, 'are': 0.0475865799263536, 'at': 0.039730239322144985, 'were': 0.03549801186167234, 'in': 0.03466535062897701, 'for': 0.029803582556121578}, {'and': 0.11385123617354412, 'be': 0.09864172963727943, 'was': 0.07620908437317161, 'to': 0.04887641259257306, 'been': 0.047688286220096035, 'is': 0.04482365947015291, 'of': 0.04408866282577962, 'he': 0.03874649575579709, 'were': 0.034891023983512175}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.38387604320536606, 'to': 0.14047394182326353, 'in': 0.09026322597718368, 'for': 0.08290380355078483, 'that': 0.0560932776959474, 'and': 0.054544694412812365, 'from': 0.042240371527964914, 'at': 0.036630538160589865, 'on': 0.03651750219391946}, {'of': 0.4006977117984725, 'in': 0.11106255212660843, 'to': 0.08589911810792779, 'for': 0.08182100465665187, 'and': 0.06601849387469061, 'with': 0.06210549816409213, 'by': 0.032432519959290036, 'that': 0.02761177273648569, 'from': 0.02755376968038904}, {'and': 0.06132912559050522, 'covered': 0.03583198101879737, 'together': 0.028167896632252096, 'filled': 0.026443820554088265, 'it': 0.02459566998284822, 'do': 0.023243985212885763, 'them': 0.019340643406128302, 'up': 0.018551715252266246, 'him': 0.0181442737592833}, {'the': 0.4920225730314029, 'a': 0.12149739167165059, 'large': 0.07337223823555211, 'Grand': 0.051495656874006625, 'great': 0.037817583914748244, 'The': 0.031255398713046896, 'tho': 0.02839810592524549, 'high': 0.02080348641942744, 'vast': 0.020002924743505693}, {'the': 0.5635784747243144, 'a': 0.0741606797497537, 'of': 0.07180231041617524, "Men's": 0.06153091526200133, 'and': 0.04365292581217339, 'The': 0.03465625650179573, 'tho': 0.028219221725023724, 'in': 0.01829098293225711, 'tbe': 0.013108266687993485}, {'the': 0.24147453257051407, 'we': 0.13020205341669835, 'to': 0.12320635575317533, 'I': 0.10981814297140968, 'We': 0.10001732161785014, 'no': 0.08086929580041174, 'and': 0.0672586745899431, 'a': 0.04319753352890806, 'sincerely': 0.035331860906257194}, {'and': 0.19510706591512358, 'of': 0.191115096724546, 'that': 0.07833487556305958, 'in': 0.07192870425915195, 'are': 0.07099249216791641, 'to': 0.06934122277598508, 'with': 0.06036205305369682, 'is': 0.04669095731566886, 'was': 0.04035135332544407}, {'the': 0.6842965259850757, 'The': 0.062202152675079385, 'a': 0.06091703440482969, 'tho': 0.029816259632681422, 'and': 0.016016762231879485, 'tbe': 0.01476489154603446, 'by': 0.012706731557348874, 'of': 0.01108500612945546, 'to': 0.009601185364671264}, {'<s>': 0.07229230987317006, 'of': 0.04384382364907328, 'in': 0.041726560438203684, 'to': 0.03791648275633375, 'at': 0.020595606943750667, 'for': 0.016487644287469252, 'that': 0.01535885714561634, 'and': 0.012869861027263561, 'by': 0.012673370564043598}, {'the': 0.09699298333064797, 'of': 0.06131528553754431, 'and': 0.04553616838684517, 'a': 0.03516401231003769, '.': 0.03368657132942016, 'at': 0.0306434785871017, '<s>': 0.029382403278084102, 'to': 0.02581602012700891, 'in': 0.017486999545726814}, {'and': 0.1442800436562843, 'of': 0.09103525321949554, 'to': 0.07787363809171466, 'is': 0.04980094941364157, 'was': 0.0464883105830215, 'for': 0.0437232667402127, 'are': 0.04235558016652692, 'in': 0.042009665115210294, 'with': 0.033750373267242256}, {'the': 0.13938408719344358, 'and': 0.08541235394892123, 'of': 0.062200191692618145, 'a': 0.05532400347286972, 'to': 0.034729961986302904, 'was': 0.032768657132806835, 'I': 0.027487242801541814, 'Mr.': 0.0243222391097133, 'be': 0.024072220236879032}, {'he': 0.15020502010431605, 'who': 0.09167913013237544, 'and': 0.08446789309247904, 'which': 0.0777218323295077, 'it': 0.0663631502673636, 'He': 0.048220303483235354, 'It': 0.040282156157898194, 'that': 0.036643801433553065, 'she': 0.02864361640710606}, {'they': 0.21972750934334281, 'we': 0.09667876895053001, 'who': 0.09531030186473206, 'and': 0.09111632954714516, 'you': 0.05760210783180179, 'which': 0.05245062669768219, 'They': 0.04580139821035223, 'that': 0.04440947667877496, 'We': 0.035371213781483044}, {'and': 0.10949084802579674, 'of': 0.069055381615285, 'was': 0.05957414451945361, 'are': 0.05703447528710824, 'is': 0.03994966954448927, 'by': 0.034138378916750485, 'for': 0.03284547964407427, 'to': 0.032012637407963784, 'after': 0.030363461449244438}, {'the': 0.4590198898771921, 'a': 0.16036117917818146, 'and': 0.06721417862244913, 'The': 0.05672992500409387, 'his': 0.05275281204006738, 'of': 0.028780346901983382, 'tho': 0.02828619303116684, 'be': 0.023848535401940887, 'their': 0.023748558561310328}, {'that': 0.18020710658546715, 'and': 0.12375494770628073, 'will': 0.10429432459144918, 'to': 0.08679212678616371, 'which': 0.07293274031149023, 'as': 0.06017790290630363, 'if': 0.05805127929797133, 'would': 0.05561522542576314, 'when': 0.04793356980208595}, {'of': 0.08821558835300647, 'to': 0.08540383314828587, 'the': 0.07699147055274193, 'and': 0.07501707955877815, 'be': 0.045147773553477426, 'a': 0.03588283705023091, 'was': 0.032386687796220774, 're-': 0.02247985515260142, 'for': 0.022438922834644992}, {'of': 0.13684095192583065, 'the': 0.11908534530062802, 'and': 0.05022328663855848, 'to': 0.04517184854228227, 'at': 0.03889965583817815, 'a': 0.033461159986622524, '.': 0.0310233602066828, 'in': 0.02728283857304449, 'by': 0.020010753132281133}, {'to': 0.411393846434684, 'a': 0.08846343360213076, 'the': 0.08323906303057012, 'will': 0.07225615175106827, 'not': 0.06498496349680798, 'and': 0.0410684256112673, 'may': 0.02865809910112295, 'would': 0.021259369682070817, 'cannot': 0.016726932856989153}, {'owned': 0.1386071182547843, 'made': 0.06443698680087409, 'delivered': 0.060183967190605724, 'assisted': 0.0508827354991178, 'and': 0.04822971575541344, 'occupied': 0.0420778776560883, 'conveyed': 0.03853133709885241, 'accompanied': 0.03154660009767031, 'headed': 0.01941763090026517}, {'sale': 0.4646398177897148, 'and': 0.06955154204457943, 'therein': 0.04095571222748313, 'was': 0.039013717939498996, 'be': 0.03055807977798071, 'is': 0.028657465115832396, 'as': 0.027975882066497593, 'mortgage': 0.02267836295522407, 'land': 0.022479518437966396}, {'or': 0.11347942530702741, 'not': 0.09156800527454094, 'and': 0.07802763379645374, 'redemption': 0.06983732507128713, 'than': 0.04977260499939602, 'is': 0.03825624713661012, 'was': 0.0381526671905051, 'look': 0.035688282700447674, 'there': 0.03439431997515054}, {'the': 0.36261218912525567, 'court': 0.12397121247210839, 'school': 0.034316333264686645, 'The': 0.029864176773158134, 'his': 0.029632392058725254, 'opera': 0.027396550423000533, 'a': 0.022010462186466687, 'said': 0.02155067080632712, 'tho': 0.017620515241608115}, {'in': 0.2383458754512292, 'of': 0.19693940097053475, 'to': 0.09252107070695943, 'with': 0.07616036759967339, 'for': 0.06176089961084527, 'and': 0.061626832522967134, 'at': 0.05533939679123035, 'In': 0.04761430711850323, 'from': 0.04310332316918177}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'a': 0.30091372557634705, 'the': 0.29041367246496846, 'young': 0.09704964813818302, 'The': 0.07958915076257606, 'A': 0.0612257970840141, 'every': 0.03015746286684805, 'old': 0.029158453500847125, 'and': 0.018213720665824013, 'Every': 0.013805400607676467}, {'to': 0.572441744850513, 'will': 0.09234589372106486, 'and': 0.08445629207051028, 'the': 0.035862900796645156, 'I': 0.032547044166802534, 'would': 0.03213326328356065, 'we': 0.02617515920440967, 'a': 0.017539102334672752, 'We': 0.01608077505009482}, {'the': 0.4849848086804026, 'a': 0.26483712543810084, 'The': 0.053400566619906706, 'of': 0.05139435994612187, 'with': 0.028170389588053926, 'and': 0.02240188188754586, 'tho': 0.021643152697342526, 'A': 0.01949393883423835, 'very': 0.018359866242489645}, {'the': 0.3852488661522551, 'in': 0.2665205385463908, 'a': 0.13947625764876628, 'In': 0.06949178783046955, 'The': 0.018875170665855638, 'this': 0.01870930743065698, 'any': 0.017228385432617965, 'tho': 0.016751923565152732, 'every': 0.0163546651885032}, {'the': 0.07518840133831067, 'and': 0.04072177319655867, 'as': 0.03615475832138068, '<s>': 0.03577815081587037, 'that': 0.034822678439328264, 'of': 0.032963200124678925, 'I': 0.026775700792329313, 'if': 0.020194207342362214, 'The': 0.018595771578382818}, {'and': 0.14258016805484333, 'the': 0.1204204119619941, 'is': 0.0628573020248393, 'he': 0.061424429860173484, 'that': 0.045142937910681094, 'which': 0.04447770472404791, 'not': 0.04111937377893538, 'be': 0.03939728614505876, 'it': 0.03567173975415848}, {'of': 0.2109083152488436, 'and': 0.10846752700361921, 'to': 0.073536718423306, 'by': 0.0613502908091256, 'for': 0.03075622537074219, 'at': 0.02738186632571125, 'from': 0.024489595909747985, 'in': 0.0206727760604653, 'with': 0.017544983608853336}, {'one': 0.07311462963704518, 'and': 0.04917825683886771, 'some': 0.04309040860843052, 'out': 0.04230192453236856, 'time': 0.030153803381093202, 'part': 0.027026505257970762, 'that': 0.0219607660150213, 'all': 0.018099685647860082, 'each': 0.016467795073406687}, {'of': 0.22790576475040888, 'the': 0.12603050659246212, 'and': 0.07016532027385418, 'in': 0.05566217945381687, 'to': 0.05167681495869305, 'for': 0.039711593169339504, 'that': 0.029393583927468037, 'a': 0.023683753170212787, 'by': 0.02289154869997847}, {'was': 0.091174348300775, 'is': 0.08080572198657492, 'of': 0.0748498153472147, 'be': 0.05957350266721078, 'and': 0.05858949846908649, 'are': 0.036610300300444897, 'to': 0.033792314786826004, '-': 0.029881541811149194, 'for': 0.026230735363066995}, {'the': 0.6279255361545801, 'a': 0.20497332683826247, 'The': 0.03765161695498869, 'tho': 0.027093238224776772, 'of': 0.024074398048715875, 'in': 0.01539476191883397, 'any': 0.014211516285393513, 'tbe': 0.01054551012319921, 'this': 0.009987849427565134}, {'the': 0.13129828290041945, 'a': 0.07241725110597973, 'of': 0.06871846295118172, 'and': 0.05312337079233666, 'at': 0.04429396882050857, 'to': 0.03976300300818622, 'in': 0.037168372690354695, 'for': 0.03534402885407531, 'that': 0.025405818697544436}, {'the': 0.24160711541446145, 'Republican': 0.1703917511620686, 'Democratic': 0.09710982011083787, 'a': 0.08932422177869505, 'any': 0.04867640662186046, 'his': 0.044862660375999876, 'one': 0.04429655249637171, 'of': 0.04328536846526143, 'this': 0.04067155231988521}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'-': 0.05005590471053877, 'to': 0.04730319820096712, '.': 0.027073031684803798, 't': 0.023369816497377915, 'ti': 0.018584536166939853, 'I': 0.014821479720028638, '<s>': 0.014178506248424845, 'i': 0.010575197958401408, 'of': 0.010381336854308452}, {'the': 0.3245083513110322, 'a': 0.06381100519960708, 'sepa-': 0.05877112803411496, 'this': 0.029819624298867232, 'any': 0.028648261129460076, 'of': 0.025223936116271575, 'same': 0.02423387088875505, 'and': 0.018810335226761603, 'The': 0.018753827653877272}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'that': 0.18580505648075996, 'as': 0.13241348048303261, 'and': 0.12329521736451515, 'when': 0.11776496221161192, 'which': 0.0839316792092336, 'if': 0.05192358746647143, 'but': 0.050795984527133874, 'where': 0.0478506487135175, 'before': 0.03514926428421577}, {'<s>': 0.10622632080978757, '.': 0.028860208420813757, 'it.': 0.016879449402202203, 'them.': 0.013306831265339714, 'him.': 0.010005997906202654, 'day.': 0.009055698038977197, 'city.': 0.007970291559451184, 'time.': 0.007707597301197497, 'year.': 0.00711745651639852}, {'the': 0.17779327910843815, 'a': 0.14496683011317552, 'took': 0.13938352733173126, 'take': 0.10376563317422, 'to': 0.09951432044372721, 'in': 0.07284604403162721, 'his': 0.045232376637726245, 'no': 0.03961731467136448, 'and': 0.03684059501530947}, {'is': 0.17401891188961158, 'have': 0.1513491068607548, 'was': 0.12851096188783084, 'has': 0.12458797570320664, 'are': 0.09880919007528567, 'had': 0.08745422582086868, 'not': 0.07291114099598991, 'and': 0.05156518099296893, 'were': 0.033973323446652375}, {'and': 0.1115180572580448, 'or': 0.0709501233254112, 'appear': 0.067733809243956, 'days': 0.06309105403646031, 'that': 0.04739254516804717, 'time': 0.045316007611204794, 'brought': 0.03233941116834793, 'just': 0.031423180951644425, 'long': 0.03108310392237562}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'and': 0.12745993576955764, 'contained': 0.10032263994106076, 'served': 0.09084260799014868, 'situated': 0.04593525939454836, 'property': 0.04149584407870441, 'interest': 0.03976878292623294, 'land': 0.03882696125711004, 'or': 0.031491176075709525, 'that': 0.02989337215864738}, {'is': 0.3158927393889111, 'be': 0.2828899503237794, 'was': 0.09713933807381159, 'are': 0.07029746864150693, 'Is': 0.04995430029770695, 'been': 0.041038799056401294, 'and': 0.04028721050402904, 'he': 0.02856687431526212, 'not': 0.028302362516910394}, {'was': 0.1930183362131136, 'be': 0.15814006325549743, 'and': 0.14553413907630633, 'is': 0.13381469209511362, 'were': 0.06166862485399167, 'are': 0.059400396277149874, 'been': 0.04994164501975737, 'to': 0.029708572620708786, 'he': 0.028569146798362314}, {'of': 0.18203542856219931, 'to': 0.117451746521539, 'and': 0.11228870482662053, 'in': 0.10635795398729514, 'for': 0.08334599566432464, 'with': 0.0669479223176676, 'that': 0.046594483099974146, 'by': 0.045394040557281586, 'on': 0.03995164046544467}, {'and': 0.11855729219408961, 'was': 0.03850703211422972, 'of': 0.03563279689923053, 'the': 0.028590948330993748, 'I': 0.024621813175164892, 'he': 0.023659881490020403, 'her': 0.023005682285955287, 'to': 0.022150071042115253, 'be': 0.020855657282597164}, {'of': 0.3596027430012984, 'in': 0.2156912591857931, 'to': 0.10448983159957219, 'In': 0.05101537281894355, 'for': 0.045835884568058205, 'on': 0.04564162162393989, 'from': 0.04449566651050556, 'and': 0.04054385272463592, 'that': 0.03857819602045255}, {'is': 0.06949277352920304, 'nothing': 0.052780605070285924, 'was': 0.024452608824343115, 'are': 0.022261806876605342, ';': 0.022077676657211966, 'anything': 0.020825828804655697, 'and': 0.0172716733882938, 'it,': 0.016619676970016272, 'be': 0.015462364543035297}, {'any': 0.1551212984408567, 'no': 0.1303378655391248, 'No': 0.1278456637892647, 'that': 0.089221423699158, 'the': 0.07350479580888443, 'of': 0.07283979872582343, 'some': 0.06204935992747736, 'and': 0.049999578568559265, 'every': 0.048272463290998206}, {'that': 0.29126769265818936, 'which': 0.12378463347373607, 'and': 0.08657057834090127, 'as': 0.06859617422964673, 'if': 0.06714789298028043, 'what': 0.0446961303754655, 'when': 0.03735193482990062, 'where': 0.03586927072101247, 'but': 0.03312290041715254}, {'and': 0.07932332476523427, 'it': 0.03777115471393844, 'that': 0.03521181109585008, 'made': 0.0304455323772926, 'was': 0.029232040604250307, 'them': 0.02918324411458556, 'found': 0.027894514941700078, 'is': 0.023195472409976825, 'up': 0.021464246214078785}, {'feet': 0.019739110153694017, 'and': 0.018862669477668764, 'men': 0.014677659357261747, 'it': 0.013264706219240191, 'them': 0.011308890287591153, 'made': 0.01086190808959469, 'well': 0.010744519888029345, 'him': 0.009628074007974944, 'up': 0.008871497917664645}, {'one': 0.09011870075177028, 'out': 0.07184222173831309, 'part': 0.062296779890565736, 'some': 0.04469047989410629, 'account': 0.04430483992413245, 'any': 0.03062274357086134, 'all': 0.026797790022556507, 'that': 0.02576799466411198, 'tion': 0.0223424726678013}, {'and': 0.1667882680996334, 'is': 0.1203172946911399, 'was': 0.11440887113066586, 'are': 0.07687246322921722, 'will': 0.060266842183780284, 'were': 0.05386266067039503, 'but': 0.037387313790118656, 'He': 0.023588445518232946, 'I': 0.021814059195339703}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'of': 0.500223400882282, 'in': 0.11783952150296431, 'the': 0.09438110154402767, 'County,': 0.07961620192707107, 'to': 0.019239055696572492, 'on': 0.01587285797379375, 'and': 0.015509495670343414, 'from': 0.015372636899899511, 'county,': 0.014694190608150992}, {'that': 0.1533829181764659, 'and': 0.12320559878259389, 'which': 0.0953591844435863, 'when': 0.07140654048984195, 'as': 0.0639067016017661, 'to': 0.061519589588405615, 'if': 0.03221913038749884, 'will': 0.032027518221750144, 'but': 0.030234421324445447}, {'it': 0.2358325699567617, 'It': 0.13688081703788685, 'which': 0.07868673250435367, 'he': 0.05357133509915774, 'and': 0.05259463215832362, 'that': 0.04881385772978198, 'This': 0.032299599337926324, 'what': 0.025803939893942064, 'who': 0.02317906255635819}, {'the': 0.44842420883454487, 'supreme': 0.10231124887935963, 'circuit': 0.09259466707568285, 'a': 0.07358728184163373, 'district': 0.06479542946084066, 'said': 0.05279135658378936, 'The': 0.03572991667601817, 'this': 0.03431122268474137, 'preme': 0.027309119081670143}, {'the': 0.3721797982074915, 'of': 0.10907097243342251, 'and': 0.042179194241949894, 'to': 0.03289575280105187, 'a': 0.031210616284820646, 'The': 0.026634535143346075, 'in': 0.019578446583004273, 'tho': 0.018585313337822807, 'this': 0.01816345466599657}, {'and': 0.18000726411130824, 'said': 0.10109705394995844, 'fact': 0.06528395459074089, 'stated': 0.05302264213713355, 'so': 0.04517641253901115, 'him': 0.03871021418260112, 'know': 0.03725473856966339, 'say': 0.029084524660267504, 'is': 0.028698334626685935}, {'men': 0.037540521447365846, 'one': 0.016306889318090587, 'man': 0.01589598206647567, 'it': 0.014773078891014627, 'right': 0.011120905328289068, 'time': 0.010398894561058419, 'women': 0.010245800733914007, 'made': 0.010190052712105322, 'out': 0.009579011149170551}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'and': 0.2067980916554698, 'that': 0.11790050108317122, 'which': 0.07998320308154373, 'as': 0.07937029115827814, 'but': 0.05353195986445859, 'when': 0.045937823034331485, 'if': 0.03759154969982559, 'what': 0.031093876418836448, 'have': 0.030934986308906242}, {'and': 0.2112029728318724, 'that': 0.18919025588939248, 'as': 0.0690354820305339, 'but': 0.04758005154049711, 'But': 0.033167483082522625, 'And': 0.02695437868963604, 'or': 0.022504519010125193, 'do': 0.022086326925238025, 'even': 0.021327540207183766}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.17809644824092577, 'the': 0.0787916327465061, 'of': 0.06762384763817905, 'to': 0.04468057486994389, 'a': 0.04016193103799395, 'was': 0.033691153427672225, 'as': 0.021795291478648306, 'be': 0.02170711910633444, 'is': 0.020521018371623248}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'I': 0.20376823371995204, 'he': 0.14639924726272924, 'and': 0.12739714270337166, 'have': 0.08375608112867805, 'had': 0.06384288371766629, 'they': 0.048266249126839196, 'we': 0.041784064191717284, 'has': 0.040449869179141354, 'who': 0.03420424652731441}, {'so': 0.15355464231171093, 'of': 0.13041990936662587, 'in': 0.10507438362500765, 'and': 0.09597765950207633, 'as': 0.09313226942626714, 'the': 0.08706277924545691, 'for': 0.08272087039737593, 'with': 0.06086948001664167, 'great': 0.054851577298071136}, {'of': 0.17792780453147877, 'as': 0.1073857820745887, 'with': 0.10010016335145203, 'in': 0.09714733967138961, 'is': 0.08906449533603904, 'to': 0.07763878177987206, 'by': 0.07344519576158405, 'and': 0.060829472780928144, 'was': 0.057459659149088634}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'the': 0.3441689826241101, 'and': 0.12711811564205958, 'I': 0.09705704798073173, 'a': 0.0843955405825217, 'to': 0.06467503276649794, 'you': 0.054355977355482345, 'or': 0.042830445578672965, 'not': 0.04137379003886391, 'we': 0.03194875690936008}, {'of': 0.3289767070468599, 'in': 0.2269775613831115, 'to': 0.1013100132290381, 'In': 0.054641984945303555, 'by': 0.047722626380954626, 'on': 0.04652512756463468, 'for': 0.0334480778708999, 'that': 0.03297481667623375, 'from': 0.028582623791298663}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'to': 0.5645150128208215, 'will': 0.11490069541973491, 'would': 0.07380393757745142, 'the': 0.04745728545621646, 'not': 0.04095997502892291, 'and': 0.03769655473966054, 'who': 0.025312213459460324, 'we': 0.024416923478593238, 'should': 0.019997888358714876}, {'a': 0.14860447470464316, 'and': 0.1422585882385588, 'in': 0.12872458910526086, 'of': 0.08468206057065837, 'the': 0.08289307218970622, 'with': 0.06033420704947749, 'was': 0.055054755491584166, 'for': 0.051756018222976735, 'be': 0.046173887959476925}, {'the': 0.5945663549091509, 'said': 0.1345872382197777, 'and': 0.036442299736746286, 'tho': 0.02601404813588178, 'this': 0.02571237202927537, 'The': 0.02133303173761977, 'a': 0.019441653882193682, 'of': 0.015100978989309035, 'tbe': 0.013170170783140592}, {'the': 0.21624768382344864, 'and': 0.09893317839165937, 'a': 0.08011920468201178, 'of': 0.07084819303974699, 'to': 0.049616808567745974, 'The': 0.026380147364316868, 'in': 0.01795751322771615, 'his': 0.017766405679245048, 'be': 0.01668057345912611}, {'to': 0.4842347007938562, 'and': 0.09037824884516257, 'not': 0.07039660178638787, 'will': 0.05702718070777043, 'a': 0.05278446864353314, 'we': 0.03669004317206931, 'would': 0.0324767885992161, 'may': 0.022706693603232304, 'they': 0.022109071301694153}, {'it': 0.2335525696049798, 'It': 0.20288401532121758, 'which': 0.07456832987513237, 'that': 0.06892932725866716, 'and': 0.06592628836503257, 'he': 0.04745631523706202, 'who': 0.029065668907086967, 'He': 0.022271022944432284, 'there': 0.0221919458945057}, {'the': 0.1713187258766549, 'of': 0.1448490116544315, 'in': 0.13250416932751985, 'and': 0.11444949705035133, 'their': 0.0699676567161195, 'his': 0.05350509151019992, 'no': 0.05201090032940958, 'or': 0.04816783668857803, 'an': 0.04339965222751329}, {'and': 0.06443215848150172, 'him': 0.05103624253584305, 'able': 0.04710158100020346, 'is': 0.04556632563837966, 'as': 0.04432845664276542, 'began': 0.04190930577264303, 'them': 0.039878754096007316, 'right': 0.039714066867102306, 'going': 0.03726403626469368}, {'and': 0.21447278666294498, 'of': 0.11851397997526689, 'to': 0.07347821360329743, 'in': 0.06191375429790449, 'for': 0.049011769323328576, 'that': 0.03936899153885365, 'or': 0.03562089040714623, 'from': 0.03228407804353908, 'was': 0.0259206724885861}, {'the': 0.2062797401137555, 'of': 0.08845087856753428, 'to': 0.04442689906363268, 'in': 0.032565070727979414, 'and': 0.031908354296707374, 'by': 0.02078333633591366, 'a': 0.020303971123517443, '<s>': 0.018326585410965424, 'on': 0.016940097688572582}, {'and': 0.19388895627980945, 'was': 0.10210369292577444, 'is': 0.09597139929127163, 'do': 0.0919366385094453, 'are': 0.07395038024905454, 'be': 0.03935702240677769, 'were': 0.03775077578277325, 'not': 0.03455622458425489, 'or': 0.03010713035474714}, {'the': 0.5997857573985677, 'and': 0.11573224422401288, 'The': 0.02969480072693351, 'tho': 0.026002927912926768, 'this': 0.021245407309442833, 'County,': 0.020816202404247957, 'of': 0.020245374650647997, 'a': 0.017328689560566796, 'county,': 0.016728778841282}, {'and': 0.21321178803648055, 'of': 0.056265614306224926, 'in': 0.02516852186097369, 'was': 0.023437284332564774, 'to': 0.02265733351539295, 'not': 0.02050538124644548, 'the': 0.01665220071011177, 'for': 0.01638132637924215, 'will': 0.01591289880105247}, {'there': 0.29100461787593696, 'There': 0.20961099099383865, 'It': 0.11646010216603463, 'it': 0.11446608423608592, 'which': 0.044384321458045245, 'This': 0.041346396543592547, 'that': 0.04014586578485077, 'this': 0.028507712450048954, 'he': 0.020257926390959767}, {'they': 0.20280257369903656, 'who': 0.13167074144325341, 'which': 0.06485813692437892, 'and': 0.06413045468167108, 'we': 0.05795348750668145, 'They': 0.05349860650553725, 'men': 0.046648975168336014, 'that': 0.024410981894268737, 'it': 0.022320561824089105}, {'the': 0.35765031075659287, 'of': 0.14556461636507148, 'and': 0.0998615921470773, 'his': 0.09183485760722637, 'to': 0.04403572354571587, 'their': 0.038299789460486414, 'by': 0.03577154390684003, 'a': 0.02224848107660699, 'in': 0.022094054367189933}, {'we': 0.2214752789800794, 'I': 0.15236744395284746, 'he': 0.14079273232325437, 'they': 0.10850194139562105, 'you': 0.07733467039950384, 'We': 0.06329353290327089, 'who': 0.04646388916792963, 'it': 0.04468599181512847, 'and': 0.03054401180997471}, {'it': 0.1898936989228213, 'It': 0.08998462207640943, 'there': 0.0790469860324584, 'they': 0.06140208113455, 'that': 0.05582443981464942, 'which': 0.05166683548741283, 'he': 0.0503760176127662, 'and': 0.049222407474872956, 'I': 0.03738029063895694}, {'made': 0.11942847096974421, 'and': 0.07979570471363857, 'caused': 0.029091215056480817, 'shown': 0.028426754301022945, 'up': 0.02777670568714523, 'ed': 0.027617079589566704, 'out': 0.026630159435991316, 'taken': 0.02626602987193105, 'done': 0.02542850605479482}, {'June': 0.05371660042927436, 'No.': 0.043691350187007726, 'July': 0.03464998824224416, 'May': 0.033697018230339, 'April': 0.03092458205036998, 'March': 0.02818680146750761, 'lot': 0.027907264086643634, 'Section': 0.024405177225977116, '.': 0.022574924037357013}, {'State': 0.06156521864589419, 'number': 0.057132469044093324, 'line': 0.055918601037315274, 'day': 0.046789757434472515, 'state': 0.042230341359897346, 'city': 0.03978506454895145, 'board': 0.038696431028412095, 'side': 0.03254738122805862, 'county': 0.03111122740409817}, {'and': 0.08452463003138351, 'him': 0.06566416047193002, 'want': 0.061946135633453074, 'able': 0.056723895164065806, 'is': 0.0513055351336816, 'enough': 0.04964846369052963, 'have': 0.04604424939635596, 'me': 0.0434188287770063, 'necessary': 0.039785394649249746}, {'the': 0.24409162191355518, 'a': 0.11623812608424657, 'and': 0.06269565779136997, 'of': 0.05641675956345691, 'The': 0.038597814652023124, 'to': 0.021369635673172772, 'A': 0.02042249030853316, 'by': 0.01843089426349645, 'an': 0.018379648729144684}, {'of': 0.13392643945197655, 'and': 0.06814266935022624, '<s>': 0.02818966801365566, 'in': 0.020394478815550034, 'is': 0.016875041552794776, 'the': 0.014901558844069546, 'county,': 0.01454247781605579, 'West': 0.011526397314159604, 'by': 0.011275066422241875}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'he': 0.11315885728481219, 'and': 0.10656776958643238, 'it': 0.10324786348493484, 'be': 0.06325421939405451, 'It': 0.05581023194775744, 'I': 0.05115362674606126, 'one': 0.0342678950032459, 'who': 0.029126376658640204, 'they': 0.027699908488445987}, {'he': 0.17965692782385204, 'which': 0.12240754733448708, 'it': 0.10363908326302035, 'who': 0.08774773135463533, 'that': 0.07245991925229305, 'It': 0.06970072811562385, 'He': 0.05821639072269459, 'and': 0.052329573323131665, 'she': 0.03656924338088741}, {'to': 0.41493619659802544, 'and': 0.10433207166771487, 'not': 0.07861029143205422, 'will': 0.05784049452314962, 'I': 0.0344455406353546, 'would': 0.03406178550845801, 'they': 0.03284763292917728, 'may': 0.024701280524735435, 'we': 0.02338856590967434}, {'and': 0.10344838265985692, 'as': 0.05986322054831711, 'him': 0.03954696649855239, 'time': 0.03312027867938091, 'right': 0.031622395878739745, 'up': 0.03130987861818945, 'way': 0.031091878178396162, 'went': 0.031002305036584896, 'them': 0.030281338312672983}, {'as': 0.20624161827884968, 'and': 0.1532232977747772, 'to': 0.0749153910704746, 'of': 0.056181794974929186, 'with': 0.05158696018770494, 'for': 0.04950524986850071, 'by': 0.048214100713819596, 'than': 0.04212898298782494, 'that': 0.04033302695987621}, {'the': 0.15873398816902776, 'and': 0.15386281782704675, 'a': 0.14883134453064897, 'it': 0.05528146436965135, 'is': 0.04636915970995027, 'It': 0.04258645226788129, 'he': 0.039545378485505184, 'was': 0.03370937878906863, 'be': 0.03316511760131414}, {'to': 0.2505037164356709, 'will': 0.24969508748330527, 'may': 0.09652291392965813, 'should': 0.09115462773514764, 'would': 0.07702174649556043, 'shall': 0.06623229484356803, 'can': 0.04656675028591652, 'must': 0.04636041521755376, 'not': 0.037201975606114275}, {'that': 0.254978589743381, 'and': 0.2251722583652966, 'but': 0.07620716947300235, 'as': 0.0665041458631763, 'if': 0.054906113398381536, 'which': 0.03894522230462048, 'If': 0.0351686409714885, 'where': 0.03281079060663589, 'But': 0.028405027044956736}, {'in': 0.13849349543586853, 'of': 0.13296609414621985, 'to': 0.0828633121369391, 'for': 0.06331024779822832, 'In': 0.05375941619691821, 'by': 0.051248756897722784, 'on': 0.04997992662596932, 'and': 0.0472711580116769, 'that': 0.044580323433494926}, {'one': 0.09011870075177028, 'out': 0.07184222173831309, 'part': 0.062296779890565736, 'some': 0.04469047989410629, 'account': 0.04430483992413245, 'any': 0.03062274357086134, 'all': 0.026797790022556507, 'that': 0.02576799466411198, 'tion': 0.0223424726678013}, {'of': 0.1864170008327352, 'by': 0.10237767672970893, 'and': 0.09612546679493714, 'to': 0.09432512189923163, 'that': 0.06899211468391958, 'with': 0.03224739646490425, 'which': 0.028378924701551855, '<s>': 0.023126192905824995, 'for': 0.017760923675204546}, {'the': 0.6155906495172504, 'an': 0.053902669870428785, 'The': 0.05367270188417666, 'and': 0.04939366292687341, 'a': 0.038876073625139375, 'that': 0.03401657621855425, 'to': 0.027238536868338648, 'any': 0.027133131679738822, 'this': 0.02309650165292845}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'to': 0.18500308230458973, 'of': 0.12121127784264595, 'and': 0.12105387799025608, 'in': 0.10156963950852499, 'with': 0.04367816084683596, 'from': 0.03558256388067452, 'by': 0.03143867097597143, 'are': 0.030394732426305124, 'the': 0.028576370608981015}, {'the': 0.5681285866037384, 'of': 0.07574581928474407, 'and': 0.044332452562980865, 'to': 0.041589847137596066, 'an': 0.04049196532574019, 'tho': 0.029510701844113807, 'The': 0.027770818837696637, 'or': 0.025756422993938002, 'a': 0.025546742449818687}, {'and': 0.16136456340440294, 'the': 0.06689403857440841, 'to': 0.06147752117264384, 'of': 0.05151362370430196, 'that': 0.03282099117436386, 'be': 0.026077345597925846, 'in': 0.02518197648238362, 'or': 0.02510147437730462, 'which': 0.022392091175434437}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'of': 0.3725078168146522, 'that': 0.0922577170507446, 'to': 0.09206756423640651, 'in': 0.08830025131763174, 'and': 0.06505043555171469, 'for': 0.0580230451419605, 'by': 0.04030776911466368, 'with': 0.028192244447711998, 'from': 0.02713704780324736}, {'out': 0.07049000045069836, 'put': 0.0655580037299737, 'go': 0.06046796610511098, 'went': 0.05688354808152756, 'enter': 0.05471616717552321, 'taken': 0.04831239340766109, 'brought': 0.039543830299834444, 'take': 0.039230655061011, 'them': 0.039035341352032925}, {'of': 0.3940064789336701, 'on': 0.11860217235635054, 'in': 0.09075249916965275, 'and': 0.06450736883998588, 'to': 0.06304118858311933, 'by': 0.05980248857540389, 'from': 0.042684701726582945, 'for': 0.041014734702499986, 'upon': 0.038894957680099526}, {'<s>': 0.12838000462682614, 'it.': 0.018877328322681523, 'them.': 0.015542464901790254, '.': 0.013421050487650398, 'him.': 0.012238527869758061, 'time.': 0.009842372712787368, 'day.': 0.00905091577172848, 'country.': 0.008831821672897732, 'of': 0.008329898895282694}, {'out': 0.05073493522192651, 'one': 0.04456366293342572, 'purpose': 0.042804768397652196, 'means': 0.034450295180164604, 'is': 0.029341007403499358, 'all': 0.02864142290087203, 'that': 0.028121026142773144, 'use': 0.02783305066064337, 'number': 0.027529519442150763}, {'the': 0.15539156127717735, 'of': 0.11917567702263197, 'and': 0.08416148317186078, 'a': 0.06334046627180517, 'to': 0.04547558587853477, 'be': 0.03126076054551573, 'was': 0.02878552919787186, 'is': 0.024581598781821767, 'in': 0.02303036781163895}, {'and': 0.1314589121842804, 'is': 0.048512834869105, 'be': 0.04512138550088804, 'served': 0.03893454698269426, 'that': 0.038368853414357335, 'time': 0.033988298658216176, 'was': 0.03351224857269383, 'or': 0.033144410781466516, 'now': 0.028872207574292166}, {'the': 0.6779811805539454, 'feet': 0.04549567589993304, 'The': 0.032012485273721754, 'tho': 0.03112363879574775, 'miles': 0.029622658607542502, 'and': 0.02559918848105358, 'said': 0.017108991715060425, 'tbe': 0.012178495759934009, 'of': 0.011356824026561099}, {'and': 0.07264572197625821, 'of': 0.06264586716224976, 'that': 0.034088635608490236, 'the': 0.02503831976143546, 'by': 0.018669477496678293, 'which': 0.015794311916929125, 'to': 0.014543076303035023, 'it': 0.014179317591563906, 'in': 0.012826236022470757}, {'the': 0.34750827042750343, 'of': 0.24802817040658362, 'in': 0.056616858232615745, 'and': 0.05407856157178944, 'to': 0.044539106147819814, 'this': 0.029531694724220757, 'for': 0.02664708837455462, 'The': 0.02489587371715669, 'our': 0.02283812402987422}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.1185212040020593, 'the': 0.10565420974429535, 'and': 0.06675772832788313, 'to': 0.05490707131792555, 'in': 0.04790252568823683, 'be': 0.034091047418141306, 'a': 0.030375565391413503, 'or': 0.02966883251926121, 'for': 0.028101475749425182}, {'and': 0.09521721821542721, 'bridge': 0.09220757254385181, 'came': 0.06358059665152148, 'up': 0.04725389004334328, 'went': 0.044730143960060705, 'directly': 0.039179903445155935, 'out': 0.03758675263972338, 'go': 0.03313872578335774, 'way': 0.032169620243478365}, {'to': 0.3246556381918554, 'will': 0.1960653264034542, 'may': 0.0842039226977374, 'would': 0.07327207440636556, 'should': 0.06554798824950343, 'shall': 0.06064833045400233, 'can': 0.04591821210422886, 'not': 0.03970687889074269, 'must': 0.0368331485404482}, {';': 0.034588105121974404, 'nothing': 0.02115105967321385, 'him,': 0.018842001643380037, 'it,': 0.018388783531247965, 'is': 0.015395427949592365, 'time,': 0.0153354069742367, ',': 0.011642987797406992, 'them,': 0.010288128548044635, 'years,': 0.009373613509082527}, {'the': 0.2675340928464832, 'a': 0.16930891301034354, 'his': 0.1307116581106327, 'of': 0.08271346688577833, 'and': 0.0566044094780883, 'her': 0.046149649684226635, 'their': 0.035758299571152674, 'my': 0.033087933720194196, 'this': 0.03143445628787383}, {'It': 0.244208444488003, 'it': 0.09864067444086015, 'there': 0.09855322363824205, 'which': 0.08013253264444666, 'that': 0.07610222223345255, 'This': 0.040443922683067055, 'There': 0.03964076539945812, 'this': 0.03493783232394643, 'That': 0.027398324837335987}, {'and': 0.13102190728257498, 'in': 0.055452069669487736, 'the': 0.04652474834866919, '.': 0.04385709058894869, 'of': 0.036805455232214776, 'by': 0.03322696793493889, 'Book': 0.03320509609337158, 'In': 0.024508939543231426, 'book': 0.019689345411963977}, {'the': 0.14518389582911842, 'a': 0.08862746562370587, 'of': 0.08590201550847297, 'to': 0.07090239797446371, 'and': 0.044663447139050745, 'in': 0.04374170990543658, 'an': 0.03166591688455051, 'on': 0.02934026212128822, 'from': 0.025283883898036805}, {'said': 0.5851477148043698, 'such': 0.06537784231262635, 'the': 0.05552642235518672, 'a': 0.0493068689609756, 'certain': 0.029235916233286943, 'to': 0.02246656363647114, 'his': 0.021161644476527415, 'of': 0.02103372703073199, 'and': 0.016137373767416283}, {'of': 0.5608638650338464, 'in': 0.1436037351035127, 'to': 0.07397395683134225, 'by': 0.059420488173657963, 'In': 0.03107519355952082, 'from': 0.026187310187564802, 'that': 0.025855536357740544, 'for': 0.02253438075468413, 'and': 0.02175344189815464}, {'in': 0.3304521511485157, 'of': 0.20308063200951754, 'In': 0.17235272211668545, 'to': 0.08922025027687132, 'from': 0.04600280352542374, 'by': 0.025648949657271, 'and': 0.02281056006776456, 'at': 0.02142440194293789, 'the': 0.01923035144372513}, {'and': 0.21249167023288643, 'annum,': 0.1326175201953757, 'be': 0.1270252969448906, 'are': 0.039460053541318624, 'sale,': 0.03274070452893651, 'was': 0.02455093308992623, 'is': 0.023547308853217538, 'annum': 0.02322414286504507, 'interest': 0.02088795355763321}, {'the': 0.1815983098700745, 'and': 0.08240716413983158, 'of': 0.05837819652517839, 'I': 0.042739725512468935, 'a': 0.0424946496251889, 'that': 0.031090649486576635, 'The': 0.030007483887792195, 'in': 0.027545419892387544, 'to': 0.021292265729115214}, {'the': 0.4988003296634992, 'and': 0.15930715762199874, 'a': 0.042349578508655325, 'The': 0.04131183136056156, 'tho': 0.02708049625266739, 'or': 0.026938736421849206, 'of': 0.02623784767389177, 'with': 0.01306147376894234, 'in': 0.012891315282721312}, {'and': 0.12793318498311537, 'as': 0.06590039853492503, 'right': 0.052426175150130476, 'able': 0.049457361472404614, 'is': 0.04766941950902971, 'necessary': 0.04759543847655095, 'order': 0.04610604441298601, 'him': 0.04350305848707072, 'them': 0.03514347244156668}, {'of': 0.16886799992714724, 'to': 0.13681152527373655, 'is': 0.09835793623141718, 'in': 0.08494490636235315, 'with': 0.0804317915033204, 'as': 0.07436386524779363, 'and': 0.06831575190543643, 'was': 0.05416054820566403, 'by': 0.0487352753576006}, {'was': 0.15532463997657875, 'be': 0.12028369297230726, 'been': 0.10963801964687117, 'are': 0.10109446378525112, 'is': 0.08919219321323295, 'were': 0.07298374560538398, 'has': 0.07198895876271466, 'and': 0.06189188164321049, 'have': 0.0572507446096316}, {'the': 0.3190030713553743, 'of': 0.08828942944752714, 'a': 0.07827878575075206, 'and': 0.07127358516143883, 'to': 0.06786859709555164, 'The': 0.053926419825974056, 'or': 0.045139333733174566, 'his': 0.039551123234661104, 'not': 0.03258358628582878}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'miles': 0.08567037470716851, 'and': 0.08490612292715129, 'far': 0.07762871774998582, 'away': 0.05039422144823588, 'feet': 0.03685809555309205, 'them': 0.034734704474793876, 'was': 0.03275176551638219, 'is': 0.031034425104663504, 'him': 0.029503445562442374}, {'the': 0.7766743105345657, 'The': 0.06753428291516873, 'tho': 0.04021851550410572, 'of': 0.024259646688313832, 'and': 0.02144930627941339, 'our': 0.019968642659460197, 'a': 0.01471306585126192, 'tbe': 0.010834967702168595, 'their': 0.00803702246154478}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.13325693063520655, 'was': 0.11003628002059176, 'is': 0.0875107930513731, 'and': 0.07710966376111414, 'are': 0.0475865799263536, 'at': 0.039730239322144985, 'were': 0.03549801186167234, 'in': 0.03466535062897701, 'for': 0.029803582556121578}, {'and': 0.11113088517207616, 'that': 0.0496775849297876, 'I': 0.047636634409529525, 'which': 0.04484898872482803, 'of': 0.042420736447587114, 'the': 0.033694981814941134, 'to': 0.02056052786154047, 'whi': 0.01820292395841188, '<s>': 0.016968989125609634}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'the': 0.14151082409493515, 'and': 0.09395826232628794, 'of': 0.08615986759807032, 'to': 0.0646753759550541, 'in': 0.05215270585247155, 'his': 0.03504395116210504, 'be': 0.03490724716723035, 'a': 0.03132327424896905, 'for': 0.02984919584199262}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.43035420959382686, 'The': 0.10246035546159617, 'of': 0.09631989241589296, 'and': 0.04333206332492886, 'in': 0.03584199345181382, 'that': 0.034831919048915014, 'tho': 0.03333109225592167, 'a': 0.030613975151572586, 'this': 0.026082044208006097}, {'of': 0.11293234219812516, 'and': 0.0953169806495624, 'in': 0.053453115939019975, 'to': 0.04574346726373892, 'the': 0.04520388968507378, 'at': 0.043957147130631875, 'with': 0.04320052451279681, 'an': 0.0407242808379169, 'be': 0.03560403321020156}, {'have': 0.12740735058984973, 'of': 0.12197841850815348, 'and': 0.11142843920790275, 'to': 0.09465613952513557, 'had': 0.0869503175265786, 'has': 0.08350197105765281, 'was': 0.07450496172702738, 'is': 0.0638706383550666, 'be': 0.057187445723942326}, {'and': 0.1553476283646385, 'I': 0.140821019876322, 'he': 0.11080354049970184, 'who': 0.08330176123802992, 'they': 0.04541681287052794, 'He': 0.03265974790342215, 'we': 0.03239193801792024, 'she': 0.02856543554675723, 'that': 0.024595287552494224}, {'and': 0.1537879163469437, 'a': 0.13843499092161238, 'the': 0.13387560623614583, 'was': 0.059485343311195614, 'be': 0.04459675885822846, 'of': 0.03854504022927924, 'is': 0.0376250869441898, 'are': 0.03693402434058928, 'were': 0.03345388698720405}, {'the': 0.3021948581758401, 'take': 0.11484471497671601, 'an': 0.11157469499649413, 'no': 0.1097720480943438, 'of': 0.06907810083924552, 'this': 0.05710834788337151, 'and': 0.049715422958281, 'taking': 0.04036385126089684, 'to': 0.03877903932277871}, {'the': 0.4173821947325185, 'a': 0.16772178324108605, 'in': 0.08749224610674479, 'an': 0.06950962699988981, 'of': 0.06318814713141524, 'his': 0.04820264555634086, 'no': 0.03523971222853296, 'The': 0.03459856848159814, 'their': 0.02939445957764674}, {'<s>': 0.09050506608480918, 'it.': 0.02110607323448707, '.': 0.015388030080899055, 'them.': 0.014885695981694891, 'him.': 0.012095812361253047, 'time.': 0.00922573801725511, 'country.': 0.009099309038246307, 'day.': 0.007290427243267522, 'years.': 0.006727432994319873}, {'the': 0.28008493841791177, 'of': 0.1493733918697287, 'in': 0.1466073292158987, 'and': 0.11224851473164789, 'a': 0.06583685326613808, 'In': 0.06108722025708511, 'are': 0.03620994070309192, 'to': 0.03459006969664271, 'The': 0.028717139736806233}, {'the': 0.711082690042629, 'a': 0.09313131605293479, 'The': 0.08578525218900504, 'tho': 0.027959271922477314, 'and': 0.02178797472194033, 'of': 0.011246819602385027, 'our': 0.009809510622635235, 'tbe': 0.00785273629183516, 'that': 0.0067597217301971595}, {'and': 0.06892453276447628, 'together': 0.060383929695459145, 'covered': 0.04965942770363691, 'one': 0.046558936970502514, 'thence': 0.02806913164037138, 'up': 0.026954622219688622, 'along': 0.020281821718918795, 'filled': 0.020267117724433924, 'charged': 0.01938379600736054}, {'is': 0.22059618055859928, 'was': 0.14705346673186948, 'the': 0.11824321533999758, 'and': 0.09912954389340456, 'in': 0.08315888034658701, 'of': 0.0684460414471728, 'are': 0.0478154520118794, 'a': 0.04431836359936716, 'it': 0.04387155299131203}, {'the': 0.12573929638045034, 'and': 0.10793155146805539, 'be': 0.10165501723619338, 'was': 0.09574525720133999, 'have': 0.08766373146028657, 'has': 0.07601817261646159, 'been': 0.07353867304001914, 'he': 0.06725995464611795, 'I': 0.0645598741184904}, {'hundred': 0.01444191217773428, ';': 0.011834673680375107, 'him': 0.010388473796696067, 'one': 0.00968896846901267, 'feet': 0.009556811899111724, 'up': 0.008880191153313928, 'mile': 0.007973380143655012, 'feet,': 0.007606228831470488, 'time': 0.007287466987906896}, {'to': 0.3585981754306292, 'will': 0.2167200739683725, 'would': 0.09071386901932998, 'shall': 0.06833865256300135, 'may': 0.05878970490932792, 'not': 0.056113450042495454, 'should': 0.05272818600894505, 'must': 0.03492209681839502, 'can': 0.01996368290836649}, {'the': 0.21043766131238714, 'and': 0.20261743197961682, 'he': 0.08174074173600579, 'had': 0.0662224446444573, 'He': 0.050923515389926954, 'have': 0.04895362772558938, 'I': 0.04537691100973639, 'has': 0.04125694413105141, 'who': 0.03858298094684203}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.3036473736552898, 'of': 0.10018204596482148, 'other': 0.04484125465195214, 'and': 0.04237151234524817, 'this': 0.04079826290262241, 'for': 0.04043877608494605, 'in': 0.03618837212617659, 'any': 0.03516370929440597, 'that': 0.032112007083823016}, {'the': 0.7630900518269855, 'an': 0.04399098892441385, 'and': 0.042009697389532724, 'The': 0.039376374747812144, 'tho': 0.020863343151555344, 'of': 0.012224708188805045, 'tbe': 0.008545457669317682, 'in': 0.004770879746840331, 'equal': 0.004432918539752496}, {'that': 0.19529459725552145, 'and': 0.1893205846914157, 'but': 0.10676670620972793, 'as': 0.07688705093448475, 'which': 0.058663178485630074, 'if': 0.03975885240158478, 'when': 0.03805535861827694, 'where': 0.02774861381497361, 'But': 0.025105247517370508}, {'one': 0.03999331767897194, 'day': 0.02608569664884197, 'on': 0.017249861927723736, 'in': 0.016800477870500954, 'person': 0.014153376573554503, 'and': 0.012650288478022983, 'man': 0.012299434410778553, 'two': 0.012263073061151706, 'year': 0.011852205173620884}, {'the': 0.5320164519895323, 'of': 0.07707064436880022, 'a': 0.06529785840807897, 'by': 0.05111709090430049, 'The': 0.03340968954429204, 'tho': 0.028299203044117052, 'in': 0.02553044483117154, 'first': 0.02161475746285322, 'and': 0.017728410187465498}, {'the': 0.11963568410447895, 'and': 0.07951124903941001, 'of': 0.06825226613956396, 'to': 0.0611751701938304, 'a': 0.05571586257257412, 'be': 0.028594878842944225, 'is': 0.024939862649589955, 'in': 0.024504313993319038, 'was': 0.024212699061538646}, {'of': 0.49648838391210787, 'in': 0.13569812564482833, 'to': 0.07523388006804725, 'that': 0.048833151306741575, 'by': 0.02801590282445711, 'with': 0.027740556114375158, 'for': 0.02632245895333589, 'and': 0.025371359503397126, 'In': 0.024144654191440993}, {'the': 0.6834706924408596, 'The': 0.11035315726575987, 'a': 0.0928307665177783, 'tho': 0.04024887895513601, 'and': 0.01365544518967629, 'tbe': 0.011762352477259319, 'in': 0.008121118633960938, 'Tho': 0.005078725377075584, 'of': 0.003114014076921763}, {'the': 0.8191220462710571, 'tho': 0.04249214091707723, 'a': 0.029106373554812555, 'The': 0.027916088921316893, 'tbe': 0.019912726205898425, 'his': 0.01950414712146005, 'and': 0.011658176029239124, 'in': 0.007669978099118726, 'its': 0.006594937101385517}, {'the': 0.5464482553991219, 'a': 0.23497628785849134, 'The': 0.03324151081974767, 'tho': 0.025802565357124996, 'and': 0.024468720503182967, 'of': 0.014428328653477391, 'any': 0.013151404776885265, 'great': 0.012422846836187164, 'every': 0.011967069229569808}, {'is': 0.1988193705142978, 'and': 0.19256711529800324, 'not': 0.07591802836760823, 'as': 0.0681790088449065, 'be': 0.059715111206658796, 'was': 0.059220484678652124, 'it': 0.05823949583547099, 'are': 0.04944425917176576, 'Is': 0.041348173034368725}, {'of': 0.26551954536884725, 'at': 0.19847488909904681, 'to': 0.15051891377286866, 'in': 0.06733789155736043, 'on': 0.052066599605576865, 'from': 0.05009754482915652, 'and': 0.04587926573457303, 'that': 0.04342595963053482, 'by': 0.04028812191315173}, {'in': 0.18979870901619778, 'of': 0.1354035107343039, 'the': 0.09751282914733748, 'In': 0.05766898805497394, 'to': 0.05504638950859893, 'a': 0.054927119253167705, 'for': 0.04771896320077133, 'and': 0.04139343759903061, 'from': 0.024812167895083077}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'the': 0.15887476187247904, 'and': 0.09291950853285091, 'of': 0.0609457492111986, 'in': 0.047014639682482894, 'to': 0.033173909027305624, 'for': 0.0320941136574002, 'that': 0.031572913377981626, 'or': 0.025769556877486086, 'be-': 0.024768695335226975}, {'the': 0.09157497897781003, 'of': 0.08677877193568734, 'to': 0.05558877729934358, 'and': 0.05437563563214496, 'in': 0.025489210664515365, 'was': 0.025316556576146492, '<s>': 0.023850329178959975, 'be': 0.021249809805594936, 'a': 0.015358996654652584}, {'and': 0.318146563975131, 'be': 0.05981321201199529, 'who': 0.05264451590780199, 'he': 0.04758043387556559, 'I': 0.038031077660566966, 'was': 0.03522213956235342, 'an': 0.02939613565903722, 'now': 0.02821405246673996, 'the': 0.025580000580233665}, {'the': 0.16175676242549328, 'a': 0.08776909952489648, 'of': 0.08283342051387964, 'to': 0.056528596705776486, 'and': 0.05352750908868657, 'in': 0.04514645331143851, 'at': 0.03500232906266875, 'on': 0.02170383336486201, 'his': 0.020256337636447564}, {'and': 0.11893428019613911, 'Committee': 0.06442189739808905, 'committee': 0.06045121332041527, 'that': 0.04160477339503497, 'was': 0.029530589252534493, 'or': 0.028466075829286744, 'fronting': 0.020894921436241772, 'land': 0.020214539996354534, 'interest': 0.019841693822108666}, {'of': 0.15263691763278348, 'the': 0.11494033452759138, 'and': 0.05700233674893946, 'to': 0.04916000382465669, 'in': 0.031017446092919804, 'on': 0.027000355377345544, 'a': 0.02411036961371147, 'said': 0.021561792973817072, '<s>': 0.020856663516966883}, {'they': 0.1350563374096394, 'we': 0.1342565625443855, 'it': 0.10865560248249509, 'I': 0.10270318350285414, 'he': 0.08631007948381576, 'you': 0.07729265703112809, 'and': 0.0679070375819261, 'It': 0.05929876664425586, 'which': 0.04814465740133195}, {'the': 0.2461201820919254, 'of': 0.09768525189802575, 'a': 0.0835130812157036, 'and': 0.07738639633191013, 'to': 0.04772089839680521, 'The': 0.031740569634347196, 'in': 0.029860983048113215, 'Mr.': 0.024048237516275266, 'tho': 0.018833606001758145}, {'the': 0.42262507781756464, 'of': 0.11264191819687809, 'and': 0.07849259268149725, 'a': 0.05687369009359711, 'The': 0.053867750254579135, 'to': 0.04781885599560116, 'in': 0.03338080721075719, 'his': 0.028884974710370458, 'tho': 0.02775355900620212}, {'and': 0.21555821368843447, 'is': 0.16467298274471598, 'was': 0.10574738605748532, 'so': 0.10034237006941178, 'but': 0.06775387651200096, 'be': 0.06172717805415625, 'has': 0.048816848493188195, 'are': 0.04818728295579616, 'not': 0.04574964799722445}, {'of': 0.30460151945648806, 'to': 0.1536075745797105, 'and': 0.07856850932799496, 'for': 0.06093004037731478, 'with': 0.05627036998660085, 'is': 0.03723448980241991, 'in': 0.03700751538461011, 'as': 0.03583108438655074, 'on': 0.0303213675497051}, {'the': 0.14309936195386752, 'of': 0.11435851857925557, 'and': 0.07679204857230557, 'to': 0.05767422545430939, 'was': 0.051462649112687164, 'a': 0.044387177950600244, 'be': 0.039386020154803844, 'in': 0.03913091724555907, 'is': 0.03317156499467845}, {'to': 0.24742970276904663, 'of': 0.21062779815334134, 'with': 0.11943418417374888, 'for': 0.11410761891278681, 'by': 0.05782555912658641, 'upon': 0.052032579509134966, 'between': 0.045575798567977915, 'among': 0.04334930671556601, 'against': 0.03569672934415238}, {'of': 0.26265043529012155, 'in': 0.16365385772687802, 'at': 0.04764915366171727, 'for': 0.04535385088391844, 'and': 0.042769187383142254, 'In': 0.0422195321116374, 'that': 0.037489337475302045, 'to': 0.03720242462807719, 'on': 0.03149326957971915}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'be': 0.1934500788949564, 'been': 0.17524773858963796, 'was': 0.17265640362988166, 'were': 0.07812981937005961, 'are': 0.07263444838147756, 'is': 0.05312089806200694, 'and': 0.04784070811222095, 'resolution': 0.02575661213337448, 'being': 0.02526185808262943}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'of': 0.3532152884248888, 'on': 0.12258328013336903, 'to': 0.11058418828986467, 'in': 0.08250064798636172, 'from': 0.05997889761487687, 'by': 0.05575690647577655, 'and': 0.035793502258384985, 'at': 0.028520971096829467, 'that': 0.02767680024633758}, {'line': 0.10344796920692241, 'street,': 0.059732006954552025, 'and': 0.05762079556841017, 'difference': 0.04128180512835531, 'of': 0.024880005883731487, 'street': 0.020686288527680882, 'or': 0.018765053511175307, 'lot': 0.018373713607394305, 'relations': 0.01783668946728828}, {'of': 0.26123285619447284, 'to': 0.11310721016847632, 'in': 0.1039909538957225, 'with': 0.07455011065855971, 'on': 0.054074785230624686, 'and': 0.04825484186870484, 'for': 0.04614046881623299, 'by': 0.04250258410398604, 'from': 0.037844811989733496}, {'of': 0.28105789686353727, 'to': 0.10513767729072299, 'in': 0.09800248405824902, 'and': 0.09718114976761584, 'for': 0.0931780964943806, 'with': 0.06340687480289266, 'that': 0.059841477808662426, 'by': 0.04371240313685735, 'from': 0.034241344528313344}, {'the': 0.2235724776094865, 'of': 0.17041488440211855, 'a': 0.1185610341540187, 'and': 0.1119694985659791, 'in': 0.05631647391418135, 'that': 0.04815044064743046, 'was': 0.02587425967507753, 'no': 0.022881541306137253, 'his': 0.022164347668515057}, {'that': 0.254978589743381, 'and': 0.2251722583652966, 'but': 0.07620716947300235, 'as': 0.0665041458631763, 'if': 0.054906113398381536, 'which': 0.03894522230462048, 'If': 0.0351686409714885, 'where': 0.03281079060663589, 'But': 0.028405027044956736}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'to': 0.20096723273614522, 'have': 0.14069656828704383, 'had': 0.12743696864130252, 'has': 0.10760339325628542, 'will': 0.10663394566656605, 'not': 0.07630124569847158, 'would': 0.07059550405852515, 'they': 0.042795239783806435, 'may': 0.03772745071194427}, {'of': 0.353742374470662, 'and': 0.09795877180894447, 'to': 0.08276887769527158, 'with': 0.07277047583931096, 'for': 0.06677871136872507, 'that': 0.06278867665581672, 'by': 0.06192145026936864, 'on': 0.047968981754285704, 'from': 0.039470240160619965}, {'the': 0.13340436300712563, 'of': 0.10715827278933492, 'to': 0.0487178970258054, 'and': 0.045492175417691856, 'in': 0.021549516745182094, '<s>': 0.02126286016037251, 'was': 0.021063228958841267, 'on': 0.020916996126232757, 'for': 0.020194170329271288}, {'men': 0.04172126915086198, 'hundred': 0.022605002292574318, 'up': 0.01573368453487691, 'women': 0.015587830326379141, 'wife': 0.01408734704186386, 'time': 0.012426102387292248, 'dull': 0.011847823216975629, 'land': 0.01149249756403132, 'quiet': 0.011397755823728647}, {'those': 0.13562885789562196, 'and': 0.08722043431584985, 'man': 0.0698998660097973, 'men': 0.061843022500628946, 'people': 0.02671698091199931, 'one': 0.020415735632381738, 'all': 0.019032088249925395, 'woman': 0.012625674606165333, 'men,': 0.011059595053935424}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'and': 0.19354989935298222, 'that': 0.1579746913565372, 'as': 0.15448361679314834, 'but': 0.0475520605658099, 'even': 0.037988917866489995, 'or': 0.024052538746895356, 'But': 0.02381979456009173, 'And': 0.020301183230292875, 'and,': 0.019836146554616362}, {'a': 0.4732615719244848, 'the': 0.2769708033335857, 'large': 0.08216473874464413, 'The': 0.028389070552474523, 'A': 0.02391937568820132, 'total': 0.017659582495592477, 'great': 0.015117120853582066, 'this': 0.012972035826878177, 'any': 0.012708162930134808}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.10567725082292885, 'of': 0.10212483709706624, 'to': 0.09990032851733815, 'and': 0.05120476179874442, 'in': 0.028301056445777118, 'on': 0.0260733901279727, '<s>': 0.025616759472457735, 'a': 0.020913040454298, 'at': 0.02088304194257278}, {'in': 0.23870063592281182, 'of': 0.11224901942194006, 'the': 0.08560149285305138, 'In': 0.08275953567923572, 'with': 0.07056252707002546, 'any': 0.06671256462830467, 'and': 0.0652453795888421, 'from': 0.06033655286855255, 'for': 0.05648580940173406}, {'the': 0.47108683154504394, 'a': 0.2121897332816349, 'and': 0.05767358490793716, 'our': 0.038344896778995295, 'The': 0.03545344304499411, 'tho': 0.033210371124720466, 'their': 0.028849404361781607, 'of': 0.026283358609698576, 'this': 0.022018447354516746}, {'the': 0.10254899323962945, 'and': 0.08672066584549279, 'be': 0.06718293253430607, 'was': 0.066714350510063, 'of': 0.062142448154758216, 'to': 0.0470377945272685, 'is': 0.04045405956202174, 'been': 0.03329532229695042, 'a': 0.029155698848644288}, {'the': 0.11303136363125169, 'and': 0.09547662470576497, 'of': 0.09159435167849313, 'a': 0.0437281032370325, 'to': 0.04257852726469042, 'I': 0.02395026904753811, 'in': 0.021244174768092296, 'that': 0.02036875835619971, 'at': 0.017749435734224713}, {'the': 0.16433492018144114, 'and': 0.09984236230237921, 'of': 0.08994400161462962, 'Mr.': 0.037433420465411614, 'to': 0.03174328964371598, 'The': 0.029727441161556022, 'that': 0.02447192833482075, 'he': 0.021508548570508945, 'his': 0.018266431528445135}, {'and': 0.11751714760934918, 'of': 0.1040148662404057, 'to': 0.09510577772687955, 'the': 0.09149664911191065, 'in': 0.03469860697570665, 'or': 0.024642616485812605, 'be': 0.023653006695418005, 'a': 0.021965982436792684, 'was': 0.019906607250531495}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'the': 0.7419594994793288, 'The': 0.04108380997280233, 'and': 0.03980163451117376, 'tho': 0.026525447332285214, 'no': 0.0178344404399346, 'much': 0.013344156629456155, 'tbe': 0.011480048531269335, 'their': 0.011014878347840226, 'little': 0.010237400816475438}, {'of': 0.26710198405864993, 'in': 0.12236418828928529, 'with': 0.09993202603143714, 'and': 0.07490336297850844, 'is': 0.07368603229213204, 'to': 0.07321008186078354, 'as': 0.06563856525290244, 'by': 0.06404856407578584, 'was': 0.050159448874604266}, {'the': 0.5419165512140762, 'his': 0.08218957535382503, 'a': 0.060767581560976065, 'of': 0.049200263055773755, 'and': 0.039952302508391276, 'my': 0.036147669380589345, 'their': 0.03608078580910556, 'tho': 0.03506673701718589, 'its': 0.028484353498859367}, {'Mrs.': 0.11621395466621617, 'and': 0.10326356177620896, 'to': 0.061365634434157865, 'of': 0.05023584393998705, 'Mr.': 0.033128047425162524, 'by': 0.030929687540846497, '.': 0.027482856544534622, 'from': 0.023571119631594178, '<s>': 0.022234874905992498}, {'the': 0.13122525802671758, 'of': 0.12472503420130815, 'to': 0.08051673641333539, 'and': 0.057946638776675094, 'a': 0.037917214164012884, 'be': 0.029543674071452513, 'in': 0.02801638627015633, 'is': 0.02427512820079513, 'not': 0.02110242856796625}, {'that': 0.2401059045374983, 'as': 0.17079276647589786, 'if': 0.10450590783726112, 'which': 0.09974701021376177, 'and': 0.07162105155708377, 'will': 0.061696218932678876, 'when': 0.04116667903958726, 'would': 0.04115730876986674, 'should': 0.02923701206279263}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.12938014578502147, 'the': 0.09258797853158765, 'and': 0.09045493244340816, 'to': 0.0655257623704519, 'in': 0.04961443111769008, 'for': 0.028670219450335106, 'a': 0.027176452363103773, 'at': 0.025671553157183356, 'that': 0.025609048756117882}, {'of': 0.13544463969914516, 'large': 0.12213130326925549, 'the': 0.11475460947792067, 'in': 0.11325158714874649, 'such': 0.10094562840280097, 'and': 0.09374902793547045, 'great': 0.04408686267818529, 'a': 0.03773500888085469, 'much': 0.03329670919819783}, {'the': 0.19738713533337965, 'his': 0.1783658558299628, 'an': 0.128556101208785, 'of': 0.07514373351607836, 'this': 0.0474336072884565, 'my': 0.0472748973367046, 'in': 0.04400673143992907, 'post': 0.0288726440404165, 'to': 0.020661684902417803}, {'be': 0.27040558314636354, 'a': 0.11606189736222694, 'is': 0.11352536636673592, 'most': 0.09505134373615533, 'was': 0.07631199576808682, 'and': 0.07096624151531597, 'are': 0.06654922673500566, 'the': 0.0556215612697015, 'been': 0.036952791612887406}, {'the': 0.595747609043323, 'tho': 0.05354552803192796, 'this': 0.04954038715914677, 'The': 0.045964911737852755, 'their': 0.04560883517673083, 'a': 0.04169942094941094, 'his': 0.03811461411685068, 'con-': 0.03165537626770105, 'our': 0.028907251303132358}, {'the': 0.2765798955379089, 'a': 0.10482425143330569, 'and': 0.07381500250866276, 'of': 0.0617892890405128, 'in': 0.0353359560016748, 'to': 0.02963933716169279, 'The': 0.0234656026879826, 'his': 0.0205601801681083, 'this': 0.018499523891861356}, {'they': 0.1814825245401205, 'who': 0.08332890645061154, 'we': 0.06833846363531829, 'which': 0.0536570328338721, 'there': 0.05359065596691862, 'and': 0.05050517314101154, 'They': 0.03515036909091204, 'you': 0.03233734521249406, 'that': 0.03162663778191064}, {'is': 0.20966311478855348, 'and': 0.16601508851558958, 'are': 0.13120371820056678, 'but': 0.040353662086989164, 'which': 0.03488834922200808, 'Is': 0.033742756334943017, 'that': 0.03302448133213559, 'was': 0.031213571554812594, 'not': 0.028386676487078624}, {'of': 0.4786885726851188, 'that': 0.09391760461444613, 'the': 0.08745009263573254, 'and': 0.050304798121617846, 'by': 0.04117578629991835, 'in': 0.03879447543406016, 'to': 0.03412707316893468, 'this': 0.02376650342035951, 'for': 0.019084633699046456}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'the': 0.5711966934174226, 'a': 0.06212379034676535, 'and': 0.04178013777114284, 'tho': 0.039669121487936804, 'this': 0.03611180792338131, 'or': 0.029698846237350637, 'The': 0.029234294046070017, 'of': 0.02841302569267093, 'any': 0.0279797245659322}, {'of': 0.27466615355172125, 'in': 0.23503884948144754, 'to': 0.09053463648583916, 'for': 0.08070252413357501, 'at': 0.062342740022056704, 'In': 0.057952202679205214, 'with': 0.04426475666610177, 'and': 0.03807201829102238, 'by': 0.03399896563603447}, {'and': 0.23682852188173797, 'have': 0.12868449723080516, 'had': 0.10586878776209113, 'I': 0.10022820097520964, 'has': 0.08204527306133705, 'he': 0.08041224192807454, 'is': 0.0471649835783504, 'they': 0.04567240986392173, 'was': 0.04164692440622896}, {'of': 0.2799626899215398, 'in': 0.1493230025835814, 'and': 0.09644505530697173, 'for': 0.07222298174397193, 'to': 0.07103904761170991, 'with': 0.0703953496992038, 'on': 0.05529637984684662, 'by': 0.04913336725318367, 'from': 0.046615472558181194}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.1968882331676769, 'that': 0.11039666142986637, 'for': 0.09168975302555668, 'and': 0.08590366914891827, 'by': 0.08277873064966747, 'in': 0.0727445676892337, 'to': 0.06311325533087009, 'with': 0.04267601830680013, 'on': 0.03576569012207675}, {'the': 0.20009661405009255, 'of': 0.09614666586087119, 'and': 0.058627911245926416, 'in': 0.04553704380158999, 'a': 0.042124964097505165, 'to': 0.03933861986300291, 'at': 0.037331807777673115, 'on': 0.035243307139767165, 'by': 0.02400728035219461}, {'the': 0.12368218280150844, 'and': 0.11910064474353096, 'of': 0.11336056436577131, 'a': 0.06975948165244585, 'to': 0.05362200256083398, 'or': 0.03299119939462581, 'are': 0.02801149489962324, 'is': 0.025241132503948726, 'for': 0.02278737232450301}, {'of': 0.17142758274306302, 'in': 0.08634383392792384, 'as': 0.08326592556418587, 'is': 0.08178974204742391, 'to': 0.07556684952700905, 'with': 0.0668191557129155, 'by': 0.06243265598537441, 'and': 0.057133822259442996, 'was': 0.05599821011707395}, {'will': 0.20584504249316313, 'and': 0.16018123610649812, 'can': 0.06141559465604724, 'was': 0.055891730850125186, 'the': 0.05562466291350114, 'would': 0.04899024842470727, 'it': 0.045557505203504295, 'had': 0.04363750651778436, 'that': 0.04154919804126259}, {'in': 0.25237749655315533, 'of': 0.11832633645850302, 'to': 0.10839302333906657, 'on': 0.06678159311991028, 'by': 0.06489671377141643, 'from': 0.06356250495339733, 'with': 0.06348071785992031, 'upon': 0.054459556292092426, 'In': 0.04903298885720387}, {'the': 0.11704456273315193, 'and': 0.08119496322623684, 'of': 0.06884472752537625, 'to': 0.043940372895462126, 'in': 0.039461644286849194, 'a': 0.027464002679488352, 'his': 0.02277698850975605, 'said': 0.019635202055012554, 'that': 0.01899534171319325}, {'the': 0.5834795315515683, 'a': 0.14464385165199195, 'and': 0.056500638991671896, 'The': 0.05114568676411237, 'of': 0.03288500740327535, 'tho': 0.026725728419912356, 'great': 0.01955440311947739, 'for': 0.014943000717048696, 'or': 0.012669871228698545}, {'and': 0.1548177577609654, 'that': 0.04398302221917744, 'or': 0.036087420701738954, 'is': 0.034532087475882815, 'was': 0.025939020768948825, 'are': 0.025280385393967535, 'made': 0.020834311282221997, 'but': 0.02016172798794775, 'be': 0.019156283226484664}, {'the': 0.21234209850453792, 'and': 0.09041958602351124, 'of': 0.0761001934580415, 'a': 0.06583321418641863, 'The': 0.03308409305343358, 'to': 0.02698935158038732, 'in': 0.02407178303938335, 'with': 0.018363508791582998, 'Mr.': 0.01674699724041118}, {'it': 0.22856110105309196, 'It': 0.1452820683974188, 'which': 0.05914017695475625, 'he': 0.0478149945050819, 'and': 0.04416228847994344, 'that': 0.040249019547583975, 'there': 0.02938454306037856, 'who': 0.024987486037450265, 'This': 0.017718758616521977}, {'the': 0.2076924090347661, 'and': 0.11864921124733781, 'of': 0.06948033233563375, 'to': 0.04937100290349091, 'in': 0.0465017884239287, 'that': 0.03928350452418262, 'a': 0.03360796292909534, 'for': 0.020913581166906357, 'which': 0.020408322016569582}, {'to': 0.27379030202973453, 'the': 0.20512228944651464, 'at': 0.10408130342545058, 'of': 0.07515465071560556, 'his': 0.0591074871355515, 'their': 0.05017626566748527, 'and': 0.03896260279110232, 'no': 0.029676227057985748, 'will': 0.025243705715933453}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.12074287823032279, 'and': 0.08874153786915481, 'of': 0.08276028650606589, 'a': 0.06221093194059588, 'to': 0.05162893887429158, 'be': 0.04586064487454934, 'was': 0.03414083331809491, 'is': 0.024507921764825892, 'as': 0.020858812890688014}, {'<s>': 0.05432131076617833, 'it.': 0.03716684874402734, 'them.': 0.02247979573141077, 'him.': 0.013502407632155952, 'country.': 0.01143328895356783, 'time.': 0.011096021118032921, 'again.': 0.00906983041358331, 'people.': 0.008747586562756211, 'life.': 0.008088771964477243}, {'the': 0.5058382344226696, 'a': 0.19155127550209947, 'The': 0.075066768509712, 'and': 0.05396644485394486, 'of': 0.03874635548270149, 'tho': 0.029867847003299634, 'any': 0.029718268135464902, 'some': 0.026303735577413223, 'no': 0.02065273976334602}, {'have': 0.1809618706315317, 'and': 0.16885576677989902, 'has': 0.09663431176725822, 'had': 0.08526713546818657, 'they': 0.05898262105981703, 'I': 0.05764871165079572, 'who': 0.0526537524393171, 'he': 0.04907155556271486, 'we': 0.03373523908471111}, {'of': 0.38780392760454424, 'in': 0.10543251044231115, 'at': 0.09368934735166985, 'to': 0.08469585760716818, 'by': 0.06172297342713927, 'for': 0.054505146222843075, 'from': 0.04855890052321817, 'on': 0.0471984798534974, 'and': 0.045848491550349264}, {'of': 0.1595292354432215, 'to': 0.10455719030385169, 'as': 0.08785662364432413, 'and': 0.08698777976274545, 'was': 0.08348119257738469, 'is': 0.07727747876345827, 'in': 0.07619401559862479, 'for': 0.06986064845752411, 'with': 0.055802801565519096}, {'be': 0.2667740658887498, 'was': 0.16710910429093603, 'been': 0.09650327666760333, 'are': 0.08150391224132394, 'were': 0.08138293254796196, 'is': 0.07959772046716557, 'he': 0.04631403406047022, 'have': 0.04621689954586432, 'and': 0.04229453652489478}, {'and': 0.11727355879576236, 'do': 0.06783281625661106, 'was': 0.0568188353745367, 'amended': 0.05536815944027631, 'as': 0.04964746088508258, 'is': 0.046231569875030916, 'be': 0.04533510406631075, 'not': 0.044836618964634166, 'are': 0.04091989112607434}, {'the': 0.19670387957172328, 'of': 0.12034700726956073, 'a': 0.08438228089640598, 'to': 0.07002755359439007, 'and': 0.06281574081115311, 'be': 0.0453128674171294, 'in': 0.03379866218947241, 'is': 0.03220276533394172, 'not': 0.029189418599409524}, {'to': 0.4080184368822138, 'will': 0.11084323666431842, 'would': 0.07871647706191727, 'not': 0.06114028137574965, 'I': 0.05576835466745124, 'and': 0.05219787398319846, 'the': 0.04314423052222943, 'can': 0.03824819031476297, 'they': 0.030608331548393625}, {'men': 0.029858840437972895, 'made': 0.021461449103454242, 'wife': 0.016746656169974155, 'up': 0.014442491030660523, 'right': 0.011100948249940625, 'in': 0.010763908268953916, 'city': 0.009255189128794843, 'day': 0.009078727026945224, 'it': 0.009075074277818838}, {'number': 0.04783279856069427, 'out': 0.03523580298553459, 'day': 0.025273896608054167, 'one': 0.022926623656536044, 'and': 0.020718585280798903, 'tion': 0.020113617128355424, 'part': 0.01834877957160795, 'time': 0.01821617390014658, 'that': 0.01806274786723067}, {'of': 0.2961701090362676, 'in': 0.1178871756097867, 'to': 0.10164084725090033, 'and': 0.06865495010242591, 'by': 0.0666450479476062, 'on': 0.06328328077625103, 'that': 0.05761564464867384, 'with': 0.052306765039728434, 'for': 0.046772703590642305}, {'the': 0.7607653414159047, 'The': 0.055334520014548506, 'a': 0.03596290554074554, 're-': 0.027076687376835388, 'tho': 0.02554644808219971, 'and': 0.023609302629912534, 'his': 0.014455256769443873, 'this': 0.011808701903326644, 'to': 0.011412584548626052}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.18993880449201844, 'of': 0.11639210830738761, 'and': 0.08735698721996352, 'Mr.': 0.04797666771675121, 'a': 0.04136447797506552, 'to': 0.030717163312382403, 'The': 0.02649997786553738, '.': 0.022960452586241215, 'by': 0.020277340511229532}, {'the': 0.6089762149840181, 'of': 0.10602094391929388, 'and': 0.04598570219891581, 'tho': 0.03225975410043041, 'their': 0.02493828574299275, 'other': 0.02156890328350562, 'The': 0.0206632021326544, 'his': 0.01905793231707294, 'in': 0.018585756549028682}, {'the': 0.15548164992001468, 'of': 0.1181420598113191, 'and': 0.06495824170635445, 'a': 0.04231673100742924, 'to': 0.04117581656651854, 'at': 0.031098197132552595, 'in': 0.02877357803307154, 'be': 0.023561113683954124, 'his': 0.021860279751194193}, {'<s>': 0.0802553765875675, 'it.': 0.02209277237810972, 'them.': 0.02035298143464265, 'time.': 0.012040837772745352, 'him.': 0.011874149312048747, 'country.': 0.01008676742090983, 'of': 0.009622992472550117, 'day.': 0.009602517164339311, '.': 0.008573040789223826}, {'w': 0.5550708382294504, 'and': 0.05301233401020972, 'of': 0.030677454668448456, 'was': 0.028458948473875492, 'is': 0.02468801913041813, 'a': 0.01710586447900089, 'have': 0.016217813217211247, '<s>': 0.014725983286362198, 'are': 0.013401383610618194}, {'of': 0.3436441402340554, 'to': 0.13791499280743388, 'for': 0.10074539501497197, 'with': 0.07740477229784408, 'upon': 0.04649076039187689, 'among': 0.042543681175962626, 'by': 0.02741981420962744, 'from': 0.027088154755285594, 'before': 0.023860405652666988}, {'and': 0.27469893258155365, 'was': 0.08017313443057683, 'is': 0.06070975315864847, 'are': 0.04592489333758903, 'do': 0.04546229355890477, 'that': 0.03822664308375904, 'or': 0.035474366803000625, 'were': 0.03108897298872328, 'but': 0.02897563659015858}, {'the': 0.7850886910141645, 'tho': 0.02723517978966792, 'a': 0.02014290993853638, 'of': 0.019180941693262638, 'this': 0.016319858093594083, 'The': 0.013899163873688237, 'tbe': 0.011784671314444268, 'our': 0.009312100070667574, 'American': 0.007316822571975541}, {'it': 0.20109438668866916, 'It': 0.16277924085001097, 'which': 0.08488451385210684, 'he': 0.05852715986931364, 'and': 0.050290790497198604, 'there': 0.045929124554597356, 'what': 0.04118871944825537, 'that': 0.04061832212820103, 'This': 0.0362364969611699}, {'is': 0.24590438520559343, 'was': 0.1816142012437621, 'and': 0.1688500533522572, 'are': 0.06813317683358167, 'were': 0.04595254755450229, 'but': 0.04351633388467776, 'Is': 0.031612075852749076, 'He': 0.03134524232628525, 'has': 0.026408434269381897}, {'of': 0.3722061695752557, 'in': 0.10491451925074928, 'to': 0.1024663789028012, 'that': 0.07493791334974918, 'and': 0.0645279132023764, 'on': 0.056107045079080514, 'by': 0.05027887091424221, 'from': 0.03758491183087087, 'with': 0.03241209284084625}, {'and': 0.19144346300246223, 'the': 0.14810716693463263, 'most': 0.11000912786196505, 'a': 0.0932681844342167, 'that': 0.08115433415407679, 'of': 0.06369508390998983, 'to': 0.06335799905317535, 'in': 0.04649644489227004, 'are': 0.038104230249970734}, {'that': 0.31002047201146343, 'and': 0.14484199399958156, 'as': 0.08053295882100593, 'if': 0.06503540513563424, 'which': 0.05513431613473679, 'but': 0.05175090665351416, 'why': 0.0347383037820652, 'when': 0.03393161880216984, 'If': 0.030202825038647966}, {'the': 0.14151082409493515, 'and': 0.09395826232628794, 'of': 0.08615986759807032, 'to': 0.0646753759550541, 'in': 0.05215270585247155, 'his': 0.03504395116210504, 'be': 0.03490724716723035, 'a': 0.03132327424896905, 'for': 0.02984919584199262}, {"Harper's": 0.07723922268352076, 'the': 0.04207033973114678, 'of': 0.02530719853347777, 'and': 0.015170691776914208, 'No': 0.012245904220514416, 'Mr.': 0.011309087146844471, 'lying': 0.010683156902568785, 'lot': 0.008898823616044799, 'a': 0.0071497194290664826}, {'as': 0.07446996491817248, 'and': 0.07076082903256757, 'it': 0.058865354515750805, 'up': 0.05279360312421755, 'addition': 0.033867014653266844, 'regard': 0.029024961542387248, 'came': 0.02896326458868584, 'come': 0.028358890802377128, 'similar': 0.026543792473961943}, {'Van': 0.8662179489941552, 'of': 0.014804211834259449, 'and': 0.005868601496202267, 'the': 0.004890344869810918, 'A': 0.004049359799119089, 'Mr.': 0.003616685176599437, 'author-': 0.0027185960769987535, 'a': 0.0022856771153786266, '<s>': 0.00225870788999452}, {'not': 0.4049472527107381, 'is': 0.11809413173124274, 'was': 0.09594157270333745, 'and': 0.048075057285870394, 'are': 0.04734865892426372, 'the': 0.03203102591328073, 'be': 0.029159831215270427, 'were': 0.027692909076330582, 'had': 0.020369776233683256}, {'be': 0.16821228126933843, 'was': 0.11107793751425861, 'and': 0.10513492699190154, 'have': 0.0881341129487202, 'had': 0.08509778574344626, 'are': 0.08466941880843323, 'been': 0.08342553467223376, 'were': 0.07704794677103342, 'is': 0.0725891415077151}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'be': 0.15062426842330184, 'and': 0.14556769779953116, 'was': 0.12528920533214977, 'he': 0.0971544446312125, 'been': 0.05254638849823261, 'were': 0.05068389967023436, 'I': 0.050608329464615825, 'they': 0.04665222571982075, 'have': 0.04368409376702185}, {'in': 0.14806876225573679, 'as': 0.14195559201411467, 'for': 0.12351310491474397, 'of': 0.11817397441644471, 'is': 0.07513980908640662, 'with': 0.07178817918556088, 'to': 0.06058768227890131, 'and': 0.05369335148162916, 'such': 0.04889800789543761}, {'one': 0.13128720717464162, 'some': 0.08461735365278528, 'many': 0.04847273074418403, 'all': 0.0434097698998669, 'out': 0.04262208938507716, 'part': 0.042306194817281824, 'any': 0.0301089147815544, 'most': 0.027783670858525438, 'portion': 0.02625388729213515}, {'is': 0.09479732432336643, 'and': 0.09450150723361293, 'was': 0.07214368180450395, 'be': 0.057086994795531705, 'are': 0.05083633436734846, 'it': 0.03139832608053988, 'made': 0.026370639754266664, 'not': 0.025485150782887066, 'were': 0.023522590167519206}, {'in': 0.31078403878355826, 'a': 0.2548546005297957, 'In': 0.1571446129072322, 'the': 0.13772265329555303, 'this': 0.03599747536023905, 'and': 0.018825926703562125, 'of': 0.010859610539441083, 'iu': 0.010807214969144975, 'great': 0.009765074211986753}, {'of': 0.1834453796187176, 'to': 0.17053799490937546, 'in': 0.13108883201175006, 'at': 0.11976713200934304, 'on': 0.07149353524665175, 'and': 0.07047835540639334, 'from': 0.06230002779879337, 'with': 0.0423700694309082, 'that': 0.038688191459587684}, {'it': 0.25653226117348926, 'It': 0.16125372359844065, 'which': 0.07112139877476842, 'he': 0.055624498166207036, 'there': 0.04286665643389271, 'that': 0.04256624193766194, 'and': 0.033872077647318796, 'who': 0.026447054509793337, 'what': 0.022100572652371173}, {'it': 0.13796128875087904, 'which': 0.12123151758558284, 'It': 0.1190182297647619, 'that': 0.07907127608922525, 'who': 0.07084173501939091, 'he': 0.07065862855136053, 'there': 0.05551808419416357, 'and': 0.034746175819115654, 'There': 0.029925963619018833}, {'went': 0.08683324565499717, 'go': 0.07476330580440535, 'came': 0.05394514230576035, 'back': 0.047297493639340674, 'it': 0.04706181582391388, 'out': 0.046435294313249977, 'put': 0.044640592301587366, 'down': 0.04048017963153846, 'come': 0.03746281779864652}, {'and': 0.12235075838048946, 'was': 0.04883586224807882, 'arrived': 0.039302485730439186, 'that': 0.03545859067299272, 'but': 0.03492447452774985, 'is': 0.02870853751036447, 'made': 0.02837230425902276, 'held': 0.028189481774714184, 'look': 0.02759645298532533}, {'called': 0.07204608777404495, 'and': 0.06814291327434198, 'depend': 0.03649552474740933, 'due': 0.03582328932744763, 'levied': 0.03503653648762092, 'look': 0.03435141880403661, 'based': 0.034077769097724024, 'made': 0.03290146402346888, 'placed': 0.03231100675703867}, {'of': 0.2616594343360901, 'to': 0.13785963672530907, 'in': 0.1212670859452904, 'for': 0.08801180469507255, 'and': 0.07037862058047246, 'by': 0.06741089591007511, 'that': 0.05123896249164224, 'from': 0.04811659056050987, 'with': 0.039461130120577524}, {'is': 0.28208212740008753, 'was': 0.20880536298233507, 'are': 0.0927081649015039, 'were': 0.046977251579185725, 'Is': 0.04514918771463084, 'as': 0.03864681703831956, 'it': 0.03793900611306461, 'and': 0.036667445576850276, 'do': 0.034484760935393974}, {'the': 0.08789720635497154, 'and': 0.07820325291506017, 'of': 0.07409488784379216, 'to': 0.06286243358342224, 'be': 0.05661814672863629, 'a': 0.04478774919695505, 'in': 0.029168427928634, 'was': 0.027046363262135754, 'is': 0.026073151479528232}, {'a': 0.2538622917653674, 'so': 0.19407797834502766, 'the': 0.17032384855634727, 'has': 0.06188689605228715, 'have': 0.06074489594814002, 'had': 0.05618361105724459, 'and': 0.03822584716639013, 'very': 0.03817661212397834, 'not': 0.03233401367596584}, {'the': 0.2959907103996845, 'a': 0.16662850547907454, 'of': 0.11458893938343427, 'last': 0.11130212084310667, 'this': 0.07479975580650745, 'past': 0.04667325316914796, 'some': 0.0436298599766407, 'for': 0.04082091154690863, 'his': 0.03872989262775199}, {'and': 0.09468249737622518, 'depend': 0.03875088893599322, 'based': 0.03863406357657407, 'placed': 0.0380392715961322, 'depends': 0.03779424552216468, 'called': 0.03705486424756454, 'down': 0.03295251281941486, 'made': 0.032658028953724605, 'effect': 0.028685464570585545}, {'of': 0.2575520845139841, 'on': 0.12846547861522375, 'to': 0.10203493204218354, 'in': 0.09661719328105245, 'at': 0.06814939241613419, 'and': 0.061984312118100945, 'from': 0.05935258574754471, 'for': 0.050479593300059626, 'by': 0.04534209183673201}, {'the': 0.15634290232765083, 'and': 0.08145565430369078, 'of': 0.06433788517246476, 'Mr.': 0.04826328248834512, 'a': 0.043393795039547364, 'The': 0.036462515625466374, 'that': 0.03147984993258206, '.': 0.015497251212340545, 'to': 0.015070607909149934}, {'the': 0.4576352260154372, 'of': 0.15597372237551915, 'The': 0.055874957325002104, 'in': 0.047381937480983204, 'and': 0.04540932465424432, 'that': 0.036242315002844354, 'tho': 0.02118090026963926, 'from': 0.014644932676948132, 'County,': 0.010796985584347815}, {'be': 0.1992155736715798, 'and': 0.11797826148263685, 'was': 0.09084133956381023, 'is': 0.07517436226680531, 'been': 0.07207799312029656, 'he': 0.059185188870412325, 'the': 0.04900435303494633, 'are': 0.042586829725886205, 'has': 0.028118904313498932}, {'the': 0.22038313903105292, 'Mr.': 0.07937156760867098, 'of': 0.07368785948768332, 'The': 0.06437454493038172, 'and': 0.05944888902093017, 'that': 0.046904228525190425, 'a': 0.028819451762637286, 'his': 0.018895379103475607, 'Mrs.': 0.016510016796138643}, {'to': 0.30980022365953963, 'the': 0.11505692796568015, 'and': 0.1056560319601922, 'I': 0.05127543788496571, 'will': 0.03805596007422453, 'not': 0.036553806085762766, 'would': 0.028293670227170144, 'a': 0.020542289768570903, 'they': 0.01952771635099495}, {'want': 0.09119933785070763, 'glad': 0.07885038542430528, 'him': 0.0648949638564992, 'and': 0.06004531663917528, 'wanted': 0.058895941111792534, 'able': 0.055379333364283065, 'me': 0.044342154008664224, 'them': 0.040027291106753855, 'surprised': 0.039199009595233036}, {'and': 0.09377129454296322, 'was': 0.04271315341537484, 'out': 0.028524574363226172, 'that': 0.02811573968936019, 'placed': 0.027131868575018914, 'work': 0.02578173844450971, 'made': 0.024681420068921236, 'is': 0.024021050156212566, 'up': 0.023509378606325886}, {'as': 0.8930196570373508, 'so': 0.02872466995680026, 'ns': 0.012049827546747867, 'aa': 0.011159451300090285, 'As': 0.010519894555896444, 'is': 0.009027753005852181, 'be': 0.008132664464074601, 'and': 0.006067754028748559, 'very': 0.005844020250384043}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'set': 0.09577561434801543, 'it': 0.08596750147037638, 'put': 0.08013820198234421, 'came': 0.07763648393832367, 'taken': 0.07252425270838828, 'went': 0.06580429776535081, 'made': 0.0537967106850968, 'take': 0.0515574207307233, 'picked': 0.05073288326293641}, {'be': 0.2979705579483615, 'is': 0.18514502285269205, 'was': 0.09182857948865207, 'not': 0.0645054908881669, 'it': 0.06080377807125577, 'been': 0.05582627450608154, 'and': 0.04989461068639227, 'as': 0.04348796738664983, 'are': 0.04256146536359431}, {'the': 0.16293018766245074, 'and': 0.09542368948698904, 'of': 0.09125431973781274, 'that': 0.07147467448178191, 'in': 0.06122012582460809, 'which': 0.03181046897847235, 'The': 0.026682189849771113, 'as': 0.023311535893834404, 'Mr.': 0.021607863563506427}, {'the': 0.7540158636158094, 'The': 0.10256562257750117, 'a': 0.03702408643576139, 'tho': 0.03694468574009788, 'his': 0.01645852661005159, 'tbe': 0.013514035657634078, 'this': 0.012673511396561941, 'their': 0.006243349578876619, 'its': 0.005108923337225492}, {'of': 0.23700013887589647, 'a': 0.1480232033482507, 'the': 0.07413452545966678, 'to': 0.06899209549620221, 'in': 0.04833046100251875, 'and': 0.041394306581746816, 'as': 0.03999072241518112, 'on': 0.02935744403340583, 'was': 0.02935701060691194}, {'and': 0.24636052438176867, 'that': 0.07204020239579927, 'time': 0.06359118656053701, 'but': 0.05067229531026561, 'which': 0.02766919534892873, 'or': 0.024611171621774276, 'it': 0.022963607830927078, 'day': 0.018660999424150993, 'which,': 0.017341968311346868}, {'was': 0.13117744182835897, 'is': 0.1269218244563355, 'of': 0.11158997556392193, 'and': 0.08991483465927332, 'an': 0.0752480232515238, 'are': 0.06224414029563446, 'the': 0.06176436629621954, 'were': 0.04058110655276591, 'in': 0.037195670240716766}, {'time': 0.014454144333039615, 'it': 0.013115099213146433, 'good': 0.012601041459608378, 'more': 0.012261080525909813, 'prompt': 0.010631322661845188, 'due': 0.010079545354197892, 'him': 0.010057786336017026, 'them': 0.009731847100400383, 'men': 0.009069717368071942}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'as': 0.07186083108883486, 'up': 0.05557455433607369, 'come': 0.049109437879699444, 'and': 0.04301297904894175, 'back': 0.042791448367877634, 'came': 0.04209704830697604, 'go': 0.04071182761587086, 'it': 0.032829923592494384, 'regard': 0.032203005769486856}, {'they': 0.19461252061988724, 'we': 0.10922418913617771, 'who': 0.09329426649857261, 'and': 0.07636978485970544, 'you': 0.07514726548398011, 'which': 0.05706535521275508, 'They': 0.05052056051193296, 'there': 0.04550319776803247, 'We': 0.045157325292134426}, {'the': 0.2548175450256291, 'of': 0.14358008674215583, 'to': 0.08722829211980318, 'a': 0.035012358816843885, 'and': 0.034332699942394296, 'this': 0.031711900488600696, 'for': 0.028237075664339303, 'in': 0.02766221115153456, 'The': 0.024371142227311394}, {'not': 0.2741096095764814, 'is': 0.1231053079711752, 'the': 0.1165854488621563, 'and': 0.10172756953785834, 'was': 0.09806972227161401, 'are': 0.07037851757676711, 'were': 0.04522566411016953, 'Is': 0.022355284668963672, 'be': 0.020371945001389655}, {'of': 0.2545032669989974, 'in': 0.13531379223285864, 'with': 0.07968106627797428, 'is': 0.07120248195840059, 'and': 0.0679041255611428, 'by': 0.06639124484807368, 'was': 0.06413287503346567, 'to': 0.05683780008795463, 'as': 0.05667917683484173}, {'the': 0.6654192224244613, 'The': 0.17045257987032353, 'tho': 0.034068243392346875, 'of': 0.033595010848045906, 'this': 0.01630489467878648, 'and': 0.01565866949749628, 'tbe': 0.010681819047647341, 'our': 0.01065393458319046, 'a': 0.010242509932506636}, {'to': 0.3973436518733207, 'not': 0.37927932922896096, 'will': 0.05468483931594361, 'never': 0.030693408687834753, 'would': 0.024667885558592912, 'and': 0.018870392425278232, 'a': 0.01433343146150625, 'shall': 0.011391291854788922, 'must': 0.009321360596724266}, {'and': 0.1885511344397137, 'of': 0.1870183419094036, 'to': 0.07675169600656238, 'in': 0.07073985438572009, 'from': 0.046339598455117315, 'all': 0.04525807160771019, 'on': 0.025606078975167708, 'with': 0.02038095092571725, 'said': 0.019716987803068676}, {'of': 0.1723800469299984, 'and': 0.09690362542298184, 'to': 0.07327495596858312, 'for': 0.04243808416864946, 'in': 0.042437123654928174, 'with': 0.04126616488749104, 'by': 0.03040603512534219, 'from': 0.025021455834245226, 'at': 0.023989158869901293}, {'<s>': 0.03678801532494056, 'it.': 0.02122541937054292, 'them.': 0.01479833888951819, 'him.': 0.010897843018696847, 'time.': 0.007197578670092914, 'country.': 0.006808804316942492, 'day.': 0.006190128907864372, 'year.': 0.005415787861387621, 'and': 0.005376359422960174}, {'of': 0.19452317962484475, 'the': 0.19226997904669957, 'these': 0.1118345763003098, 'These': 0.07182305332280339, 'business': 0.05820603672755671, 'young': 0.05745202156700857, 'The': 0.04687183780667797, 'two': 0.042554028141180714, 'and': 0.042045471915499635}, {'of': 0.22002467158953573, 'for': 0.1259457181120723, 'in': 0.12377832945500226, 'and': 0.11736913019570154, 'to': 0.10129340018883146, 'that': 0.05778635498083172, 'with': 0.0463021129548504, 'all': 0.03569036262980837, 'on': 0.030346814338210005}, {'and': 0.24162532991188765, 'that': 0.1390786514211605, 'as': 0.10741426106968564, 'but': 0.04553068662408295, 'even': 0.0409022801525171, 'And': 0.02889603767122722, 'or': 0.02587557926296219, 'But': 0.02438876436489651, 'see': 0.023922128748807232}, {'a': 0.24204069064396946, 'the': 0.13114725300715105, 'they': 0.08696929605374422, 'who': 0.08488348490794594, 'I': 0.07902835174167092, 'not': 0.07839888189490185, 'we': 0.07658615096794598, 'and': 0.06109914422277883, 'to': 0.04663468770622324}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'made': 0.11942847096974421, 'and': 0.07979570471363857, 'caused': 0.029091215056480817, 'shown': 0.028426754301022945, 'up': 0.02777670568714523, 'ed': 0.027617079589566704, 'out': 0.026630159435991316, 'taken': 0.02626602987193105, 'done': 0.02542850605479482}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'any': 0.27954713916006607, 'the': 0.17041848594995287, 'and': 0.16514133724506877, 'no': 0.14170756363440565, 'or': 0.05912559996538723, 'some': 0.04756141457639742, 'all': 0.04430256418264639, 'of': 0.03231216989764885, 'in': 0.03213728977878332}, {'the': 0.4676142065078135, 'at': 0.24237913648332965, 'At': 0.048791863119890005, 'tho': 0.03156611350466604, 'of': 0.029774535832346204, 'to': 0.0281051777956505, 'and': 0.028057909133168704, 'The': 0.02061467030322155, 'on': 0.01499697015909431}, {'the': 0.1164435537053717, 'and': 0.0573533486850362, 'at': 0.044377275329657496, 'a': 0.04149805447872611, '-': 0.028171863538503938, '.': 0.02735520910881284, '<s>': 0.024609036733378574, 'of': 0.02425854403760395, '25': 0.02177830002398139}, {'that': 0.16661763328280765, 'and': 0.13458287133278954, 'but': 0.09592430773399532, 'as': 0.051117978625589255, 'which': 0.05098905102165309, 'But': 0.02940844255730344, 'what': 0.025787854432964, 'if': 0.024647524769338777, 'when': 0.02212038417060005}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'of': 0.32574928310363493, 'the': 0.12759827942922108, 'to': 0.11771723542021434, 'and': 0.06990807578257915, 'in': 0.04801435284689793, 'at': 0.04304759478063756, 'from': 0.04151750239323005, 'said': 0.040809989284219195, 'by': 0.0287969495568441}, {'a': 0.6219058288079214, 'the': 0.224437473809799, 'his': 0.027735065212376432, 'and': 0.016200087602496877, 'to': 0.012746612709583764, 'this': 0.010350798911335037, 'The': 0.010168577919616846, 'tho': 0.008674803659476841, 'her': 0.0068797026924816125}, {'the': 0.0914322822856917, 'his': 0.0865575498046265, 'her': 0.06635711513864434, 'of': 0.06399433777012326, 'and': 0.06091774416610912, 'go': 0.06057264673560795, 'it': 0.055054913452998434, 'at': 0.052073994762447104, 'a': 0.03955766764370658}, {'of': 0.2870753254830691, 'the': 0.22820734263923442, 'in': 0.2222817247796685, 'a': 0.05822164960318251, 'In': 0.03822663154381028, 'his': 0.02942770227015369, 'by': 0.019095169840581086, 'with': 0.01793478328178478, 'for': 0.017695265868602275}, {'of': 0.13735167115900856, 'the': 0.12468015023643587, 'and': 0.0854943477750385, 'to': 0.05978421548001077, 'be': 0.04798116264043773, 'is': 0.04763750262483636, 'in': 0.04319657334697535, 'a': 0.04216807689891275, 'was': 0.03856522118611982}, {'manner': 0.1103951809557842, 'and': 0.052453475314599624, 'that': 0.03036937771827381, 'way': 0.019689239401330938, 'time': 0.015058937839784212, 'it': 0.013360831017844856, 'all': 0.011946359345780016, 'one': 0.011858054142763546, 'part': 0.011827296831737295}, {'the': 0.16890675019349444, 'and': 0.09411737640684421, 'was': 0.062155385584648844, 'is': 0.05546488547918796, 'a': 0.05481412201316683, 'be': 0.03918509350497954, 'his': 0.03489473327013484, 'her': 0.029872218086401264, 'of': 0.026407760122145296}, {'it': 0.11977875017404724, 'go': 0.11601644910339082, 'taken': 0.10309356877798098, 'went': 0.09120145993521843, 'them': 0.07213364510506369, 'set': 0.06801248320491698, 'him': 0.06161427102884509, 'came': 0.06107587112724309, 'come': 0.0441258334248595}, {'more': 0.3358345213269758, 'less': 0.12610776885394737, 'better': 0.061855474460963046, 'greater': 0.05309620038800828, 'rather': 0.05300061109261795, 'worse': 0.028818068181543897, 'larger': 0.027015813077624448, 'higher': 0.026800844486306895, 'other': 0.02617719083225004}, {'the': 0.20849665906433557, 'and': 0.1142767670160047, 'of': 0.0996603529965147, 'The': 0.06524073313159189, 'that': 0.024980514504802553, 'these': 0.01841332784867121, 'a': 0.016378062967323737, 'or': 0.01599964531259606, 'to': 0.01465781744434432}, {'to': 0.3340482879643747, 'will': 0.21968073144733113, 'would': 0.14314405724433774, 'may': 0.05765142294232549, 'should': 0.05110517895543942, 'shall': 0.04608131248582266, 'not': 0.03762609770239684, 'must': 0.035703774805437266, 'can': 0.018640295804925693}, {'not': 0.14110148527312952, 'to': 0.1265803038590585, 'and': 0.09255466409794465, 'I': 0.07581486380544011, 'would': 0.07001418617889212, 'we': 0.06490222610709453, 'will': 0.06300255898503791, 'they': 0.04086901896002505, 'it': 0.03738377868680906}, {'man': 0.1056641118507089, 'and': 0.08878706846203002, 'those': 0.07145574204039219, 'men': 0.05691873120826599, 'one': 0.04191608970446304, 'woman': 0.02293340836590297, 'person': 0.02049936104628033, 'people': 0.017313130140136558, 'girl': 0.013887296885452196}, {'the': 0.3728682838381402, 'of': 0.11334659940101537, 'to': 0.11025681221768464, 'a': 0.06057873386045587, 'in': 0.06009047234796975, 'and': 0.03746412022834752, 'this': 0.03684349599369664, 'said': 0.03353368045751477, 'his': 0.028238377371232578}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.26319231183335745, 'a': 0.15579408279083434, 'and': 0.08995640353594513, 'of': 0.051412604516170995, 'an': 0.04906243768017976, 'to': 0.03460571113626339, 'The': 0.030723409762414673, 'in': 0.025593852277509176, 'his': 0.024104384340578752}, {'first': 0.22535578071278406, 'third': 0.18409758161949938, 'on': 0.11313660866932629, 'second': 0.05683538007055505, 'last': 0.04872276290644735, 'and': 0.033115569317088714, 'next': 0.028000918181464416, 'of': 0.02765189560059578, 'fourth': 0.025113286839683557}, {'the': 0.32352945602334204, 'of': 0.1289122936904994, 'and': 0.11650663553432157, 'their': 0.08221845925941912, 'its': 0.05620205649501779, 'to': 0.05454546956002514, 'his': 0.044730977949598294, 'a': 0.03890693111983329, 'in': 0.025476717704495305}, {'it': 0.265047725906774, 'It': 0.2596621461782678, 'which': 0.11002169447171882, 'there': 0.06269604189238623, 'that': 0.03407173668803816, 'he': 0.03358531128673051, 'what': 0.02982632095919964, 'There': 0.029272197876098152, 'This': 0.02616795463539789}, {'the': 0.15539156127717735, 'of': 0.11917567702263197, 'and': 0.08416148317186078, 'a': 0.06334046627180517, 'to': 0.04547558587853477, 'be': 0.03126076054551573, 'was': 0.02878552919787186, 'is': 0.024581598781821767, 'in': 0.02303036781163895}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.3697103191372976, 'in': 0.09322949720487166, 'to': 0.09203847442927578, 'for': 0.07424545373271714, 'by': 0.0569126879901897, 'that': 0.05609082834926083, 'on': 0.050755396684743256, 'and': 0.04767101957747371, 'with': 0.04571471133214242}, {'and': 0.19328295161843972, 'of': 0.15441512299571078, 'in': 0.138549832240337, 'that': 0.07666146361875605, 'for': 0.07286569732523326, 'by': 0.057681903785515125, 'to': 0.049727660450235994, 'with': 0.04627187223037772, 'or': 0.04562659778740387}, {'line': 0.08436151961577906, 'street,': 0.08116090024071032, 'city': 0.047475942450340855, 'relations': 0.03333614196268066, 'street': 0.0324478157406126, 'and': 0.021883673720718047, 'avenue,': 0.02133981441852805, 'State': 0.020244000133745832, 'war': 0.017981852691322565}, {'the': 0.12800693069631455, 'of': 0.09953634808904424, 'and': 0.09071223082016597, 'to': 0.04593204377703495, 'a': 0.03771199723896994, 'at': 0.033334180530003435, 'in': 0.03313290135716454, 'or': 0.019794341015426948, '.': 0.01797896561620089}, {'and': 0.10960059357403153, 'the': 0.09449334592740657, 'of': 0.08967895409898438, 'to': 0.042556391348233, 'in': 0.02781529633717138, 'for': 0.024040729620454133, 'Mr.': 0.020008178605802587, 'a': 0.019990990226004767, 'Mrs.': 0.013561924081013027}, {'to': 0.14873942328809442, 'and': 0.10240102754317151, 'of': 0.05712547684165998, 'the': 0.04422196223221169, 'in': 0.03350494167484157, 'is': 0.028058542060599406, 'I': 0.026660736993923923, 'for': 0.02440585407489247, 'not': 0.02404489402087884}, {'the': 0.2756069387167826, 'a': 0.1989782843277493, 'that': 0.17322869092855617, 'this': 0.14915889533859533, 'of': 0.03818955457475587, 'to': 0.030272195291417447, 'same': 0.028655387646841897, 'every': 0.027248394000905285, 'any': 0.02546289456753587}, {'the': 0.36343395023149294, 'a': 0.16275377135251476, 'to': 0.1374510961859435, 'of': 0.039293335627573256, 'and': 0.02592563010650575, 'an': 0.023354576573338774, 'tho': 0.023036123616229486, 'this': 0.021907214755236458, 'The': 0.01816179634681747}, {'of': 0.19114812208672913, 'and': 0.06664537404545799, 'to': 0.061343427880021, 'the': 0.0530938502573856, 'I': 0.021646766586206935, 'that': 0.020610024877653007, 'at': 0.020295107005605807, '<s>': 0.01789292968498271, 'for': 0.01732073756839698}, {'the': 0.08961772875882507, 'of': 0.057444184769303956, 'and': 0.05587244827815324, '.': 0.036654506797221285, 'a': 0.028966337397982565, 'to': 0.026076981274535702, 'at': 0.02055542193580814, '<s>': 0.018481669068671283, 'Mrs.': 0.01654622745724894}, {'it': 0.21667992261148805, 'It': 0.10935558532387599, 'as': 0.0992102993091394, 'which': 0.09687365893133239, 'that': 0.08069656501629825, 'they': 0.06030190647841252, 'there': 0.042822810321519175, 'and': 0.03325595955556815, 'he': 0.03087705486329871}, {'of': 0.3645092714624021, 'by': 0.10689585450670026, 'to': 0.09744065841711232, 'that': 0.09019272849225211, 'and': 0.08723063929951343, 'for': 0.045561792535351725, 'with': 0.037834441330769325, 'in': 0.037525045199006124, 'on': 0.027152935617788285}, {'the': 0.49039434422053363, 'this': 0.08632201683377173, 'The': 0.06312296808342847, 'that': 0.05617673966513516, 'a': 0.04494603260881747, 'white': 0.025004212128763248, 'tho': 0.021976779552641868, 'This': 0.014260207856410046, 'whole': 0.014103655021192396}, {'that': 0.27079871714630244, 'and': 0.13838266858525428, 'which': 0.07615647278659175, 'as': 0.06207267807646222, 'but': 0.054028372750074855, 'if': 0.04697179579298284, 'when': 0.03388103203877716, 'for': 0.029378354070718468, 'to': 0.025988829339447395}, {'the': 0.1128692492343734, 'and': 0.08756913600525507, 'of': 0.06737460258651247, 'to': 0.053776410134916526, 'was': 0.03351683803657226, 'in': 0.03296372843086962, 'on': 0.027883154110577194, 'be': 0.027472931348034604, 'is': 0.026658125807142292}, {'made': 0.11942847096974421, 'and': 0.07979570471363857, 'caused': 0.029091215056480817, 'shown': 0.028426754301022945, 'up': 0.02777670568714523, 'ed': 0.027617079589566704, 'out': 0.026630159435991316, 'taken': 0.02626602987193105, 'done': 0.02542850605479482}, {'and': 0.12641701929039903, 'is': 0.11646025094457621, 'the': 0.1047785819823541, 'of': 0.1030799600300097, 'was': 0.08931733792580594, 'be': 0.07841418708858101, 'to': 0.059899171225200235, 'as': 0.0550991791433499, 'are': 0.05225072845300198}, {'and': 0.16578021476376786, 'have': 0.15139420024823635, 'had': 0.13728665466815126, 'who': 0.08963636186751431, 'he': 0.07821827532314954, 'has': 0.05528380748502017, 'en-': 0.04392862689217421, 'which': 0.03496114851868233, 'that': 0.03281879115867223}, {'to': 0.34378129718365846, 'will': 0.15287135864951518, 'would': 0.08615903395787451, 'may': 0.07844929048361882, 'should': 0.05682249178971402, 'shall': 0.05432412913287461, 'not': 0.05091775331157668, 'must': 0.03610577244404393, 'can': 0.03580596083245932}, {'and': 0.17862673190713937, 'but': 0.04244263191941048, 'that': 0.04220766094263676, 'are': 0.030865094877106227, 'as': 0.024727875998773696, 'is': 0.017511044349557615, 'men': 0.015982471697363405, 'if': 0.015547112977436644, 'is,': 0.01476719237381757}, {'that': 0.21880264241986183, 'when': 0.18400102133925988, 'and': 0.10450490199483106, 'as': 0.07464921681782291, 'which': 0.06590160108436328, 'but': 0.042969188562918946, 'where': 0.03918988026853978, 'if': 0.03572394998737716, 'When': 0.03475152879514009}, {';': 0.06779252304156015, 'it,': 0.021761758042242153, 'him,': 0.01958742180168421, 'time,': 0.014938066383533635, 'them,': 0.012616159669584898, 'and': 0.010628532609281757, 'is': 0.010241493612459945, ',': 0.009618869525717397, 'me,': 0.008415522300167783}, {'of': 0.15992160527343155, 'the': 0.07719500006122071, 'to': 0.0438830669750625, 'in': 0.039741024286630185, 'on': 0.038173804152168804, 'a': 0.03632478245285181, 'at': 0.031544173956151146, 'and': 0.030493219331428536, 'for': 0.016730345898418396}, {'so': 0.2198473720485485, 'well': 0.10175930101808689, 'far': 0.04368541861024625, 'and': 0.04293731254846399, 'such': 0.03762681449236444, 'much': 0.03266149523896232, 'it': 0.026089134412509325, 'manner': 0.02389645719624483, 'doubt': 0.02232483788512375}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'of': 0.21517601127515068, 'in': 0.19406936001669348, 'for': 0.10971907724384945, 'to': 0.09814312395246895, 'and': 0.08636857417119868, 'with': 0.07537094044452373, 'by': 0.03943949248755378, 'In': 0.038895059100375044, 'that': 0.03725130569695829}, {'he': 0.15760358998476107, 'it': 0.07960037078123837, 'and': 0.0783183575860865, 'which': 0.07061259049398295, 'who': 0.060154149166401126, 'that': 0.05828712503669086, 'It': 0.045137051777501276, 'He': 0.03462748460810424, 'she': 0.027243872518348946}, {'purpose': 0.05003891562677034, 'sort': 0.04166241587234098, 'line': 0.04029693667741414, 'matter': 0.038910649874669315, 'number': 0.034658140636251986, 'out': 0.0342326330836255, 'means': 0.03013523709371516, 'kind': 0.030013529372232284, 'question': 0.028254965421569966}, {'the': 0.33471395324713976, 'a': 0.16331054730812458, 'to': 0.11957208755000143, 'no': 0.06732176259472455, 'and': 0.048566513333118316, 'be-': 0.042245743264118785, 'will': 0.04116268075131023, 'this': 0.031240764350254517, 'would': 0.030577922850548188}, {'the': 0.587213818538724, 'an': 0.10602908930253858, 'a': 0.06834865719683067, 'tho': 0.04068210237654947, 'The': 0.035004297049771656, 'and': 0.0338199903536752, 'or': 0.022498439372572447, 'tbe': 0.01854790116930796, 'on': 0.017556476132591717}, {'<s>': 0.12426439482141315, '.': 0.018149278737436575, 'it.': 0.015732467694809387, 'them.': 0.010254086191239542, 'of': 0.009702084217108654, 'day.': 0.008398564122806892, 'him.': 0.007320325767002691, 'time.': 0.006498590451727999, 'year.': 0.005941096159856345}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'it': 0.1425484532101972, 'I': 0.1213354070215672, 'he': 0.11001646519610883, 'It': 0.08910193822766081, 'we': 0.08810080705787648, 'they': 0.08502350221614376, 'We': 0.035535001300793526, 'and': 0.03455875249364024, 'you': 0.02830612684330736}, {'to': 0.5132350577437815, 'not': 0.09600587330123439, 'would': 0.06755118885748514, 'and': 0.06671295872663531, 'will': 0.06351079179386479, 'must': 0.03242619465041262, 'may': 0.029073112077795206, 'can': 0.028384333830740308, 'could': 0.026465028204732823}, {'and': 0.36989909396299353, 'was': 0.18093069367117362, 'He': 0.049725923246005936, 'were': 0.04721913228532857, 'is': 0.04495294131152719, 'are': 0.027349938294198597, 'he': 0.01944641783722546, 'be': 0.014600998531589348, 'it': 0.011382842243321466}, {'to': 0.1683574263608487, 'would': 0.1611777570504161, 'we': 0.11643246980957948, 'I': 0.11299547383211618, 'who': 0.10531685028517171, 'they': 0.09705549917576359, 'not': 0.054556999832390526, 'will': 0.05383883256017113, 'you': 0.04597037353291186}, {'a': 0.14095342944077077, 'and': 0.11398697074656086, 'of': 0.1065263285768312, 'the': 0.09940139976754256, 'with': 0.07675971231046624, 'to': 0.04580296175640906, 'as': 0.03906204900444862, 'was': 0.03708322462499614, 'their': 0.022887884582028447}, {'the': 0.4033998496584643, 'an': 0.17562193462780062, 'The': 0.06929411341507292, 'said': 0.0692310821508416, 'primary': 0.0404322859668438, 'of': 0.03735377973926905, 'general': 0.03729287768308044, 'this': 0.03453706215535834, 'An': 0.03335822863732375}, {'of': 0.35055936536108007, 'in': 0.12263802889049484, 'and': 0.08385791214373002, 'to': 0.07981824536485954, 'that': 0.07788386901529443, 'by': 0.052044802656479726, 'with': 0.05189426462405621, 'for': 0.0455644649413364, 'on': 0.038234949409593585}, {'the': 0.5131778377865784, 'The': 0.1288895532570005, 'a': 0.06417897113782997, 'of': 0.050499604574114815, 'tho': 0.02871193936281765, 'and': 0.020150841020999725, 'in': 0.010761258095395281, 'by': 0.0084718117867626, 'A': 0.007889739170312705}, {'have': 0.32153040081313716, 'has': 0.31183075472024196, 'had': 0.21146800312364955, 'having': 0.045937157158120086, 'not': 0.030216769141692412, 'ever': 0.01538042378217072, 'never': 0.012137451532885339, 'lias': 0.011016291610750989, 'bad': 0.009272451241632158}, {'sum': 0.08571383395418493, 'day': 0.08370077356967105, 'State': 0.05822340938598794, 'that': 0.035864096313863454, 'and': 0.02994925633626844, 'part': 0.02630677256155101, 'action': 0.024584069398228325, 'it': 0.021786572485110886, '<s>': 0.021233088172393506}, {'was': 0.20902618476671336, 'be': 0.15017333813545752, 'were': 0.11380033212891436, 'been': 0.0947810415521309, 'are': 0.08200475489765986, 'is': 0.06566588324773769, 'and': 0.045632026221767624, 'being': 0.040658642019415776, 'had': 0.021502115961260736}, {'and': 0.1828177032772522, 'of': 0.1729167264111345, 'to': 0.08294267335678421, 'by': 0.06613616034771465, 'for': 0.06415997033131383, 'all': 0.05019472443150322, 'that': 0.049440931221256555, 'the': 0.042119810367507275, 'in': 0.02757974419703409}, {'of': 0.2428873537692233, 'in': 0.11973680612014662, 'to': 0.11603402741270599, 'for': 0.07714789713097062, 'and': 0.06946396848994019, 'with': 0.060658363724453455, 'on': 0.047862408375154715, 'from': 0.04110232559766807, 'by': 0.036546241757073966}, {'the': 0.161571823160705, 'of': 0.09066395789307255, 'and': 0.08811651892316719, 'to': 0.04899478563575888, 'a': 0.04339234346550187, 'in': 0.02742755197900953, 'be': 0.01966761960337111, 'his': 0.018152941337592668, 'or': 0.01745461527325544}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.11247420036571133, 'of': 0.10267916888919643, 'and': 0.0886698286441107, 'a': 0.0439476059908481, 'to': 0.04298244170221396, 'as': 0.024362452833380524, 'that': 0.02431733941845967, 'is': 0.024207003919553362, 'with': 0.023286864635985182}, {'the': 0.35198039021812033, 'no': 0.1935516776437625, 'of': 0.09524272603965919, 'much': 0.08566569267116772, 'The': 0.04638117000731129, 'a': 0.03994095492520637, 'and': 0.036944112684163935, 'any': 0.036869685178948064, 'his': 0.035363671962249155}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'was': 0.28192866067256606, 'be': 0.2528149908984455, 'been': 0.15001151363296933, 'is': 0.07593076308702573, 'were': 0.06048476669097218, 'being': 0.03398117643035956, 'are': 0.03154696600871897, 'he': 0.028800230364347763, 'had': 0.02327971909486206}, {'and': 0.11376440796393443, 'in': 0.09528709199453526, 'of': 0.06440363972178567, 'to': 0.06291439874986343, 'that': 0.05141040037892309, 'as': 0.04691268335480306, 'for': 0.042037066614905125, 'make': 0.04199117116350049, 'on': 0.03963671924889394}, {'be': 0.2831976595079437, 'and': 0.14383760794019126, 'as': 0.1348947077366924, 'was': 0.08506702758481106, 'he': 0.0734334481114609, 'is': 0.065514393132141, 'been': 0.042247660290494864, 'it': 0.03476905343200276, 'have': 0.03168782109053726}, {'day': 0.26037642962522745, 'side': 0.06736483407494866, 'part': 0.045784548844032685, 'State': 0.03579564505368824, 'Monday': 0.028725096533951937, 'city': 0.02695418566426822, 'line': 0.02392207277199681, 'middle': 0.02372745792249177, 'quarter': 0.023679222060864147}, {'the': 0.32667299960269996, 'of': 0.16443101384298425, 'personal': 0.11005620823271524, 'real': 0.06389665959410024, 'said': 0.05944642692416019, 'described': 0.04436838063199605, 'and': 0.04303748039538481, 'their': 0.03036974372382212, 'taxable': 0.02818066472597726}, {'<s>': 0.1203445658529654, '?': 0.03946946886219293, 'it.': 0.02124169612625271, 'of': 0.01676157880728762, 'to': 0.014493630809589686, '.': 0.01328868614102524, 'and': 0.011926075894738397, 'them.': 0.011029780305678772, '-': 0.008722782332222645}, {'of': 0.35951438219719667, 'in': 0.17039104798136348, 'to': 0.10925172789990605, 'for': 0.07304046064797853, 'on': 0.06773604748798595, 'and': 0.05289388037642997, 'from': 0.0425591141605346, 'that': 0.03868472578997121, 'by': 0.03552683215724432}, {'of': 0.15902950385693213, 'in': 0.14784903256668291, 'for': 0.1133874647558909, 'as': 0.1003590210374792, 'and': 0.08245503583802087, 'to': 0.07597198465272663, 'with': 0.06245611195871136, 'that': 0.04686249819803753, 'is': 0.041812150598083735}, {'of': 0.3176806160339369, 'in': 0.1650449686829477, 'to': 0.10022058525850017, 'that': 0.07473249113628762, 'by': 0.06399341016129202, 'for': 0.06007506026157298, 'and': 0.05835431653036312, 'with': 0.04837639329242829, 'In': 0.03664330364355931}, {'in': 0.2529561777697468, 'of': 0.15751350965613847, 'to': 0.15163288980314646, 'In': 0.058326393625205857, 'and': 0.05795446720849303, 'on': 0.05310428416754618, 'with': 0.044279323682535135, 'that': 0.04220525235361993, 'for': 0.03501205854095526}, {'and': 0.07494362431800615, 'to': 0.06038427223276145, 'the': 0.036448082450899394, 'of': 0.03356120232024438, 'that': 0.023895178569884868, 'or': 0.019426348139372412, 're-': 0.019024944017057333, '<s>': 0.017835881158798896, 'would': 0.015263004257487146}, {'the': 0.4383243365716815, 'an': 0.203721732254733, 'of': 0.08051314639361588, 'a': 0.05844750714534867, 'The': 0.049289567933052024, 'by': 0.03037506796686595, 'and': 0.02976093345798382, 'tho': 0.022044818785001405, 'An': 0.018842144991655867}, {'that': 0.2680224453726307, 'and': 0.1678870042779202, 'which': 0.08232405934824313, 'but': 0.05932810446413807, 'as': 0.05155544540902398, 'when': 0.03440942805889733, 'if': 0.031912695391665184, 'where': 0.025123635004732404, 'what': 0.024758468715606552}, {'his': 0.2524149620363098, 'their': 0.18008938874789046, 'the': 0.17477592701162276, 'her': 0.08949604411915388, 'my': 0.08404157992409514, 'your': 0.04589338881557025, 'own': 0.03651120736364202, 'our': 0.03308339999055122, 'of': 0.02773497385197067}, {'and': 0.09504054213826908, 'the': 0.09184190179822124, 'of': 0.07874062873604452, 'to': 0.0730379047943686, 'be': 0.046275655438922654, 'was': 0.039170212665574265, 'is': 0.03484841316788502, 'in': 0.026732541738951777, 'for': 0.02146370450462648}, {'as': 0.4607286633940919, 'so': 0.19829156040739712, 'and': 0.07858136343235696, 'be': 0.04460350940266831, 'was': 0.04241264053223473, 'it': 0.038410750915835214, 'is': 0.03509396819689216, 'It': 0.01729329712309934, 'As': 0.014846166261591241}, {'made': 0.0800203916014895, 'and': 0.07442083884230165, 'secured': 0.054687729203163185, 'that': 0.04247045325463327, 'or': 0.02732501713492284, 'ed': 0.02521389203294682, 'accompanied': 0.022249537068454315, 'executed': 0.02112742364281281, 'owned': 0.019446072989705278}, {'the': 0.5738016185024302, 'a': 0.17438444440384682, 'is': 0.05420136200695587, 'of': 0.05105747611863119, 'and': 0.039439035339528215, 'The': 0.028929568662012375, 'tho': 0.02537533237322221, 'an': 0.018618593920678148, 'are': 0.015050142175815366}, {'of': 0.37981013028976923, 'in': 0.21602307821055794, 'to': 0.08781987609717033, 'by': 0.0570104726679655, 'and': 0.041618712547666345, 'In': 0.04012448541918451, 'that': 0.03506372098984259, 'for': 0.03448916008054114, 'from': 0.03444825047270211}, {'able': 0.08172421830287248, 'order': 0.07300865989722588, 'as': 0.07300605912135572, 'and': 0.0544225125905009, 'have': 0.054148786650347114, 'is': 0.05280109281398763, 'had': 0.05244295224822964, 'enough': 0.045957627793431585, 'not': 0.04191679240896827}, {'the': 0.07853683615259145, 'of': 0.0756178710687192, 'and': 0.07358083419636358, 'be': 0.07077104144328393, 'to': 0.05773020870440279, 'was': 0.05477034924053261, 'is': 0.03974607354588707, 'or': 0.028619784876402696, 'are': 0.02829496068502736}, {'of': 0.2785225880405675, 'in': 0.15467908297004868, 'and': 0.0846807236348456, 'to': 0.08206790954514209, 'with': 0.06640157482187065, 'for': 0.0614254827780926, 'by': 0.043711686748207815, 'all': 0.043470888275559734, 'from': 0.03969257951618359}, {'the': 0.4868665162847806, 'a': 0.3319446473385997, 'The': 0.07908337995425077, 'tho': 0.02307254468489298, 'and': 0.014077842652589045, 'A': 0.012578786799888289, 'of': 0.010350274136619058, 'tbe': 0.007816479227203474, 'this': 0.006738849518801009}, {'of': 0.27295232325815333, 'the': 0.07787736996605281, 'all': 0.07472244050809869, 'for': 0.06376071576558366, 'in': 0.05772368599164797, 'and': 0.0520967498162706, 'their': 0.03253713134319709, 'her': 0.026851587056877808, 'his': 0.02622162238782335}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'thereof,': 0.016858018127103518, 'mortgage,': 0.014956729000982074, 'dollars': 0.014755568345336837, ';': 0.012577849747234124, 'years,': 0.012518798576822933, 'due': 0.012079780643611768, 'hundred': 0.010907006451007738, 'of': 0.010773517809015965, 'States,': 0.01069385828114036}, {'day': 0.07544812568203262, 'city': 0.041088266939967824, 'side': 0.03338401578205604, 'State': 0.03156201689953621, 'part': 0.024708381185377756, 'line': 0.024076240990631565, 'City': 0.02177083826382396, 'name': 0.01853626308789577, 'place': 0.01788563637299307}, {'he': 0.1950317295564808, 'and': 0.12714620906214674, 'I': 0.11119648804316269, 'they': 0.10162552342413686, 'who': 0.056748959993530676, 'He': 0.04674466036374471, 'she': 0.04089061260499121, 'it': 0.04017000622173254, 'we': 0.03057648586187105}, {'the': 0.14127260653911067, 'and': 0.08258292792033299, 'of': 0.07465218453536096, 'that': 0.057181480247016435, 'in': 0.03233950725457273, 'The': 0.021884906655732273, 'which': 0.020891314972838214, 'a': 0.018978691603322634, 'Mr.': 0.018687171934215718}, {'and': 0.10522769663930502, 'to': 0.0747772290173007, 'in': 0.04665641432725934, 'the': 0.04581577837247559, 'of': 0.04127771954984455, 'that': 0.028355870020112275, 'not': 0.028091027662379777, 'for': 0.02663223706529452, 'I': 0.02274513490199038}, {'the': 0.44779327629342686, 'a': 0.10964613729336131, 'of': 0.0740772165354863, 'and': 0.05423994988793027, 'in': 0.039372618029584416, 'tho': 0.02498914400761875, 'an': 0.02464923545276869, 'The': 0.01994742025847102, 'or': 0.019355112498768565}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'a': 0.21751092624372168, 'the': 0.15621947660875896, 'to': 0.1342081130141448, 'of': 0.11899526198682642, 'for': 0.06995402681129913, 'and': 0.04834661487156856, 'in': 0.043753206050360975, 'at': 0.03352545533970718, 'be': 0.03261522824308049}, {'of': 0.24547212683328196, 'to': 0.10699920781104132, 'in': 0.10230447128874283, 'for': 0.08913992566656698, 'and': 0.08435482057726579, 'on': 0.05305689626642694, 'from': 0.052304372025282514, 'by': 0.04662079028701902, 'with': 0.0463210885761203}, {'to': 0.3208652543975397, 'and': 0.12411895019228435, 'the': 0.10234230729459329, 'not': 0.07700689283256773, 'will': 0.07048935664372694, 'of': 0.058861536171318306, 'for': 0.054517776277692116, 'or': 0.040320882131321914, 'would': 0.034752745948990575}, {'number': 0.09622146240337219, 'deed': 0.057987241437887416, 'city': 0.05491805731172916, 'State': 0.04787131155466833, 'sum': 0.04673566816246579, 'county': 0.04591084355098565, 'County': 0.0410670894623545, 'line': 0.03755101085733948, 'state': 0.03728968148604657}, {'and': 0.24162532991188765, 'that': 0.1390786514211605, 'as': 0.10741426106968564, 'but': 0.04553068662408295, 'even': 0.0409022801525171, 'And': 0.02889603767122722, 'or': 0.02587557926296219, 'But': 0.02438876436489651, 'see': 0.023922128748807232}, {'of': 0.3978196647852919, 'in': 0.13270265471029769, 'to': 0.10607292024778178, 'and': 0.05415690974232555, 'on': 0.04946285087538806, 'with': 0.044457018748242, 'that': 0.03942331217404589, 'by': 0.038309091408445094, 'for': 0.036870107381157875}, {'and': 0.05049270609400036, 'covered': 0.04517537158604233, 'filled': 0.038667402650483275, 'together': 0.030659217980718908, 'charged': 0.023814339760940825, 'it': 0.0213243214089443, 'up': 0.019650106793190212, 'him': 0.018225104095288727, 'them': 0.016067503551254556}, {'is': 0.19320569870285317, 'He': 0.15880796406987208, 'he': 0.1119977278518592, 'the': 0.06792656824992208, 'be': 0.06774530419562919, 'and': 0.05773041152518506, 'of': 0.05770916863749582, 'was': 0.055818143735360606, 'Is': 0.03350149015261199}, {'and': 0.4439862995287318, 'will': 0.0594551906031652, 'shall': 0.03466692600364146, 'would': 0.029945056210450818, 'And': 0.023988741579999192, 'that': 0.020209954059376863, 'was': 0.02016063950199027, 'I': 0.01899829564294712, 'but': 0.018392893056811355}, {'the': 0.25871022453723785, 'and': 0.12407334461994365, 'of': 0.09690509115042076, 'to': 0.04352504297059412, 'a': 0.0394194435806847, 'at': 0.03627178361226379, 'by': 0.02876706854717317, 'on': 0.027621139856820538, 'or': 0.026434044137330012}, {'a': 0.19464717069021437, 'he': 0.15917176396769625, 'the': 0.11184285685946985, 'and': 0.09527935711189509, 'He': 0.06600229572734918, 'I': 0.059872439210208926, 'who': 0.05130817481768779, 'so': 0.04635371194172574, 'be': 0.0421149883634232}, {'make': 0.16628162876758476, 'give': 0.11805932025837304, 'and': 0.09454742829097473, 'of': 0.062023526820233134, 'as': 0.05703303622875929, 'that': 0.04833693507443098, 'in': 0.04356115237991279, 'to': 0.04252894707134755, 'for': 0.04227811090610966}, {'and': 0.16297532502457945, 'that': 0.15489729568782584, 'but': 0.07126288542095728, 'as': 0.04676103665165186, 'if': 0.04055623576180489, 'which': 0.035745250434784624, 'when': 0.03098312854742877, 'what': 0.027549037660244028, 'But': 0.02167095801610447}, {'of': 0.242941807866314, 'the': 0.12478862876724992, 'young': 0.05793084997063295, 'hundred': 0.038339791905728136, 'and': 0.03623649573374618, 'white': 0.031302748987731485, 'two': 0.028571130966985173, 'business': 0.021245344128595772, 'thousand': 0.018960886910707044}, {'of': 0.3419529440340794, 'the': 0.10792179927402266, 'in': 0.10543426397159998, 'to': 0.10470632540131936, 'and': 0.05778664399312983, 'at': 0.05443801131336844, 'for': 0.0424439500658733, 'from': 0.024648750346908666, 'In': 0.021877374062096947}, {'of': 0.27728703436717, 'and': 0.15973577471286388, 'by': 0.14548100135028458, 'in': 0.08514713905013632, 'to': 0.07289800161364564, 'for': 0.0708013238200398, 'with': 0.035442302860015956, 'In': 0.03233150005009326, 'or': 0.020049998325967804}, {'as': 0.09070957522893763, 'and': 0.06578736628276387, 'according': 0.05921724650771688, 'up': 0.05444342983204154, 'them': 0.04455320285377602, 'regard': 0.04000436122627331, 'come': 0.038627387824939484, 'back': 0.03569076101086091, 'return': 0.033008621318438236}, {'the': 0.21969044067981686, 'of': 0.0909653161279629, 'and': 0.08151269185713686, 'a': 0.06371605506271819, 'to': 0.02910714713258527, 'or': 0.01947587477381169, 'an': 0.019353872613941083, 'The': 0.017431732976523905, 'at': 0.015914796185443853}, {'the': 0.27782872845305767, 'an': 0.21706590445739052, 'to': 0.10851845500425752, 'of': 0.06671754284132761, 'and': 0.04976085390726035, 'a': 0.03482220078630814, 'is': 0.03298688578717184, 'in': 0.030241514139612527, 'not': 0.028744523735155163}, {'and': 0.09980381729133284, 'recorded': 0.060553962980272415, 'that': 0.033230789247615376, 'was': 0.025872158628131987, 'made': 0.020366679776297306, 'up': 0.01735803350848403, 'men': 0.016503395815125124, 'feet': 0.01520928666051607, 'held': 0.014665209991389276}, {'to': 0.4440679818972334, 'and': 0.16458102313443623, 'of': 0.06467910820085301, 'in': 0.05697314768561449, 'will': 0.05469295357861458, 'the': 0.0499158376499718, 'not': 0.03371346903780612, 'or': 0.030817797976711858, 'would': 0.030700398453929023}, {'the': 0.5573652929682079, 'of': 0.13793921442867574, 'in': 0.049673871713597176, 'The': 0.033731231249559776, 'at': 0.026659292707243203, 'a': 0.021851955513187152, 'and': 0.020667841151845532, 'by': 0.017966620500715937, 'tho': 0.017843778061462333}, {'they': 0.21016322649631866, 'who': 0.1438919986842404, 'we': 0.09171477081400536, 'which': 0.08387540603487267, 'and': 0.05246054931061229, 'that': 0.04720358423064409, 'They': 0.043246795705055005, 'you': 0.04124868136224447, 'We': 0.03491653075856188}, {'with': 0.2594785864408915, 'to': 0.23749588465787622, 'upon': 0.08469154735303848, 'of': 0.08253849369101769, 'for': 0.06876702543127242, 'on': 0.047898224832113756, 'against': 0.04737940391303682, 'by': 0.04119065407111921, 'from': 0.02822331693195162}, {'to': 0.4386562987420604, 'a': 0.15276775882078056, 'the': 0.054000790535398024, 're-': 0.04946190307839009, 'not': 0.04552479689150613, 'and': 0.044832689401857084, 'will': 0.035861795891186043, 'they': 0.02405586436164023, 'would': 0.023597711319919164}, {'that': 0.3670068151325419, 'which': 0.10774572590954137, 'if': 0.09266655174357903, 'as': 0.07009329607632919, 'when': 0.057352312768798284, 'and': 0.05456727214383992, 'where': 0.04712221200636754, 'what': 0.03609598234113222, 'whom': 0.034116320657092615}, {'of': 0.31788377039428684, 'in': 0.11351141772839188, 'that': 0.08737442997479536, 'for': 0.08460816007646055, 'any': 0.0823586702892369, 'to': 0.08174351988722486, 'with': 0.0810624824320827, 'by': 0.055470103996225484, 'upon': 0.037822456273797454}, {'last': 0.27108241370929964, 'a': 0.2263308659681199, 'this': 0.13804527389717702, 'the': 0.10933259079103937, 'past': 0.06763742427201903, 'next': 0.05545588632289274, 'per': 0.03585054459914128, 'one': 0.027143671419500318, 'every': 0.02094289433396202}, {'and': 0.22574035626170466, 'that': 0.1066290679911649, 'but': 0.09680104412864907, 'time': 0.04470311052563521, 'But': 0.03522573020026757, 'or': 0.018764700259601027, 'And': 0.01876340842814157, 'day': 0.015372478281117945, 'ago,': 0.012298130548341939}, {'a': 0.23806541719279858, 'the': 0.1387579191584616, 'some': 0.13174820583141028, 'any': 0.12308246263285423, 'highest': 0.03315784213330419, 'in': 0.029851288907124945, 'one': 0.029451832409972484, 'each': 0.027582104945008016, 'no': 0.026885857515428564}, {'of': 0.17518818570832528, 'the': 0.1681639043823573, 'and': 0.0912600256134749, 'to': 0.04697762473559218, 'in': 0.04198122073443025, 'a': 0.03336089990928167, 'with': 0.028422213922480514, 'for': 0.02276230716908478, 'by': 0.021407898634963136}, {'cut': 0.1329713882514693, 'take': 0.07751061557478255, 'took': 0.07381630677267272, 'taken': 0.07137806787265082, 'cutting': 0.05500871262650058, 'set': 0.04894277615705115, 'get': 0.0448912771720505, 'put': 0.04159030193413841, 'them': 0.04048551874962824}, {'and': 0.17426898830195403, 'that': 0.12454469201722133, 'as': 0.1124910892321819, 'when': 0.10523324484774804, 'which': 0.09310299777920433, 'if': 0.04064370248960234, 'but': 0.037748496256675534, 'where': 0.026254074138533527, 'what': 0.018984912514064013}, {'property': 0.08543027059544532, 'and': 0.06777113794695416, 'land': 0.04123315192234676, 'premises': 0.029252211068756397, 'be': 0.02780175076278637, 'one': 0.026383453483754364, 'thereunto': 0.026311010979242166, 'as': 0.024217250567244938, 'lands': 0.020314239035134515}, {'his': 0.1939982964988985, 'in': 0.14363334331259137, 'my': 0.132135176619301, 'the': 0.12236424210142124, 'of': 0.09959708275400093, 'a': 0.07684148425255935, 'her': 0.06503953195590051, 'and': 0.044851010018213004, 'In': 0.03794777178317799}, {'they': 0.20113465732345615, 'we': 0.10920496123372837, 'there': 0.08448538517469885, 'They': 0.0636996860894469, 'who': 0.06346188074994838, 'There': 0.056404907472093146, 'you': 0.05039221300760578, 'and': 0.04945119676700576, 'We': 0.04278392682100388}, {'of': 0.2592945392198615, 'in': 0.14684394146350158, 'to': 0.1407533459054937, 'and': 0.06897606631378009, 'at': 0.0661848291036289, 'on': 0.06529546880996877, 'from': 0.05367287599841069, 'that': 0.04678044766240512, 'with': 0.04129124839072607}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.10646614573694557, 'was': 0.0530541640446016, 'is': 0.0489996879287171, 'be': 0.037955972921826585, 'made': 0.03703181593893994, 'that': 0.036773929300121716, 'are': 0.026388382260614754, 'it': 0.02595251816408949, 'or': 0.025892401786324678}, {'the': 0.20760895448144054, 'and': 0.0917984557183043, 'of': 0.08777617114092154, 'a': 0.05586105019373083, 'to': 0.04487474059056359, 'in': 0.025349425293361125, 'was': 0.0230554988203752, 'or': 0.019956229252330312, 'be': 0.0197025642610867}, {'the': 0.20626015718424293, 'of': 0.13670626198327865, 'a': 0.11906985161380533, 'and': 0.09642777178023781, 'to': 0.05876509658325067, 'his': 0.054736131409330466, 'in': 0.05393808623220229, 'our': 0.03920207277366298, 'for': 0.03896079073465045}, {'the': 0.16426992389034856, 'of': 0.09702422726033204, 'a': 0.05773100365794107, 'to': 0.0477127103678804, 'in': 0.043022325231464896, 'any': 0.04060122164564591, 'for': 0.03929311515808009, 'or': 0.037243611065177915, 'and': 0.0343918480098038}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'of': 0.1351170032868297, 'the': 0.10497920595291418, 'and': 0.09191270028622672, 'to': 0.06080686747414753, 'a': 0.027791435096345768, 'be': 0.027102439721083425, 'in': 0.02322009230231175, 'was': 0.020855709297505347, 'for': 0.01868445350655646}, {'foreclosed': 0.09634386882946343, 'accompanied': 0.06914744523154118, 'made': 0.062220870833543704, 'and': 0.059623448501614024, 'followed': 0.05567422914917625, 'surrounded': 0.03148136347170944, 'up': 0.026111816226809845, 'caused': 0.02316153437489157, 'secured': 0.022889564253045367}, {'or': 0.19351365840217732, 'of': 0.16695153595986395, 'for': 0.10620009760913753, 'and': 0.08040489978610242, 'in': 0.07012022705276781, 'the': 0.05741820052634139, 'by': 0.05173793429950243, 'about': 0.03861552733236145, 'to': 0.03851510258816223}, {'the': 0.47412267883114806, 'their': 0.09949129048378674, 'our': 0.05541037634639827, 'of': 0.05096692298148485, 'and': 0.03987348541300039, 'his': 0.03880557041696464, 'its': 0.029853447317509045, 'equal': 0.029468950549823094, 'other': 0.02884637682937458}, {'the': 0.17540611988558558, 'and': 0.10806804360320806, 'of': 0.07724400417563035, 'a': 0.054069698688220466, 'was': 0.04292822691077923, 'be': 0.03967417703700493, 'Mr.': 0.03841426564029629, 'is': 0.02972713223876254, 'The': 0.026589723374908652}, {'number': 0.056284977195102205, 'board': 0.05596490457099201, 'amount': 0.054612852774078104, 'matter': 0.054054505428135516, 'kind': 0.0463860708064148, 'out': 0.04259520525695793, 'Board': 0.03584901119753159, 'sort': 0.030283820128642353, 'line': 0.029379242214832537}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'On': 0.17669100246253597, 'a': 0.13713028119881007, 'on': 0.09429370266997374, 'the': 0.0934004548094124, 'of': 0.08848107864989006, 'by': 0.051233561910768326, 'in': 0.039058034906960935, 'and': 0.025170512823862446, 'A': 0.02183710812473567}, {'he': 0.14025828586377567, 'it': 0.10579157471450422, 'It': 0.08694601498847832, 'and': 0.0798476543171434, 'I': 0.07191990143885559, 'which': 0.06211748507171456, 'He': 0.05032198999575706, 'she': 0.034089172568256415, 'who': 0.031721564822776833}, {'and': 0.0804041195404379, 'provided': 0.042479121897262544, 'reason': 0.03002421102803738, 'voted': 0.025620564268384216, 'demand': 0.025483596725487286, 'time': 0.021029341355918888, 'necessary': 0.018803413669101755, 'used': 0.018629149002689773, 'vote': 0.018554123042836053}, {'and': 0.09611377979382967, 'together': 0.06030448595031675, 'covered': 0.03676937166272939, 'him': 0.032438653052046594, 'up': 0.030460413497620714, 'it': 0.02269175320641507, 'met': 0.021809108688738414, 'them': 0.02113687577611875, 'but': 0.01784208772281916}, {'well': 0.22955483082006994, 'and': 0.07030292275548436, 'far': 0.04975031642697469, 'much': 0.03738163035519425, 'such': 0.03399838871504715, 'known': 0.032616304116785476, 'so': 0.028491834459915523, 'long': 0.027116135403078626, 'is': 0.025448800966968086}, {'the': 0.2777702952974064, 'and': 0.1541915432666776, 'in': 0.0354058468132167, 'that': 0.034287243997176815, 'this': 0.0277577805460817, 'of': 0.027380302698372615, 'his': 0.025137242628663837, 'to': 0.024558734592568496, 'a': 0.02450730921243533}, {'to': 0.31013371863634287, 'an': 0.2049319120340205, 'the': 0.15817087482540426, 'this': 0.0787442880917416, 'will': 0.04918779029219955, 'and': 0.03265485506029045, '"An': 0.0277510751205096, 'a': 0.020344176293379476, 'An': 0.01800042450741649}, {'the': 0.40098804769978835, 'a': 0.13504360072590102, 'and': 0.08197115399884043, 'to': 0.06409257852937054, 'of': 0.05729291569172184, 'The': 0.05229007517013297, 'as': 0.030750492602812023, 'be': 0.023766616835064723, 'or': 0.021201602933422194}, {'of': 0.3679390324975652, 'and': 0.09478212038998281, 'to': 0.07583642980670191, 'that': 0.07487436832694751, 'with': 0.07102346095212235, 'in': 0.048713791989631716, 'is': 0.046577457068526035, 'by': 0.0455890197789376, 'all': 0.040752230894880385}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'is': 0.257421199683017, 'was': 0.13479656726005368, 'had': 0.09356182256827988, 'have': 0.08339817534648156, 'and': 0.07635786164592961, 'be': 0.07024406553631986, 'has': 0.05850674672626193, 'that': 0.05257336816999259, 'are': 0.043467286238822185}, {'of': 0.22064649570015904, 'to': 0.16825010941099183, 'in': 0.11121860654695803, 'and': 0.09759278538507572, 'with': 0.0642108543895027, 'on': 0.06175192017837923, 'is': 0.055991150355654155, 'was': 0.053825601508324425, 'by': 0.04915848884871857}, {'the': 0.14058256761085508, 'said': 0.08333454883230208, 'Supreme': 0.06074941404046225, 'of': 0.04850009038650471, 'Sixth': 0.04326802533711394, 'Fourth': 0.031887080388268214, 'Seventeenth': 0.030571453690516896, 'First': 0.030297369178869247, 'Tenth': 0.025860836338255085}, {'a': 0.4415896894047473, 'the': 0.2709801597288861, 'to': 0.10756511588282422, 'and': 0.04649286092215426, 'in': 0.022094586552702123, 'or': 0.021270713975228242, 'The': 0.019866586187904142, 'of': 0.019385017925111814, 'on': 0.01585319536807728}, {'of': 0.3922839665718317, 'in': 0.11701056512187578, 'at': 0.06710260310859759, 'with': 0.06380520993442555, 'for': 0.05942763158597338, 'the': 0.03752280621064506, 'to': 0.03605263036110476, 'In': 0.0326165043042024, 'on': 0.03179274806952742}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'per': 0.8431997094813221, 'the': 0.04494076570757735, 'and': 0.02693038401701598, 'to': 0.013815113317937455, 'of': 0.013252375040291014, 'as': 0.00957370313319041, 'by': 0.008513709263333342, 'an': 0.007903599067076382, 'such': 0.006250347007409856}, {'the': 0.19765944413001754, '1st': 0.11059503755556872, 'first': 0.09159328042083008, 'a': 0.07596581773098715, '25th': 0.058877517517977276, '7th': 0.050144164699482324, '10th': 0.04774505795975605, '12th': 0.047349873882118795, '21st': 0.04468978504119164}, {'the': 0.1431465730027887, 'called': 0.1328376788447626, 'their': 0.10142592451206052, 'his': 0.0841358646951893, 'call': 0.07631638977691135, 'much': 0.06273638397269476, 'more': 0.062427777204663186, 'no': 0.05752298330960496, 'and': 0.05217407551773047}, {'the': 0.4331560077525255, 'The': 0.13864467472556977, 'that': 0.09429622923135626, 'and': 0.08754660800978872, 'of': 0.04487920709017881, 'tho': 0.037802614535549985, 'this': 0.030949322841574138, 'if': 0.018614006999396082, 'these': 0.016825389106723546}, {'the': 0.2199171334167623, 'of': 0.10746356613600948, 'and': 0.10056466901043609, 'a': 0.08104355992484745, 'to': 0.06066704729553582, 'in': 0.0316870811139215, 'their': 0.020336008264581124, 'his': 0.017965923044765714, 'for': 0.017011857131712948}, {'the': 0.12685794117324078, 'of': 0.09108513563501143, 'and': 0.09048569604519849, 'a': 0.06230780833054301, 'to': 0.04567774834142426, 'be': 0.03454865011331624, 'was': 0.030584531086784113, 'is': 0.022459590897761783, 'in': 0.02142494486271543}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'of': 0.1591020544317612, 'as': 0.13064795397782575, 'is': 0.09425961620206508, 'and': 0.07786684201404148, 'that': 0.07593864953044967, 'was': 0.06725148861719213, 'by': 0.06462248612924955, 'for': 0.06345903238040874, 'to': 0.06344972053218662}, {'the': 0.1598103787432024, 'and': 0.11871077708743676, 'of': 0.08602739559787087, 'The': 0.038652020581649196, 'that': 0.03276018157209551, 'these': 0.028621773236943676, 'These': 0.026996636124345257, 'in': 0.025979445439423335, 'such': 0.02151839153799508}, {'of': 0.25568768391916824, 'to': 0.17553353964655102, 'in': 0.1549257941501147, 'with': 0.06176954126692967, 'and': 0.057661727712512115, 'from': 0.05613706457354096, 'by': 0.05506494634445816, 'on': 0.04931934700700803, 'In': 0.04244239558239503}, {'to': 0.235503461012947, 'in': 0.17240658758872135, 'of': 0.1633284610651437, 'at': 0.06339669643219736, 'from': 0.058366595475828884, 'and': 0.055862631280267604, 'for': 0.048763280410051436, 'by': 0.047063792165992255, 'with': 0.039769001863093414}, {'the': 0.35359912106872987, 'of': 0.11410500470553989, 'a': 0.05975696555644134, 'in': 0.058252702940681744, 'that': 0.03782233538422275, 'to': 0.02942545339438397, 'tho': 0.028738537049552305, 'The': 0.02615233454599805, 'and': 0.02587069043543446}, {'beginning,': 0.25061400268587547, 'and': 0.10437151285878507, 'beginning;': 0.03390154275415991, 'as': 0.023924590676095828, 'that': 0.0235124472414241, 'ginning,': 0.022319670183616552, 'lot': 0.022087269603916423, 'one': 0.02165537351189351, 'ning,': 0.01650467766715311}, {'he': 0.3293776705982246, 'I': 0.20375960188104586, 'they': 0.07243619306956112, 'she': 0.07243232959987903, 'we': 0.050462420887745274, 'that': 0.046327912993893786, 'one': 0.04629500838693843, 'who': 0.04446771435592561, 'and': 0.03301743515342103}, {'of': 0.17044807217884198, 'to': 0.15993349106474145, 'in': 0.109146555814115, 'know': 0.07740841083242944, 'for': 0.0648727168130761, 'and': 0.06194973138124446, 'from': 0.049671796343494015, 'with': 0.047541337902754555, 'is': 0.04600017321492792}, {'of': 0.39600439509837665, 'that': 0.10396027047384805, 'to': 0.09282660964305789, 'and': 0.07597419915525952, 'by': 0.06720317252900065, 'in': 0.056231797116661784, 'as': 0.03698337990502531, 'with': 0.03614129593978863, 'for': 0.03127788727417069}, {'the': 0.5454151286412131, 'an': 0.17469885330634055, 'The': 0.09700048479248694, 'tho': 0.03414340503740288, 'An': 0.032708596263834606, 'of': 0.027444097656628336, 'a': 0.015998347553450528, 'and': 0.015183590464378106, 'that': 0.014906305604133228}, {'that': 0.25554170593150344, 'as': 0.12138667310685242, 'and': 0.08846983918401868, 'when': 0.08568801096990167, 'which': 0.08183477814570539, 'but': 0.042884677477515384, 'if': 0.04029149775827865, 'where': 0.026659638752987408, 'said': 0.022740368749785644}, {'it': 0.29174738564167274, 'It': 0.22943181300433332, 'he': 0.0636878365615065, 'that': 0.06322700204383461, 'which': 0.054084084822959774, 'This': 0.03678569804105806, 'there': 0.031166683570164017, 'this': 0.02871254032768874, 'what': 0.027115141154148006}, {'he': 0.18910645313329486, 'He': 0.08908167245520528, 'who': 0.07977445605079274, 'and': 0.05200924064814808, 'I': 0.03840511811137115, 'she': 0.03482481559729456, 'be': 0.02859924147748159, 'it': 0.02733983119210244, 'was': 0.018779425622629003}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'belonging': 0.03484382688460464, 'person': 0.023850461059346118, 'one': 0.023824045764355987, 'and': 0.01630934332484737, 'more': 0.016242033973912023, 'on': 0.014361839752548329, 'two': 0.013458442124516426, 'States,': 0.011605334653463032, 'man': 0.011591983411607326}, {'<s>': 0.06819671052107092, 'and': 0.0652996884818005, 'that': 0.026786243887546933, 'but': 0.016990596690845718, 'a': 0.016343603099283656, 'or': 0.014977627157146635, 'made': 0.012543965589967428, 'was': 0.012060216401847212, 'not': 0.01161172573899474}, {'to': 0.26333112858044094, 'the': 0.2109926844359238, 'of': 0.13454963736447664, 'in': 0.07933611471390527, 'a': 0.06782512641296674, 'and': 0.042464399526148805, 'from': 0.02853599572010269, 'his': 0.028012302564486856, 'at': 0.017553208018408303}, {'the': 0.5088423079334704, 'this': 0.1460820570141684, 'a': 0.06582327766383107, 'our': 0.0485566627615944, 'tho': 0.03563855809391173, 'of': 0.03196293096906712, 'his': 0.030813960151421974, 'The': 0.02812576712827856, 'whole': 0.017425140390951305}, {'the': 0.1541281261741526, 'to': 0.08949812285728066, 'and': 0.08174823474122353, 'of': 0.06477928962051079, 'a': 0.060448698373661236, 'in': 0.05499913905980284, 'that': 0.03256323243451221, 'for': 0.029535957216371422, 'at': 0.018969429340014107}, {'number': 0.09428463569569498, 'line': 0.0523003119556203, 'State': 0.049756641673356715, 'state': 0.047478917911079756, 'place': 0.03335755108672997, 'board': 0.0330945460484535, 'City': 0.0292850618537294, 'matter': 0.028332481177087226, 'people': 0.026811987132509443}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'nothing': 0.08592226853146172, 'able': 0.07462419249589222, 'and': 0.06856629642404813, 'right': 0.052340331250582774, 'order': 0.051358314858122714, 'enough': 0.04801860288680681, 'time': 0.04791677255070867, 'want': 0.04767855309466422, 'going': 0.04594468308667294}, {'the': 0.15378903668702737, 'of': 0.09249548824970906, 'and': 0.07595235865820654, 'to': 0.07006226204227813, 'for': 0.02569471643071183, 'in': 0.025365441158559817, 'be': 0.023483724513089645, 'is': 0.020659405704139575, 'was': 0.018878285055910545}, {'of': 0.3156844094100481, 'on': 0.12160230211037366, 'in': 0.11829832617706007, 'to': 0.09861588907985949, 'and': 0.06461247402981438, 'for': 0.05100774560168231, 'with': 0.0506014703424666, 'by': 0.048182216253234315, 'from': 0.04583740097462309}, {'the': 0.22715028984581231, 'most': 0.18272202709740412, 'a': 0.1769761252269643, 'and': 0.0649204732723351, 'very': 0.06429837871009506, 'of': 0.06170233117357241, 'any': 0.032469142428676906, 'no': 0.03207809334907989, 'all': 0.028640526594159183}, {'the': 0.22204694100435773, 'of': 0.18674574108544967, 'and': 0.06108955529248698, 'are': 0.05378970370150293, 'in': 0.050428873418119725, 'no': 0.04534758051677668, 'was': 0.043094852879493974, 'is': 0.03873113766846751, 'be': 0.03850914873821355}, {'made': 0.08001288076537294, 'and': 0.05659105488909245, 'owned': 0.05632949762241111, 'accompanied': 0.05545552494166465, 'assisted': 0.039868449519353415, 'occupied': 0.037950499117026894, 'delivered': 0.03183076345793696, 'ed': 0.027225697643068997, 'followed': 0.026901915078884658}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'to': 0.1898975603355339, 'the': 0.10224221527984005, 'and': 0.09048471207473499, 'of': 0.08008172969303963, 'in': 0.07138003850267173, 'will': 0.06175829725285344, 'at': 0.05832111717117334, 'I': 0.052976935934981303, 'could': 0.0353879862706531}, {'the': 0.17882850953610277, 'of': 0.11419155242862422, 'a': 0.0759460697952452, 'and': 0.060980104742247514, 'Mr.': 0.04028510548289573, 'The': 0.03435925981590573, 'to': 0.02866913213276744, 'in': 0.024216906046073232, 'by': 0.01982659806502644}, {'of': 0.22618930910488078, 'to': 0.1926003045910092, 'in': 0.13355922550000146, 'and': 0.07160265354935783, 'with': 0.06015396089297813, 'for': 0.05422028386210254, 'at': 0.051699094842630425, 'reserves': 0.05074723877324761, 'have': 0.044430013726393096}, {'as': 0.0507943814142258, 'and': 0.0371980073274015, 'up': 0.030145086354560584, 'came': 0.026879876135532013, 'it': 0.022676279320948727, 'him': 0.0214663001415167, 'went': 0.021040472923197735, 'come': 0.020877646302559685, 'according': 0.020128720486944043}, {'in': 0.34702426602133957, 'of': 0.21587705987983977, 'to': 0.10666343578403686, 'on': 0.0946562478158736, 'In': 0.06417029379739295, 'with': 0.027504350042876116, 'from': 0.02695473741850052, 'and': 0.026249575886540494, 'at': 0.02201809335879923}, {'was': 0.19743871799943455, 'be': 0.15124531888463955, 'is': 0.14808534077567018, 'as': 0.13843495292168928, 'been': 0.0752253109948519, 'has': 0.06289448268861952, 'have': 0.05327026128785597, 'are': 0.045543609136523236, 'and': 0.0426181457956674}, {'and': 0.08918485739581386, 'is': 0.07443189766227122, 'able': 0.06596225822108522, 'order': 0.05780480244256924, 'was': 0.055769522850509685, 'not': 0.043942720498960884, 'him': 0.042672369586215016, 'have': 0.03924908587717577, 'time': 0.037950480387239076}, {'is': 0.17259142955892112, 'ought': 0.08272961521902446, 'are': 0.08056057458647582, 'seems': 0.07558392967483372, 'was': 0.06572888558670693, 'not': 0.06439114674223405, 'said': 0.05149586598076354, 'seemed': 0.04272828164381891, 'as': 0.041024869025136954}, {'and': 0.12508437125596103, 'of': 0.10523783726667699, 'to': 0.07160532879843585, 'the': 0.05634859222329235, 'as': 0.03582669856097929, 'that': 0.034076250861708894, 'or': 0.025940734786910318, 'a': 0.021729939292639118, 'not': 0.019721641357290227}, {'and': 0.07706493432190763, 'was': 0.026506472596679098, 'up': 0.024659872767653242, 'out': 0.02403329223551602, 'made': 0.02259076854249587, 'that': 0.020181686794497312, 'down': 0.019182522350275233, 'placed': 0.019159284044970467, 'work': 0.01790101104963227}, {'in': 0.14557440865169408, 'of': 0.11289327825509128, 'the': 0.08527392821259443, 'and': 0.06437529982342059, 'for': 0.05488254176673715, 'a': 0.03808718814306912, 'to': 0.03699595218284497, 'In': 0.034301016692017613, 'was': 0.019868772630116955}, {'of': 0.24384723579821743, 'in': 0.12312506561097275, 'with': 0.10680649970402971, 'is': 0.08694780694524153, 'to': 0.07787352722300522, 'and': 0.06995944922104544, 'for': 0.06682075941724755, 'was': 0.05187426229030688, 'by': 0.04242875069122941}, {'N.': 0.5080409722293087, '.': 0.09570135250528719, 'X.': 0.07495458780606847, 'S.': 0.030445533038965494, 'N': 0.019049801836136717, 'A.': 0.017113095484626455, 'C.': 0.016269192597637507, 'No.': 0.014366991309488103, 'W.': 0.014340696478070975}, {'the': 0.3339860763717706, 'a': 0.315413484160801, 'and': 0.03551818162000083, 'this': 0.026972414365368978, 'A': 0.024319807234970212, 'tho': 0.024111994209902326, 'The': 0.01731573266927478, 'in': 0.014466772447801065, 'every': 0.011322829038962534}, {'and': 0.17033291983295726, 'that': 0.16445990248570339, 'to': 0.11669244651052339, 'which': 0.0636390457989547, 'as': 0.05465116731037515, 'when': 0.02258538126762694, 'will': 0.020815628571238025, 'shall': 0.020717340572447143, 'not': 0.019341574536712577}, {'and': 0.047388501510670304, 'made': 0.04076601410468196, 'up': 0.038926838892920874, 'secured': 0.0286248136643823, 'out': 0.028535645291510207, 'taken': 0.026909186565186555, 'ed': 0.023627569224247785, 'him': 0.02061437213111254, 'done': 0.01914013493496672}, {'that': 0.17832126562519504, 'as': 0.09315119635285765, 'and': 0.092766286888937, 'have': 0.06833307031235623, 'make': 0.06005712000397892, 'had': 0.058105548773231035, 'of': 0.05110998608376358, 'if': 0.04698574824771297, 'but': 0.04644031694756085}, {'he': 0.15699317863314402, 'and': 0.12105926333493955, 'I': 0.12064616543358231, 'they': 0.061010216976954246, 'who': 0.05974437164285914, 'we': 0.041710708464230827, 'then': 0.036003732220926975, 'He': 0.03592037751355834, 'she': 0.03439852336180715}, {'one': 0.09073674624147396, 'all': 0.0816264535439159, 'copy': 0.05457587538897958, 'some': 0.03214173360477271, 'out': 0.029643398862501696, 'those': 0.02861206740862104, 'means': 0.027971208400712676, 'purpose': 0.026714065138106098, 'part': 0.0256874332386242}, {'and': 0.10247027652015542, 'him': 0.06073237612402084, 'was': 0.04123887990926764, 'man': 0.035423878825065744, 'it': 0.03409304083682875, 'up': 0.024105643627210266, 'that': 0.02394588451149575, 'found': 0.021001378013868546, 'made': 0.020634858937017025}, {'the': 0.5127625434060697, 'a': 0.10600257655870288, 'and': 0.07978869934246653, 'The': 0.07013408387850291, 'tho': 0.042775905665725665, 'or': 0.023195304004903255, 'tbe': 0.019598285082441682, 'of': 0.013823452809997626, 'great': 0.009846899144716221}, {'of': 0.30051418573586836, 'and': 0.12558046437472295, 'the': 0.10769295542737867, 'in': 0.07733226635354554, 'for': 0.0672883360312687, 'any': 0.05724334608879682, 'that': 0.04358869347379519, 'by': 0.042903095033749505, 'only': 0.042517921078359756}, {'the': 0.35198039021812033, 'no': 0.1935516776437625, 'of': 0.09524272603965919, 'much': 0.08566569267116772, 'The': 0.04638117000731129, 'a': 0.03994095492520637, 'and': 0.036944112684163935, 'any': 0.036869685178948064, 'his': 0.035363671962249155}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'city': 0.021692239970549983, 'hundred': 0.016062426827374764, 'feet': 0.01531390220213821, 'one': 0.014908044001510504, 'north': 0.0141329436369905, 'county': 0.014033114083167188, 'street': 0.012505593365599725, 'State': 0.012441582223040943, 'life': 0.012347492311447576}, {'I': 0.12836681798419974, 'he': 0.1237616980057352, 'and': 0.0884164081510866, 'be': 0.08646985310067537, 'they': 0.08431299732167535, 'was': 0.05489099737745967, 'we': 0.05065379777001874, 'are': 0.035799810148596255, 'been': 0.034689357380028464}, {'and': 0.1705717756229905, 'they': 0.09867683650312034, 'he': 0.07321993876358417, 'is': 0.06574545949206966, 'I': 0.06047140338306462, 'who': 0.0598490849364268, 'it': 0.05220211813153899, 'not': 0.04498390999064534, 'we': 0.044954091400448905}, {'and': 0.09898638449801779, '<s>': 0.020448689168903418, 'to': 0.014238724387310131, 'be': 0.014067020159140738, 'is': 0.012836592178669537, 'that': 0.012813936036015598, 'was': 0.011726822541715221, 'it': 0.010466885148839792, 'w': 0.008927160413235116}, {'two': 0.16590380467505372, 'many': 0.15720257590555142, 'few': 0.11507133190144075, 'ten': 0.1123688512270193, 'five': 0.08804668906994007, 'four': 0.07513407682558701, 'three': 0.07155553877127709, 'twenty': 0.06619441544639224, 'several': 0.061276602682979374}, {'the': 0.12737768198523067, 'and': 0.11623941983981008, 'to': 0.07751886882142621, 'of': 0.07438885308142561, 'a': 0.048652104707860126, 'in': 0.04436437906000239, 'in-': 0.037182878051865584, 'or': 0.0339848777433886, 'that': 0.03201550911546941}, {'of': 0.30907029079066295, 'and': 0.08743623209953033, 'to': 0.08571733574576289, 'for': 0.08478798887284708, 'that': 0.0687914114698731, 'in': 0.06281997630049276, 'with': 0.06051778018491187, 'by': 0.05500926289029806, 'is': 0.05284913056814523}, {'the': 0.29029291752996095, 'of': 0.2657920946732921, 'his': 0.05163956680968951, 'to': 0.05055019750801179, 'in': 0.0464250320710032, 'their': 0.04604139686994079, 'good': 0.0441809062152359, 'public': 0.03641956719289069, 'perfect': 0.0333854795224581}, {'.': 0.18216522155486806, 'A.': 0.06846849839169188, 'Mrs.': 0.047423439584222425, 'C.': 0.0380726429442231, 'Mr.': 0.029149076086298322, 'Dr.': 0.027836559665938298, 'D.': 0.023925234412120598, 'J.': 0.02045376838968693, '<s>': 0.018730360097858882}, {'to': 0.19628203507969103, 'with': 0.12259837140815547, 'for': 0.08653481481783439, 'by': 0.06717392448782838, 'of': 0.06343312850253281, 'put': 0.05710016630416446, 'upon': 0.05646583396755794, 'told': 0.041490188789166445, 'against': 0.03693624527013081}, {'the': 0.1571497091227898, 'of': 0.08653160223810216, 'to': 0.06219957947402387, 'and': 0.06030273536700725, 'a': 0.04314835209507344, 'in': 0.023110347421288677, 'by': 0.02014332534887582, 'at': 0.01910654324231767, '<s>': 0.01766036315805969}, {'and': 0.15843904083407515, 'of': 0.14086023867066383, 'to': 0.13052947250756608, 'in': 0.12027929871779751, 'with': 0.1023191552220055, 'that': 0.047650998979985676, 'for': 0.0392314611477979, 'at': 0.0333193928345524, 'was': 0.03296488470921986}, {'of': 0.2571308529831432, 'for': 0.11912175493843132, 'in': 0.11166571375882679, 'to': 0.11082159487604565, 'and': 0.07965419355114152, 'with': 0.05576792210963399, 'that': 0.05213811890158842, 'by': 0.04863050038362599, 'on': 0.047827083967488304}, {'Mrs.': 0.1106937291223712, 'Mr.': 0.06535677773057716, '.': 0.051590181547897164, 'of': 0.032454991079896134, 'and': 0.030263844275272504, 'Dr.': 0.026605175888910742, 'J.': 0.024842508191180574, 'W.': 0.022870401752010674, 'by': 0.022294362077038606}, {'is': 0.09481914078022632, 'not': 0.08177078409306512, 'him': 0.06878425628368458, 'and': 0.06620718509928208, 'have': 0.0626072827826172, 'was': 0.05897416468605338, 'able': 0.058713742904791436, 'had': 0.053555089810812924, 'want': 0.04810206834075811}, {'<s>': 0.082646890157387, 'sale.': 0.049287559775782586, '.': 0.019006418654633685, 'wit:': 0.017869981336174144, 'to-wit:': 0.015606218215234061, 'follows:': 0.01514108280965654, 'it.': 0.012544345564705402, 'them.': 0.010507635067221981, 'day.': 0.008224966085279081}, {'of': 0.2741665576262686, 'on': 0.2531334627036767, 'during': 0.06797861162094612, 'in': 0.0667164795119111, 'for': 0.05351284560277168, 'and': 0.050380131764472966, 'to': 0.04586867278043161, 'that': 0.041406519932724734, 'On': 0.03581939281939164}, {'of': 0.09924636802463128, 'the': 0.09190321226143573, 'and': 0.07873357061964639, 'to': 0.05403607539554666, 'be': 0.04740400120181518, 'in': 0.03165088556212201, 'or': 0.028533597054211397, 'for': 0.024261752734536787, 're-': 0.023287272260284375}, {'they': 0.12968027675087954, 'we': 0.11720866917569675, 'he': 0.11301217786034423, 'I': 0.10915623545986541, 'it': 0.0780942537105434, 'that': 0.049429927787649444, 'you': 0.04766443861629837, 'which': 0.046050265781175416, 'and': 0.04018505934212304}, {'and': 0.19200647304132665, 'so': 0.07309647964123696, 'fact': 0.06595366675684942, 'say': 0.04534596917139186, 'said': 0.0439662897764908, 'know': 0.04165079530822593, 'is': 0.03647351743266295, 'believe': 0.0347931771548132, 'but': 0.03263242061664941}, {'of': 0.2100951864034911, 'and': 0.10455230424046193, 'containing': 0.08962646684025923, 'the': 0.07861363890233512, 'about': 0.05040691462221181, 'to': 0.038639297048680674, 'or': 0.03552926518911922, 'for': 0.023035487234276564, 'in': 0.021430060539568047}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.0793828315152381, 'has': 0.07040588908277856, 'of': 0.05788893267915832, 'which': 0.057476149946757774, 'the': 0.05628532843982875, 'have': 0.052173058144137266, 'had': 0.04304510449343966, 'to': 0.04265668777708361, 'as': 0.03704059743310469}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'a': 0.11408479027358293, 'the': 0.10597926650000584, 'and': 0.09143172130800893, 'of': 0.06774932781261235, 'to': 0.055833272819022804, 'for': 0.04947555804473428, 'in': 0.031828941012215554, 'that': 0.025591579244719723, 'at': 0.02160004414705651}, {'the': 0.16516367354795966, 'of': 0.1131820237862813, 'and': 0.08798966191144475, 'to': 0.07534377191237161, 'a': 0.07062562816477508, 'in': 0.02675910300493542, 'at': 0.022834294748631044, 'for': 0.022697005188474114, 'was': 0.02177861871744479}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'able': 0.10348437750643039, 'began': 0.07863209314975751, 'unable': 0.06595636876377112, 'right': 0.06467986211410938, 'is': 0.05908933435940655, 'enough': 0.04942120235639749, 'ready': 0.04775526661184623, 'him': 0.04401605880448814, 'have': 0.04246052612261439}, {'of': 0.2502730882200814, 'in': 0.15839566670769684, 'to': 0.12572119227004375, 'and': 0.06616536201832923, 'that': 0.06584714853822514, 'on': 0.054305002876071956, 'by': 0.051644592755023463, 'from': 0.04683596441243141, 'with': 0.04123202019381129}, {'of': 0.20324953369504117, 'in': 0.1488976244179049, 'and': 0.08417714827974801, 'to': 0.07524062446127687, 'for': 0.05735751607558851, 'In': 0.03272914554581786, 'on': 0.03231043699852955, 'by': 0.03211793866797821, 'with': 0.03137197166681885}, {'the': 0.2958526112151075, 'of': 0.13045884374490122, 'and': 0.07629282685604527, 'a': 0.0626199406818544, 'in': 0.046030060662379406, 'to': 0.04027962154204169, 'The': 0.03169471109641874, 'on': 0.019731205167194153, 'at': 0.01816703587122156}, {'of': 0.1621298881762383, 'for': 0.15411052795567254, 'in': 0.13156286324985783, 'to': 0.11453098655902341, 'and': 0.1061896380426401, 'is': 0.06647921115223375, 'with': 0.06330775890917002, 'In': 0.041970704290519176, 'at': 0.03259101636068305}, {'to': 0.12982793871682088, 'and': 0.10303565378774841, 'the': 0.08482617760261979, 'at': 0.07582902688956011, 'of': 0.03887576581031641, 'in': 0.03793922959224364, 'from': 0.025750287629731392, 'for': 0.0248172045767588, 'his': 0.023036873275368724}, {'the': 0.24771564745874536, 'and': 0.14723613002662983, 'a': 0.08898071500079152, 'be': 0.07647794339776517, 'was': 0.060300864227858096, 'in': 0.052539053914929884, 'of': 0.04658664463742357, 'to': 0.03707284810837587, 'been': 0.031086911114328174}, {'the': 0.4337363066072973, 'The': 0.100567740345012, 'and': 0.0665960242926977, 'a': 0.04401836432055509, 'tho': 0.03114822925880089, '.': 0.016842684676142146, 'of': 0.015427789161209987, 'tbe': 0.012317562305597224, 'at': 0.011964415415917286}, {'and': 0.17727582421401902, 'it': 0.109128718148383, 'he': 0.042578626303763745, 'It': 0.04018213329137546, 'of': 0.03579064136008696, 'we': 0.021948152236195326, 'who': 0.020614454897399978, 'land': 0.02024964052339698, 'they': 0.01939056612781944}, {'No.': 0.09662818302832787, 'and': 0.05642499026979822, 'at': 0.03385538297509671, '.': 0.03261835291743341, 'to': 0.01993411810583368, 'that': 0.019830333164527324, '<s>': 0.018687705524376656, 'as': 0.017754262974797468, 'an': 0.016889573027147442}, {'<s>': 0.0846218737446079, 'it.': 0.018405138307030878, 'them.': 0.01563076661137896, 'him.': 0.014871628369440528, '.': 0.01169037661657414, 'time.': 0.00893293875808987, 'day.': 0.008369947022763885, 'work.': 0.0067506928242069, 'city.': 0.006000280449332605}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.08300656442911357, 'is': 0.0719800902660175, 'enough': 0.060386472934410976, 'able': 0.059391607291955036, 'have': 0.05005366591707489, 'ought': 0.048064051196853134, 'as': 0.04761846168720526, 'them': 0.04720765041850314, 'him': 0.04338439852120998}, {'a': 0.4468554980624938, 'the': 0.229811115148533, 'most': 0.08907764379534522, 'The': 0.04726958696130894, 'of': 0.04452784067507433, 'and': 0.04250624453139026, 'very': 0.04199301171812815, 'A': 0.018505788805763194, 'is': 0.014791671392927506}, {'about': 0.18583523945306554, 'and': 0.16360056153913202, 'the': 0.15962193750733783, 'or': 0.10275699245539334, 'of': 0.06023278057823211, 'was': 0.04594164958327778, 'were': 0.03217373338393314, 'than': 0.03169362898195869, 'are': 0.029024462134210924}, {'the': 0.4749567567237924, 'of': 0.1956327006119398, 'a': 0.08634732760500806, 'The': 0.04974256614964595, 'tho': 0.040795250351911345, 'with': 0.029546183693707134, 'and': 0.02713438487256345, 'hot': 0.02506270084427509, 'low': 0.017002387117852014}, {'the': 0.136594473193982, 'of': 0.1323924537527628, 'to': 0.10021908624717807, 'and': 0.08782369931994612, 'in': 0.05490930399936709, 'for': 0.02998544082756876, 'by': 0.029269534603457152, 'at': 0.026849505598324063, 'that': 0.026153480555035566}, {'of': 0.09542416833865991, 'that': 0.047488102776605166, 'and': 0.04483618681812516, 'in': 0.034532584605281615, 'for': 0.019898542526742297, 'to': 0.013326994219899857, 'one': 0.012779454393011732, 'from': 0.01219779988125789, 'by': 0.011955429963921058}, {'and': 0.12809378472114472, 'the': 0.06704760417903018, 'be': 0.061692282640235435, 'was': 0.051696327048749484, 'of': 0.051539464654934405, 'a': 0.0452022393008887, 'is': 0.03870849962425583, 'to': 0.037557448548322235, 'are': 0.0280170081422434}, {'to': 0.16243918008239125, 'the': 0.15643819178214496, 'and': 0.14453086052981498, 'of': 0.14292768100497497, 'be': 0.0729733380336016, 'in': 0.06539563710409076, 'is': 0.04205457316125412, 'or': 0.03975465739899418, 'are': 0.03802059124475771}, {'the': 0.39161719195496275, 'at': 0.15255072433648878, 'of': 0.08713603575226452, 'here': 0.03719058943919262, 'The': 0.0338748260214546, 'At': 0.03294228765463156, 'and': 0.028718785933258058, 'tho': 0.027072452362111095, 'day': 0.027044137553219116}, {'one': 0.11662161662863987, 'some': 0.0827042816615008, 'all': 0.06300651821597476, 'many': 0.06067453244174667, 'out': 0.04789209682477712, 'most': 0.04139971377831504, 'none': 0.041018267676213735, 'any': 0.03273824151634094, 'part': 0.032652674899843394}, {'hundred': 0.04098822126124109, 'due': 0.014482241107421922, 'time': 0.013128066631596033, 'him': 0.012698010244955446, 'up': 0.01248753926903653, 'more': 0.010354202208220363, 'one': 0.010243628890914038, 'life': 0.009541404002906075, 'it': 0.009112192671253202}, {'a': 0.22924508407165317, 'the': 0.17108046131814086, 'of': 0.07837786639349087, 'and': 0.06909834121133962, 'that': 0.055851612999588365, 'in': 0.050750077531336694, 'this': 0.04154999423518254, 'The': 0.03592849231543405, 'their': 0.025267465474798103}, {'and': 0.0299639347181259, 'one': 0.023792174789966727, 'corner': 0.022236691044410246, 'city': 0.021352605669862326, 'day': 0.018259928949366545, 'line': 0.01728895857317151, 'part': 0.016260846275522354, 'that': 0.013649763591844647, 'daughter': 0.012333169426839726}, {'is': 0.14348063342636125, 'in': 0.14179024368429882, 'was': 0.12656348032165335, 'of': 0.11092517658944684, 'with': 0.08572965258357569, 'to': 0.08532707728735561, 'and': 0.0556026003916014, 'be': 0.05535892270355989, 'for': 0.047955094280306663}, {'of': 0.10231388018444183, 'the': 0.08337640371256533, 'and': 0.0771143598317056, 'a': 0.07668105527621318, 'to': 0.06644294507001634, 'for': 0.05481423182379007, 'in': 0.043367228443948316, 'with': 0.02537794700823004, 'that': 0.023878191197040037}, {'the': 0.3446135088976023, 'of': 0.1091426643187412, 'and': 0.08204696221788856, 'a': 0.06612423384558157, 'to': 0.04812461929628541, 'The': 0.03695764663035792, 'tho': 0.030314213066228998, 'with': 0.026918302972485084, 'in': 0.024625197665275534}, {'the': 0.5431233856337471, 'a': 0.06948081053600443, 'white': 0.05893684626767298, 'and': 0.029469126145516326, 'tho': 0.024705949555555006, 'this': 0.019968468210676306, 'of': 0.01668207697420867, 'The': 0.01294453471959074, 'his': 0.012517482033628326}, {'of': 0.20574862190121884, 'the': 0.19299057972605488, 'and': 0.10178561114286597, 'in': 0.08554656860798668, 'a': 0.08528330328221286, 'for': 0.05352835963768917, 'by': 0.050258749105967046, 'to': 0.04349705486562106, 'with': 0.03023074583072066}, {'the': 0.24152735900159816, 'in': 0.18056416607948256, 'of': 0.17822669341380085, 'this': 0.08680227439843566, 'his': 0.0581573415051197, 'that': 0.05712579869812348, 'to': 0.05630356592707524, 'their': 0.03877477880045186, 'same': 0.03458817698354214}, {'of': 0.2397616215417839, 'is': 0.11667200879547245, 'with': 0.09768600263201734, 'to': 0.08073494110779415, 'as': 0.08045569780957429, 'in': 0.07965219452886185, 'and': 0.07744236445645321, 'by': 0.07031983476379049, 'for': 0.05568823135039111}, {'a': 0.3933259117080976, 'is': 0.10570936326587094, 'was': 0.10187759341206716, 'the': 0.08907956470810251, 'are': 0.07711580042115074, 'be': 0.0663408930458475, 'were': 0.037559025734886356, 'not': 0.030587448777899928, 'been': 0.030181850306305383}, {'to': 0.2795529966368628, 'I': 0.2570810148212162, 'not': 0.11699108171357851, 'you': 0.07447128356757633, 'we': 0.06672843448738078, 'and': 0.05290506534358015, 'We': 0.03966365626865976, 'would': 0.024604024213842376, 'they': 0.020481147050197417}, {'it': 0.15785936948542273, 'which': 0.08580605930919047, 'and': 0.0819442909747207, 'It': 0.069776970338638, 'there': 0.06016485408862491, 'they': 0.046337679765078826, 'who': 0.035145108590665344, 'we': 0.03347664880809658, 'that': 0.03140563108367762}, {'at': 0.07536871260763028, 'and': 0.05724450935357237, 'No.': 0.04854638990192267, 'the': 0.02480631223201455, 'an': 0.024072878512956416, 'of': 0.02401697405377165, 'that': 0.019929220045644857, 'No': 0.019358698350290197, '<s>': 0.01935845883195164}, {'to': 0.34378129718365846, 'will': 0.15287135864951518, 'would': 0.08615903395787451, 'may': 0.07844929048361882, 'should': 0.05682249178971402, 'shall': 0.05432412913287461, 'not': 0.05091775331157668, 'must': 0.03610577244404393, 'can': 0.03580596083245932}, {'of': 0.16387716523237508, 'at': 0.14165804283069136, 'to': 0.1331035141046352, 'about': 0.10600206330807518, 'and': 0.0847917396456924, 'for': 0.06536282484179705, 'than': 0.032289479949873245, 'or': 0.02298950532968649, 'from': 0.022505646480974507}, {'and': 0.08379026410093444, 'was': 0.0613025588130549, 'held': 0.04853782872887115, 'is': 0.03441282165085274, 'closing': 0.029721394199583747, 'be': 0.028136293495205633, 'sold': 0.0278504829522424, 'sell': 0.027566023500912626, 'required': 0.022913907659339088}, {'of': 0.2679788298068728, 'at': 0.22982052196534955, 'in': 0.08841811073221473, 'and': 0.08749998351569623, 'to': 0.07661002926074284, 'for': 0.04944030312650908, 'after': 0.030815151535234737, 'with': 0.02979154445728719, 'by': 0.027787370853704477}, {'part': 0.04941899905150306, 'one': 0.026797017222670926, 'side': 0.02305919349782295, 'to': 0.020279717960623823, 'an': 0.016574371700597043, 'day': 0.015173214224225332, 'time': 0.013607297948945066, 'cost': 0.013546359029701045, 'and': 0.013415904435610134}, {'the': 0.5032891323834204, 'a': 0.1341205384559135, 'The': 0.0618653985345542, 'tho': 0.042034350892519015, 'of': 0.029407446523695917, 'to': 0.027333563888396063, 'and': 0.022678573587194162, 'this': 0.02150469508229505, 'tbe': 0.015304532550034965}, {'to': 0.34378129718365846, 'will': 0.15287135864951518, 'would': 0.08615903395787451, 'may': 0.07844929048361882, 'should': 0.05682249178971402, 'shall': 0.05432412913287461, 'not': 0.05091775331157668, 'must': 0.03610577244404393, 'can': 0.03580596083245932}, {'the': 0.5060412769559062, 'an': 0.11957454323428807, 'The': 0.08985406314776427, 'of': 0.0568667911139118, 'and': 0.04386688032636135, 'his': 0.038248030131123746, 'their': 0.033708265658087926, 'tho': 0.031769162857720364, 'years': 0.023270927501362098}, {'and': 0.07612134346033654, 'to': 0.06830738860141998, 'the': 0.06669535409295753, 'of': 0.05773822886995287, 'be': 0.04201206704110583, 'is': 0.03390648034840745, 'was': 0.031278412243457836, 'for': 0.02881307163082205, 'in': 0.023659524336909526}, {'a': 0.3949222321070698, 'the': 0.21342010332410563, 'every': 0.052266145962913596, 'any': 0.04595146059098395, 'and': 0.04431336626615005, 'other': 0.04317179671737954, 'some': 0.043161154995221454, 'American': 0.03753271087054842, 'of': 0.023284058846384695}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'and': 0.21380509551381952, 'his': 0.14118484540100992, 'of': 0.07104716453047254, 'Miss': 0.04593908670794199, 'the': 0.031701507086094496, 'to': 0.027932972495196814, 'her': 0.01847769872512278, 'my': 0.012733762469859638, 'a': 0.012467212040422213}, {'at': 0.3339936282143472, 'of': 0.07252751768211456, 'Section': 0.06217918960870223, 'to': 0.05650899081832134, 'No.': 0.05621432887508396, 'and': 0.041822486838036396, 'Sec.': 0.036727091441643135, 'about': 0.0335170070722292, 'June': 0.032264853320502204}, {'and': 0.23973192560244644, 'that': 0.05481755312337398, 'but': 0.04970889426347682, 'time': 0.045338413167408415, 'or': 0.018674594791517073, 'But': 0.016207032124655938, 'come': 0.016051420418657824, 'ago,': 0.013720986401670379, 'which,': 0.01276234745436961}, {'men': 0.021128882628122223, 'do': 0.012136562409655447, 'them': 0.009786388341775362, 'up': 0.009669007977564481, 'him': 0.009533253355581126, 'it': 0.00878053095947912, 'in': 0.00808213409763655, 'out': 0.007490222285602012, 'can': 0.007489929649952093}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'as': 0.09070957522893763, 'and': 0.06578736628276387, 'according': 0.05921724650771688, 'up': 0.05444342983204154, 'them': 0.04455320285377602, 'regard': 0.04000436122627331, 'come': 0.038627387824939484, 'back': 0.03569076101086091, 'return': 0.033008621318438236}, {'up': 0.016890206964837375, 'in': 0.016069134283105073, 'him': 0.015339517151971403, 'out': 0.01136564123577545, 'time': 0.009768260356982528, 'work': 0.009008733107801004, 'men': 0.008477481683073468, 'made': 0.008371471605442424, 'them': 0.008145210747794906}, {'the': 0.14651767028650897, 'and': 0.10280181339946678, 'of': 0.07164139889404732, 'to': 0.06710968865667367, 'in': 0.043620235518656805, 'was': 0.04085328919635116, 'a': 0.03773596883616436, 'be': 0.034467327867332885, 'is': 0.024743356400790086}, {'and': 0.2802889816804131, 'the': 0.2558225920810132, 'all': 0.12495373196516753, 'or': 0.08515033507466561, 'any': 0.07272334305442554, 'of': 0.03994914766146451, 'no': 0.03967097886118842, 'with': 0.03203677421931547, 'The': 0.03135619714970155}, {'<s>': 0.12426439482141315, '.': 0.018149278737436575, 'it.': 0.015732467694809387, 'them.': 0.010254086191239542, 'of': 0.009702084217108654, 'day.': 0.008398564122806892, 'him.': 0.007320325767002691, 'time.': 0.006498590451727999, 'year.': 0.005941096159856345}, {'the': 0.2866460958303144, 'of': 0.17517633303900745, 'in': 0.10436029835444001, 'at': 0.08739411841801363, 'The': 0.043443299131938624, 'and': 0.04223513275197476, 'to': 0.038563055669186774, 'for': 0.03064478126892727, 'that': 0.02072804494393879}, {'that': 0.12961487519939777, 'and': 0.1279433749976404, 'had': 0.07582210766930095, 'but': 0.07120666496746451, 'is': 0.0665797874817165, 'as': 0.06326193408868654, 'have': 0.06319132741985337, 'Is': 0.04997318103144647, 'make': 0.04960486860394165}, {'to': 0.04779347841432886, 'in': 0.04730787519507071, 'the': 0.04704802401093919, 'of': 0.04649013899912351, 'and': 0.03981272818269641, 'a': 0.032693825079272175, '<s>': 0.03137634224216858, '-': 0.020254207361369674, 'by': 0.015112145633355644}, {'be': 0.2558578258256982, 'is': 0.14730089841645738, 'are': 0.1153786063601211, 'and': 0.09586297229285115, 'was': 0.089604147263895, 'been': 0.05738357709513649, 'with': 0.04876440409690505, 'of': 0.04348457367568956, 'not': 0.03613682141922671}, {'was': 0.2767431018526131, 'were': 0.14029801918745155, 'be': 0.11940601087070736, 'been': 0.08426546942969229, 'is': 0.05973217719840309, 'are': 0.056882564335404964, 'and': 0.03963345331289083, 'being': 0.02538826731794046, 'to': 0.025108814751858593}, {'there': 0.1402945723922769, 'they': 0.13171894899728664, 'There': 0.10573996707658785, 'and': 0.06868071071464614, 'who': 0.06293506674620414, 'They': 0.037402413953349596, 'which': 0.036226863070012855, 'we': 0.03301850540985946, 'that': 0.02086404474660343}, {'be': 0.16801713421025272, 'and': 0.07827689792473262, 'is': 0.0736111515361999, 'been': 0.07295161766508679, 'was': 0.06797434687402254, 'he': 0.058314007445111955, 'as': 0.058079427127070773, 'the': 0.05216252993421469, 'all': 0.04046920430772758}, {'New': 0.8732771359673642, 'of': 0.021933738531778813, 'Now': 0.013384267531396763, 'Xew': 0.011076631412428761, 'and': 0.010046212300101508, 'New-': 0.0057966119312222834, 'Mew': 0.0055770092858033376, 'to': 0.00414878012078679, 'be': 0.0032045196372678707}, {'of': 0.14116013171559563, 'the': 0.11390667777511815, 'and': 0.09160151217272519, 'a': 0.08798685182897936, 'to': 0.06575672005885697, 'in': 0.044658921840749814, 'for': 0.03584273758286466, 'be': 0.022295770739306383, 'as': 0.020711834344636467}, {'a': 0.10849935989922233, 'the': 0.10507907809943687, 'this': 0.07687297667709922, 'of': 0.06838174394141384, 'his': 0.053069819140677967, 'and': 0.051551360827260806, 'in': 0.050860327164020086, 'her': 0.02701280527146018, 'to': 0.02692207680222057}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.2519458666626881, 'of': 0.21023397056817067, 'a': 0.09232024782086692, 'for': 0.08062548333349676, 'and': 0.07136173918914279, 'in': 0.06340739553136536, 'no': 0.05225705305285915, 'his': 0.05080159380251292, 'their': 0.046979416021221035}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'be': 0.15421406541114127, 'has': 0.1430647407320076, 'have': 0.130713316351915, 'had': 0.09847287320314542, 'he': 0.07838969185310198, 'been': 0.06384891862651731, 'was': 0.058494628391314786, 'and': 0.05273267568245406, 'are': 0.04653210463254389}, {'the': 0.3159552848471834, 'a': 0.2908827981386607, 'his': 0.06236239666238725, 'and': 0.05660308611981335, 'The': 0.05438471533836189, 'of': 0.04147942781947058, 'will': 0.039962245527337646, 'in': 0.034160719841868366, 'to': 0.030527295116924015}, {'and': 0.05850633159345087, 'made': 0.05778236604140629, 'or': 0.027947329102333503, 'that': 0.01819347949917324, 'him': 0.01773635421536566, 'followed': 0.017704641720028166, 'owned': 0.0176503613776524, 'ed': 0.016838740781092234, 'accompanied': 0.016553199430885835}, {'be': 0.2503103024024798, 'was': 0.14547151623519383, 'is': 0.08128162333500157, 'been': 0.07548107113584639, 'being': 0.048605151704749, 'were': 0.04742719492943896, 'and': 0.047232663827426795, 'are': 0.046695142002534155, 'have': 0.044068752585853355}, {'the': 0.11010116087922413, 'of': 0.10390356609663971, 'in': 0.07311483390884851, 'and': 0.06394136392486138, 'to': 0.052455441829833124, 'on': 0.03739345675072571, 'at': 0.029937732229662613, 'a': 0.024077940456001062, '<s>': 0.022850445457506776}, {'those': 0.14419983580197288, 'men': 0.11609337503620376, 'man': 0.0993550785952094, 'one': 0.04812232489182409, 'and': 0.047221536312747975, 'people': 0.028989385007370295, 'all': 0.027527022229215915, 'woman': 0.025180483715208424, 'Those': 0.020176484662738164}, {'is': 0.1397481090014335, 'as': 0.12710730111491647, 'of': 0.11967969685119619, 'was': 0.0959866827358441, 'in': 0.09002460730498871, 'for': 0.0870191999132964, 'with': 0.07860809121146146, 'such': 0.06516793843905538, 'by': 0.060311129141372655}, {'will': 0.24466973224935198, 'to': 0.18074764926277104, 'would': 0.1552102815346538, 'can': 0.09434723651930134, 'may': 0.08420772482898778, 'should': 0.058587503938861495, 'shall': 0.051083368641799166, 'could': 0.0491774022827955, 'not': 0.03815235594044144}, {'dollars': 0.024341064863216636, 'day': 0.02431076901501573, 'hundred': 0.020398048017354262, 'feet': 0.012487391550735055, 'up': 0.011002667744455118, ';': 0.009195752247050704, 'costs': 0.008025971692018899, 'street': 0.007838054426845677, 'time': 0.007776027656258674}, {'be': 0.32785124301512636, 'was': 0.17822215550385662, 'is': 0.12457144145858177, 'been': 0.11285257275643465, 'are': 0.05262914252574571, 'were': 0.05207773885360227, 'and': 0.04050718503024037, 'he': 0.027264435726255618, 'so': 0.025407584759535813}, {'is': 0.1727303836182679, 'of': 0.12979271711088922, 'was': 0.10121100948727929, 'as': 0.09798210911440676, 'with': 0.07479355064489178, 'be': 0.06997114183955834, 'for': 0.0662850927761555, 'have': 0.06237289443540027, 'in': 0.05227142545777502}, {'the': 0.2545604096958839, 'of': 0.13379363886601092, 'in': 0.11934409635554782, 'a': 0.07353250465737063, 'his': 0.04457039979885199, 'and': 0.036916108646080685, 'In': 0.036800035328814755, 'to': 0.03548903417836116, 'an': 0.03532089476976991}, {'to': 0.20970249520300652, 'the': 0.1608383778154352, 'of': 0.12373215636749041, 'and': 0.0825540383288082, 'not': 0.07554956064754864, 'for': 0.03904023602704132, 'or': 0.03830496487542084, 'at': 0.029125990070954247, 'in': 0.029109619741560795}, {'the': 0.49025346200133463, 'tho': 0.028600458270943343, 'Mississippi': 0.026171827103467552, 'of': 0.02616006961871055, 'The': 0.016011460695903257, 'Potomac': 0.015375393560722142, 'Missouri': 0.01359641790273265, 'said': 0.013195583361959634, 'Ohio': 0.012870736658812363}, {'and': 0.08476727224544081, 'made': 0.06685806101185461, 'it': 0.022073715002382824, 'up': 0.02076422292019659, 'followed': 0.02044452105994043, 'done': 0.0180344003839521, 'but': 0.01547063203390463, 'that': 0.015462387466935025, 'ed': 0.014891838116670192}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'in': 0.17831071634309084, 'for': 0.15288283829349295, 'of': 0.14608337491179252, 'within': 0.07753756007710011, 'and': 0.06785450787002224, 'only': 0.06190377207193627, 'In': 0.05627073922004922, 'with': 0.0471648322568348, 'is': 0.04003434387689471}, {'the': 0.15649240432718592, 'to': 0.07516664303130884, 'of': 0.0717329605566974, 'and': 0.0598610941730686, 'a': 0.04460237499103771, 'at': 0.031353555151275504, 'in': 0.02604123034478724, 'by': 0.02363712428245451, '<s>': 0.021276933366977384}, {'above': 0.4311739930664905, 'following': 0.3417710692474705, 'and': 0.05314700305661949, 'the': 0.03768017348249776, 'lowing': 0.030375204041175864, 'premises': 0.020038616490841227, 'hereinafter': 0.014294652775827418, 'a': 0.00852744384046864, 'is': 0.006756824784870711}, {'he': 0.1702647750165553, 'which': 0.12982036081070378, 'who': 0.10515302202258543, 'and': 0.08272258270216368, 'that': 0.07963098098141039, 'He': 0.06071585922640324, 'it': 0.04468731887188145, 'It': 0.03392643362687603, 'she': 0.030658706290573944}, {'and': 0.3078856505926869, 'that': 0.1361601636006875, 'but': 0.05967772574553797, 'is': 0.05631064741535284, 'was': 0.03891417793573639, 'as': 0.026745303471778444, 'And': 0.020995167448601575, 'Is': 0.020151897380777887, 'it': 0.019982997760765616}, {'and': 0.09980783400098897, 'in': 0.0601668450815825, 'of': 0.02979057169759474, 'are': 0.028433153470034913, 'recorded': 0.027694648347806397, 'is': 0.02726967818376137, 'was': 0.02715637609125127, 'that': 0.025992084814786962, 'be': 0.024365108554930487}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.6457530676393584, 'The': 0.06611202310931462, 'large': 0.045422582548803964, 'a': 0.04158821095558215, 'an': 0.03659669181161184, 'that': 0.03245670038396031, 'tho': 0.02615256193048555, 'this': 0.022803547640578733, 'and': 0.021302099580945588}, {'<s>': 0.15696010399524982, '.': 0.018795871593291217, 'it.': 0.01071092103546983, 'of': 0.007412773425163998, 'day.': 0.006101908890507247, 'them.': 0.005643031375380172, 'in': 0.005196046045016437, 'time.': 0.00486440678614435, 'city.': 0.0047220817543535566}, {'and': 0.15041842926064394, 'was': 0.06071599772485167, 'it': 0.03897648923551891, 'that': 0.0352663722577082, 'is': 0.03473984802737738, 'but': 0.029586177118076335, 'when': 0.025158851678090764, 'be': 0.024058347443908088, 'had': 0.023939562623210967}, {'the': 0.447188210169856, 'a': 0.13930255637981465, 'large': 0.12493120913782274, 'in': 0.10322576423487406, 'In': 0.037103339902779725, 'tho': 0.03203784560711124, 'this': 0.027702946716509826, 'The': 0.024791669377850982, 'and': 0.023863150751393798}, {'the': 0.13259169110380162, 'of': 0.10125360072296336, 'and': 0.09484351367489134, 'to': 0.08300581834006926, 'in': 0.050971125704924715, 'for': 0.03594060850150928, 'by': 0.03300085356009506, 'with': 0.026884014004315525, 'that': 0.02638558557195262}, {'the': 0.7042149273538496, 'this': 0.11954031645973559, 'tho': 0.04380927826955035, 'a': 0.03302241699541125, 'The': 0.01653040732003098, 'tbe': 0.0156966232192662, 'that': 0.015214052410798184, 'other': 0.013162715536901706, 'his': 0.01256270685022144}, {'the': 0.443838024133909, 'their': 0.0821161433600359, 'of': 0.06145857170206138, 'a': 0.046140144360521586, 'The': 0.04104813594144711, 'our': 0.03876879111556817, 'his': 0.03720538825182432, 'and': 0.03606595103269643, 'these': 0.034242308616375686}, {'the': 0.3137317130359821, 'of': 0.2218716403606436, 'and': 0.0562431348849304, 'by': 0.043936991902433366, 'said': 0.03929586764485725, 'a': 0.02893366216050367, 'to': 0.028571810421801735, 'The': 0.01933893053141024, 'tho': 0.015229976185331817}, {'hundred': 0.05913817991032207, 'time': 0.018752452607884246, 'strength': 0.01606845645935235, 'rules': 0.015850998940279346, 'good': 0.015594435227160837, 'men': 0.013777701523512952, 'rights': 0.01333659110697726, 'out': 0.012564357264674, 'life': 0.01254289779645256}, {'and': 0.22912026667268423, 'was': 0.14150067172394878, 'been': 0.06377381370469808, 'be': 0.06206564254810895, 'the': 0.04393879394030961, 'were': 0.03876225045785798, 'is': 0.03757772184666209, 'has': 0.031996543630408145, 'had': 0.02778041414573111}, {'and': 0.19532150533362416, 'when': 0.09315020079201221, 'that': 0.08259073966832592, 'which': 0.050086077368049056, 'but': 0.04878946280671003, 'as': 0.04338801121407755, 'When': 0.027611428625804534, 'Then': 0.02571486411666205, 'what': 0.02133994518727564}, {'of': 0.26905473077837827, 'to': 0.13191067082372188, 'for': 0.11214807017664875, 'and': 0.08751545969268362, 'in': 0.07974605538045737, 'by': 0.05949676113855644, 'that': 0.057367730440450286, 'all': 0.04845763215498178, 'on': 0.04543526990476698}, {'<s>': 0.08627375743079622, 'it.': 0.022831914403289546, 'and': 0.02037081103592005, 'of': 0.019774820148605456, 'them.': 0.014772503627386498, 'in': 0.013529312143097202, ';': 0.012391709647610018, 'year.': 0.011209516744434567, 'as': 0.01010270452425947}, {'and': 0.1450060995153577, 'of': 0.10117355993795878, 'the': 0.0823678936991956, 'a': 0.053969935740943095, 'to': 0.04970725061253947, 'was': 0.03832387755983352, 'in': 0.034011394107251014, 'be': 0.02817966164514978, 'he': 0.025034805075587894}, {'the': 0.16233361371401625, 'of': 0.10670302048468837, 'a': 0.10544370464810986, 'this': 0.09913967009617773, 'in': 0.07452044255994035, 'and': 0.056907901097317325, 'by': 0.04734084494812639, 'one': 0.03563638212412363, 'his': 0.03329606936735855}, {'to': 0.20970249520300652, 'the': 0.1608383778154352, 'of': 0.12373215636749041, 'and': 0.0825540383288082, 'not': 0.07554956064754864, 'for': 0.03904023602704132, 'or': 0.03830496487542084, 'at': 0.029125990070954247, 'in': 0.029109619741560795}, {'it': 0.2697315684085528, 'It': 0.23200567200221076, 'which': 0.11226670705207717, 'there': 0.0709836370190341, 'what': 0.06006949923418537, 'he': 0.05020249992963401, 'that': 0.047510472275168435, 'There': 0.04166474304037431, 'who': 0.02719736369964179}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'not': 0.3993326536935023, 'or': 0.11754989067811468, 'much': 0.06275124440138657, 'be': 0.06035632643886388, 'in': 0.04932038068690653, 'of': 0.048957505878572574, 'no': 0.043701762287305095, 'for': 0.04145124404022575, 'and': 0.03675426589597169}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'no': 0.5408905771701289, 'No': 0.11416471893481558, 'a': 0.051721594449829975, 'I': 0.04841583484745601, 'the': 0.038142926280738586, 'that': 0.034678315597465634, 'little': 0.032941009488925935, 'of': 0.03280456835345851, 'and': 0.026765537743228957}, {'to': 0.4086717437587118, 'and': 0.08958889853475416, 'who': 0.07077120939554776, 'they': 0.05710553839601021, 'not': 0.05635986708447485, 'I': 0.0458315244654457, 'will': 0.04402866885666355, 'of': 0.04178137512653137, 'we': 0.040197209725410785}, {'of': 0.1345651741034634, 'the': 0.08814799157893448, 'to': 0.06474321489711285, 'and': 0.05110945471993682, 'in': 0.04746875351547344, 'his': 0.03070243961421051, 'for': 0.02845582728703788, 'be': 0.022521189265054645, 'a': 0.02240628809625299}, {'the': 0.1677358806731248, 'of': 0.14213068286338554, 'and': 0.11548949370087304, 'in': 0.08142395801106306, 'a': 0.04759725329984451, 'was': 0.04180326252080823, 'is': 0.03301953996150877, 'are': 0.028585562231514504, 'be': 0.02738162752299306}, {'is': 0.33353539006858085, 'was': 0.2125925496225958, 'are': 0.1698498322878015, 'were': 0.04580827086412387, 'has': 0.04326464800071505, 'had': 0.04105024869716955, 'Is': 0.03914818995861435, 'have': 0.0372588166854917, 'will': 0.028305981733574757}, {'is': 0.11590379663230126, 'more': 0.10547833679178406, 'was': 0.10135285339379331, 'be': 0.09624654469814872, 'not': 0.07244145456704956, 'been': 0.06575297572686334, 'and': 0.06231944923150792, 'are': 0.04345087022566592, 'of': 0.04182828628888828}, {'of': 0.3506753989779528, 'to': 0.14984083237356088, 'in': 0.1100673412514417, 'on': 0.1045958609412912, 'and': 0.055339715944366465, 'from': 0.04190499477583784, 'by': 0.03707073589215049, 'for': 0.030764632112318682, 'In': 0.030689365093021385}, {'the': 0.15887476187247904, 'and': 0.09291950853285091, 'of': 0.0609457492111986, 'in': 0.047014639682482894, 'to': 0.033173909027305624, 'for': 0.0320941136574002, 'that': 0.031572913377981626, 'or': 0.025769556877486086, 'be-': 0.024768695335226975}, {'of': 0.1765206074975662, 'the': 0.09542438569116737, 'in': 0.09112653548984462, 'to': 0.08420800265315968, 'and': 0.057343462399304296, 'a': 0.03291256986102821, 'or': 0.024507671464490465, 'In': 0.024407986349712696, 'on': 0.022111074181681192}, {'an': 0.3701801848169093, 'the': 0.21427552505083233, 'most': 0.12361976506353665, 'a': 0.07614977968576682, 'and': 0.05934599313577795, 'more': 0.033229626833798764, 'in': 0.029625035538350893, 'The': 0.02387663629787166, 'very': 0.0205954077778805}, {'dry': 0.19855768620896194, 'the': 0.19127133027061732, 'of': 0.16207360346718636, 'a': 0.1090492346759317, 'his': 0.05939890015901458, 'in': 0.05870066470493938, 'their': 0.05321702642361782, 'other': 0.031437985794292925, 'our': 0.027100093332608027}, {'out': 0.04186817876642429, 'part': 0.03731314042470672, 'one': 0.03211505669889265, 'day': 0.03167017885657066, 'side': 0.020802072328027242, 'some': 0.01901685613192141, 'all': 0.014408395491664243, 'and': 0.01292742990860533, 'state': 0.011038930120772675}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'a': 0.6372446549409773, 'the': 0.10944443970831788, 'A': 0.05049638666922154, 'very': 0.04060628447261657, 'of': 0.02658493946498821, 'and': 0.02209771767058232, 'The': 0.021480830622743086, 'but': 0.017589635974755012, 'with': 0.016092361261006716}, {'said': 0.756179568699052, 'the': 0.04375867917848847, 'of': 0.038423264299944734, 'certain': 0.029030895339148263, 'in': 0.015290469741048312, 'this': 0.010536025589913118, 'at': 0.00701042483936694, 'to': 0.006040722527127532, 'on': 0.004348648023666915}, {'of': 0.2844082256155769, 'the': 0.23130593868068616, 'and': 0.07471025155176324, 'in': 0.0603162793785606, 'by': 0.04794646220318323, 'to': 0.03262597906467035, 'for': 0.02474634935835752, 'at': 0.017564996994757356, 'In': 0.015743150547062712}, {'thence': 0.15404021004201776, 'the': 0.03453256051933834, '.': 0.033980561069506636, 'of': 0.03180754697835335, 'bears': 0.030471426794826728, 'and': 0.02656669047553447, '<s>': 0.016336520634367364, 'J': 0.015125346926963622, 'to': 0.014504976880882677}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'well': 0.09289188070909403, 'known': 0.09150792033496646, 'such': 0.06495686320865282, 'and': 0.057675598864368814, 'far': 0.05283258664895302, 'soon': 0.0367922664062837, 'is': 0.033512873427505765, 'just': 0.033213473437915655, 'was': 0.02672271563617947}, {'the': 0.7408748939741537, 'The': 0.06335701655337996, 'a': 0.056865902436292706, 'tho': 0.030426089644422637, 'in': 0.026008512782644627, 'this': 0.016413239716616568, 'In': 0.013087492013971252, 'of': 0.01260352340855692, 'tbe': 0.009941874679534909}, {'the': 0.1871497316834202, 'a': 0.09507803241858045, 'and': 0.07544449761949722, 'of': 0.0352788128386175, 'The': 0.028320090851642048, 'that': 0.023334503866103154, 'be': 0.01607094069419132, 'in': 0.014959133763914853, 'which': 0.013350091664695326}, {'the': 0.2772604553418405, 'this': 0.22950066246516582, 'a': 0.19946677646556316, 'in': 0.09482376897939813, 'any': 0.05035887407723428, 'some': 0.03894793689251711, 'same': 0.03555690365956948, 'present': 0.021924461017285624, 'In': 0.01905580042352911}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'chs.': 0.15246806702679347, 'ft.': 0.04786878277833025, 'and': 0.04042552162761822, 'right': 0.026299768229899944, 'went': 0.025241181027991364, 'as': 0.024279179674824482, 'order': 0.02350653870088795, 'him': 0.02199413259438468, 'made': 0.02079129229407302}, {'the': 0.19654486198912618, 'a': 0.12919375762536836, 'two': 0.11361866290806451, 'and': 0.06990506700319433, 'three': 0.05460530252460239, 'some': 0.033123106769222935, 'few': 0.0328722835775581, 'many': 0.02564512402489443, 'several': 0.024982442376583463}, {'line': 0.04753376029492304, 'city': 0.04086349385025421, 'place': 0.03889185332093871, 'number': 0.038532862145575386, 'deed': 0.03537949406329898, 'day': 0.03447853378046321, 'act': 0.03387161292092008, 'out': 0.029593759652025042, 'amount': 0.02782931270585091}, {'the': 0.12755326268086187, 'of': 0.1261318313364826, 'and': 0.07811510267666924, 'in': 0.05596674270994122, 'to': 0.03443817682712305, 'or': 0.03137310370515426, 'for': 0.027034874318427007, 'be': 0.026447805888868612, 'as': 0.02493855055279968}, {'the': 0.1812552325984844, 'and': 0.09580610518437294, 'a': 0.08448215116871366, 'of': 0.052900512697795214, 'be': 0.04690344337070167, 'to': 0.03598999507197653, 'are': 0.032173916914991614, 'or': 0.030297362844186364, 'was': 0.029775056679366006}, {'and': 0.17585063722392302, 'fact': 0.10400902578517979, 'said': 0.06844377842999533, 'so': 0.06232472237382234, 'believe': 0.04519952307692614, 'is': 0.039634011181226815, 'say': 0.03675663629906361, 'know': 0.036060715732595706, 'found': 0.03095250753294034}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'to': 0.22183715898400957, 'and': 0.16122783132025859, 'not': 0.045370556309921005, 'of': 0.04257361279833551, 'the': 0.03513817618886527, 'in': 0.02756418461611131, 'or': 0.02133490214427717, 'who': 0.019894646460977813, 'will': 0.019173598100537256}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'<s>': 0.05181069251068026, 'it.': 0.03580203100367046, 'them.': 0.018557294655205656, 'him.': 0.01357949296843924, 'country.': 0.010989921942681277, '.': 0.008427615229030943, 'again.': 0.00837648640728776, 'time.': 0.00804712570667054, 'life.': 0.007882360421751809}, {'the': 0.354458674163953, 'a': 0.24332580317572192, 'of': 0.08702560286560107, 'and': 0.06680355595178358, 'in': 0.0396045039639824, 'by': 0.022918486307795208, 'The': 0.02247258800813376, 'this': 0.0221716864013852, 'any': 0.022058525087833573}, {'the': 0.31298157883881667, 'degrees': 0.18770031478052898, 'minutes': 0.13654263990482984, 'thence': 0.0845698583520175, 'and': 0.056956721695627585, 'tho': 0.021081688037444944, 'on': 0.02032623315212546, 'The': 0.019306827641902904, 'degrees,': 0.01904163991002594}, {'of': 0.17142758274306302, 'in': 0.08634383392792384, 'as': 0.08326592556418587, 'is': 0.08178974204742391, 'to': 0.07556684952700905, 'with': 0.0668191557129155, 'by': 0.06243265598537441, 'and': 0.057133822259442996, 'was': 0.05599821011707395}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'able': 0.1003957580818799, 'and': 0.0927902995844711, 'right': 0.06705713345594684, 'order': 0.05747469329644686, 'time': 0.05567987654005275, 'necessary': 0.051048971809737546, 'enough': 0.04957681555318926, 'him': 0.04720940584413791, 'desire': 0.043867294047933124}, {'and': 0.10519796103172453, 'recorded': 0.04492522267636661, 'is': 0.04292906922552625, 'that': 0.040156978325769595, 'was': 0.0379374668882076, 'are': 0.03244295791167291, 'distributed': 0.025508715237800884, 'but': 0.021070365812915742, 'divided': 0.020697386321387536}, {'be': 0.11345371828425425, 'and': 0.1028138291060144, 'was': 0.08204949628548938, 'are': 0.07964402528203961, 'more': 0.07185965319884732, 'is': 0.06935724229867389, 'been': 0.049046207067545214, 'were': 0.04616789253906928, 'care-': 0.044643166383192864}, {'the': 0.24101759734702896, 'of': 0.10765175669139336, 'a': 0.08628274318819011, 'and': 0.04967339267971323, 'The': 0.04505006859145978, 'in': 0.04143876173927694, 'to': 0.039206294848108954, 'at': 0.025139147491426574, 'on': 0.02000258023379714}, {'the': 0.63775495821573, 'The': 0.07397328286388412, 'tho': 0.05098499843704584, 'and': 0.029820256563604475, 'a': 0.026886344516567098, 'miles': 0.024038991037275297, 'minutes': 0.023203018091726254, 'tbe': 0.01810118544874657, 'feet': 0.01761682338751486}, {'of': 0.372250008230491, 'to': 0.115010741223047, 'that': 0.10674137818426689, 'by': 0.09020634328053226, 'and': 0.0898824512123781, 'with': 0.04566707098347421, 'for': 0.030355427395795973, 'as': 0.029725130785939222, 'all': 0.027480574881428844}, {'the': 0.09883722192384964, 'a': 0.08915474578034713, 'to': 0.06362835220609957, 'and': 0.05995950654399766, 'of': 0.04710617126876386, 'an': 0.02898865092623329, 'was': 0.028588733913111914, 'be': 0.023686397445347625, 'is': 0.023021554061056236}, {'the': 0.6188300243172887, 'The': 0.07011610585878447, 'a': 0.04588327003651669, 'and': 0.04182373208648432, 'tho': 0.041406394877703735, 'tbe': 0.019687205880019147, '<s>': 0.010280043889568151, 'said': 0.007469446282883697, 'com-': 0.006184426968539193}, {'to': 0.17198288682940455, 'of': 0.16459798015119548, 'with': 0.15486717463173955, 'in': 0.13933858213991393, 'and': 0.06867852250181505, 'on': 0.04755000421112782, 'for': 0.043136853125456426, 'by': 0.042460556657793094, 'from': 0.03983914557815587}, {'hundred': 0.1435683572263497, 'one': 0.09639099347125793, 'up': 0.014935474648728622, 'hour': 0.013655871964842334, 'week': 0.012376447396998181, 'year': 0.01147971753636281, 'street': 0.011406504873287052, 'dred': 0.011135314680542812, 'two': 0.011116369329000217}, {'the': 0.1597973042268255, 'Miss': 0.11637789592010941, 'and': 0.07228627216304748, 'of': 0.05061181637171376, '.': 0.03177917782176294, 'Mrs.': 0.03025694475352244, 'a': 0.029165370335186867, 'A': 0.027710679414917064, 'The': 0.02626983189593656}, {'a': 0.16384321901677074, 'of': 0.10931032793218455, 'the': 0.09929035021625439, 'and': 0.07017688406549598, 'to': 0.06804379213019945, 'at': 0.06568429591767216, 'for': 0.036267455443435334, 'in': 0.03385031513810216, 'an': 0.023473949012635796}, {'the': 0.3272801405699339, 'that': 0.09256483729498181, 'a': 0.0890625668102979, 'of': 0.07108808212909214, 'and': 0.06622168191103345, 'The': 0.05057226655280334, 'no': 0.046489483404278546, 'this': 0.044316284745001724, 'their': 0.038611636614253785}, {'a': 0.49544915087769104, 'the': 0.15735846757666586, 'and': 0.05120503250726401, 'his': 0.030908820113085232, 'of': 0.02813058660374594, 'to': 0.026872981289843334, 'very': 0.02489110546596742, 'her': 0.023195867977007633, 'for': 0.022280427984186377}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'was': 0.28090622877659377, 'be': 0.10769809402918823, 'and': 0.09062061467862534, 'is': 0.08393530494707226, 'were': 0.07587194484297634, 'he': 0.06236598864016632, 'are': 0.06165348315524799, 'been': 0.05813806244756835, 'not': 0.04003073577462198}, {'number': 0.052346456573978774, 'out': 0.0451389210294456, 'purpose': 0.045048114012060596, 'matter': 0.040621927251887756, 'all': 0.035006628960812615, 'kind': 0.03420038007062257, 'amount': 0.03382339374919413, 'means': 0.03353576835962258, 'one': 0.032062345172240526}, {'laid': 0.1464998431686514, 'went': 0.08152311514519035, 'sat': 0.0771332790565415, 'put': 0.06615748847267855, 'came': 0.057120270532939395, 'set': 0.056618556240864426, 'brought': 0.055385976029960225, 'go': 0.05467605457600377, 'broken': 0.04424254619675294}, {'is': 0.2959779800215636, 'be': 0.1222179346902054, 'he': 0.1184046195436495, 'was': 0.11559268410906741, 'are': 0.08603153345250107, 'I': 0.07019389999201389, 'and': 0.06692615541851064, 'Is': 0.04622859923152252, 'they': 0.032647564557091203}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'and': 0.17596106684280022, 'to': 0.09705634816379151, 'of': 0.043853882963741174, 'which': 0.04307159982379265, 're-': 0.036121002228894326, 'that': 0.03457731553129466, 'for': 0.0298838750270468, 'or': 0.02922632231759091, 'not': 0.02791646393032946}, {'he': 0.24709724993615043, 'and': 0.11740291961724422, 'it': 0.11478940069214982, 'It': 0.0744044744947821, 'who': 0.05648946644247999, 'she': 0.04879956217920089, 'that': 0.046416813895311805, 'He': 0.044482507448181274, 'which': 0.03598905439470689}, {'as': 0.2574882070727541, 'is': 0.17076815163986644, 'and': 0.08225726922582188, 'a': 0.07836223343101668, 'are': 0.07525044921236625, 'was': 0.07295943061858698, 'the': 0.06210539378326478, 'very': 0.042388677439054646, 'be': 0.036243369068853525}, {'him': 0.06568498608105666, 'able': 0.061879794029064114, 'have': 0.058443753865458324, 'and': 0.05731332422426363, 'want': 0.05630175028643038, 'allowed': 0.05368885499319971, 'them': 0.05196003555026154, 'is': 0.05136882602080105, 'had': 0.051239643850581024}, {'that': 0.13800450935690217, 'when': 0.1204618018689298, 'and': 0.1147784935230383, 'which': 0.10372756139848142, 'as': 0.08425516776475629, 'to': 0.06021270932365554, 'if': 0.0420236373815267, 'said': 0.029364280968537968, 'where': 0.028441205937883633}, {'and': 0.10252519520663578, 'on': 0.05945568921883238, 'wait': 0.03746661622927387, 'to': 0.036817397375367426, 'years': 0.036091069318697606, 'not': 0.0357786095358022, 'of': 0.02417280164266417, 'him': 0.02127362310256836, 'for': 0.021187605169935914}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.4441816558645213, 'a': 0.2546370634488578, 'of': 0.04831593441887074, 'this': 0.0428344363433298, 'and': 0.036636235775241104, 'his': 0.0332176263158203, 'The': 0.0327295752146718, 'tho': 0.025308353431612682, 'in': 0.019463727783915707}, {'and': 0.2052700442704698, 'of': 0.17453564146003508, 'that': 0.10399445893179053, 'to': 0.08246348158147603, 'in': 0.07118964012673402, 'for': 0.0522576142014859, 'by': 0.03533117539353074, 'with': 0.02982565091842678, 'on': 0.02255670098899089}, {'the': 0.37690392819094326, 'of': 0.09454307171945883, 'and': 0.07085642202860921, 'a': 0.056581170931712874, 'in': 0.04410847676129709, 'their': 0.04075983530155389, 'The': 0.037493840301914515, 'our': 0.0338166389333287, 'tho': 0.0336423259732938}, {'the': 0.5704478166838869, 'a': 0.12154024875819201, 'The': 0.08402582886596711, 'of': 0.05243056939658354, 'tho': 0.03156724525222329, 'to': 0.02933993611389467, 'in': 0.022365867878940578, 'our': 0.021483383418500073, 'his': 0.019555857389848653}, {'of': 0.5589737428545116, 'in': 0.14193632476018936, 'to': 0.0776218295072569, 'by': 0.04465788392080115, 'for': 0.036116609075011255, 'that': 0.028455939562453618, 'and': 0.022550823675466486, 'In': 0.022017406950540972, 'from': 0.0218445406466589}, {'the': 0.21801352000117358, 'to': 0.15818946677181292, 'and': 0.09557194557127394, 'a': 0.09254264797286078, 'of': 0.055133165390711385, 'was': 0.050807729086757535, 'be': 0.04613745144840582, 'is': 0.02664470263458123, 'not': 0.025911238917471466}, {'was': 0.13065522171796148, 'and': 0.11153500306674592, 'day': 0.04767303760985494, 'is': 0.042863282189336854, 'until': 0.04265329666324709, 'died': 0.03275039080582271, 'arrived': 0.031792027331188764, 'be': 0.029857059756813922, 'held': 0.029452619883448355}, {'men': 0.010405371939224061, ';': 0.009415888008928225, 'good': 0.009132168309267464, 'him': 0.008847593015570192, 'in': 0.0075251317308404585, 'it': 0.00752348154044114, 'man': 0.007054498079596819, 'one': 0.006871413155318026, '<s>': 0.006254381833971461}, {'the': 0.20457498973283347, 'of': 0.12050821071533777, 'to': 0.07974515048881471, 'and': 0.06069482046880614, 'a': 0.06062864154258039, 'in': 0.04565119292623583, 'at': 0.025141157767470355, 'for': 0.013487807919588, 'tho': 0.013282642632057761}, {'and': 0.16270482726888563, 'be': 0.045585270328161336, 'or': 0.04514401494917262, 'time': 0.03895734433039097, 'that': 0.03545628076013562, 'is': 0.030607569010739587, 'them': 0.028391347935066966, 'are': 0.02798397565101735, 'it': 0.027920516991236776}, {'the': 0.4928977329406219, 'of': 0.07661624250999836, 'The': 0.07215322663544432, 'and': 0.06658118685800397, 'or': 0.04911008545836474, 'a': 0.04481473253772047, 'in': 0.03281358156923839, 'tho': 0.02675764548362948, 'these': 0.025952785943884952}, {'hundred': 0.06719853868508474, 'State': 0.025543414201953423, 'state': 0.01892721524582711, 'city': 0.018082973898588307, 'States': 0.01778147780156361, 'street': 0.017137074773790183, 'dollars': 0.014882190183248017, 'North': 0.014203762521642297, 'Hundred': 0.013515017587159625}, {'of': 0.30326222862971247, 'in': 0.16225914216707335, 'to': 0.10227796624245496, 'on': 0.10136479061539405, 'for': 0.06026771537651381, 'from': 0.05435026339278461, 'and': 0.04469353946216446, 'by': 0.044383346890418694, 'with': 0.0419976088018838}, {'and': 0.2084122627438708, 'a': 0.09220273837630341, 'the': 0.0891836300377918, 'of': 0.08869792317489678, 'or': 0.07532415941689852, 'to': 0.07262291839048282, 'be': 0.06867981595813219, 'not': 0.04345219608971013, 'are': 0.039021563540420946}, {'the': 0.25412571810257334, 'to': 0.1318921691069894, 'a': 0.13076021623118003, 'and': 0.10242881589439476, 'of': 0.04376173781909835, 'his': 0.035497088697959006, 'The': 0.02794976989184535, 'I': 0.020056407767290427, 'by': 0.017201910366336795}, {'.': 0.021828890320493653, '-': 0.021169777616459995, 'and': 0.017014904271089135, '1': 0.016988047533643927, 'of': 0.016076192544900586, 'etc.': 0.013805055379487476, 'the': 0.010657494791138837, ',000': 0.009216886966245324, 'M': 0.009021440617308408}, {'the': 0.15351589553428155, 'and': 0.1250021444545509, 'an': 0.07250460651252105, 'a': 0.06997789354544694, 'of': 0.05129520003106116, 'was': 0.0422253548470527, 'to': 0.036233471621324724, 'his': 0.031105405169120776, 'in': 0.027365040027455132}, {'the': 0.3195040033818711, 'an': 0.14715562677508268, 'and': 0.09574738275377381, 'a': 0.07888076449010259, 'of': 0.06474673736889215, 'The': 0.056697374254168806, 'their': 0.03397147413450565, 'its': 0.030531072246851514, 'his': 0.025192494895796513}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'it': 0.15817776595467647, 'they': 0.1482390050604085, 'he': 0.1424826995232387, 'who': 0.07772244367999574, 'we': 0.06158059533970225, 'I': 0.057713059524418464, 'It': 0.051655241880778247, 'He': 0.04607000682528949, 'and': 0.0440640411679171}, {'of': 0.17409237347000903, 'in': 0.15984773636527094, 'at': 0.1296395753612845, 'for': 0.11050679466814925, 'during': 0.10208854386218401, 'to': 0.07353911235048595, 'In': 0.05718222765363655, 'on': 0.05705452089920641, 'and': 0.0484625904876564}, {'went': 0.056728808019430754, 'and': 0.05161850952041633, 'up': 0.03824900786728749, 'according': 0.03723669179938325, 'came': 0.030611106695608122, 'back': 0.029246853812454076, 'go': 0.027711990405142724, 'him': 0.026633603402294377, 'down': 0.024200123702120296}, {'the': 0.7777236915901293, 'The': 0.0484340264765402, 'tho': 0.03808491112639006, 'a': 0.022776042726366585, 'in': 0.02267334551763441, 'and': 0.022474003193225334, 'tbe': 0.0157714055286242, 'of': 0.012744380909327899, 'said': 0.01055221064846501}, {'the': 0.22449722894017324, 'of': 0.09597492645627406, 'and': 0.08111478760064236, 'The': 0.050796415736844756, 'Mr.': 0.038907259416786265, 'a': 0.030554582137513903, 'that': 0.030503991440613273, 'to': 0.020127517325626985, 'or': 0.017700595402717276}, {'to': 0.18348777334862532, 'of': 0.11437116400392335, 'this': 0.10014964700449931, 'the': 0.08042553690638286, 'or': 0.07977136834748216, 'same': 0.07813317390064768, 'and': 0.06546238936421851, 'without': 0.050203908960326185, 'that': 0.04706002561921912}, {'the': 0.34830578414540847, 'a': 0.19178952645684272, 'The': 0.04747071273404121, 'two': 0.0394738399646516, 'of': 0.037987227532222625, 'and': 0.025938072420248155, 'gold': 0.025854971183615315, 'tho': 0.024444676531161207, 'this': 0.018657312354326713}, {'and': 0.08685753228186245, 'that': 0.03311254863761124, 'was': 0.030070884103840786, 'made': 0.0246277289903959, 'is': 0.023446737027546346, 'as': 0.020451885404229223, 'it': 0.019612570247315688, 'up': 0.019077074913983288, 'but': 0.01771085066638833}, {'be': 0.19799424393173443, 'was': 0.15017012172168695, 'been': 0.11289383049857019, 'and': 0.09864309276903041, 'have': 0.06845051617068076, 'is': 0.05794876059882031, 'had': 0.054694762341494, 'were': 0.048630043095965414, 'has': 0.046447846277023336}, {'and': 0.39144048173199736, 'is': 0.11801393395251489, 'are': 0.07464346615321041, 'be': 0.061926609709185024, 'was': 0.059367534716819534, 'not': 0.03879989773642073, 'an': 0.03571963028513047, 'the': 0.03522882347477287, 'most': 0.034394749090007885}, {'time': 0.03609351291976603, 'up': 0.02181318829779516, 'appear': 0.018140862969433805, 'him': 0.017247217325442096, 'good': 0.01579511711207832, 'out': 0.014895179542267148, 'made': 0.014117441219582109, 'right': 0.013909809180749615, 'life': 0.013668453751149327}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'recorded': 0.6677651533272059, 'corded': 0.037724721870059194, 'and': 0.029380286310638035, 'Monday': 0.020377725645702616, 'held': 0.008286101540306439, 'situated': 0.008272358082192725, 'on': 0.008143151181067258, 'filed': 0.007777630201221256, 'feet': 0.0070199192713503}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'of': 0.21210832822375705, 'about': 0.12631667564308022, 'and': 0.10996953862589147, 'the': 0.09905775000076045, 'for': 0.08591810141541878, 'than': 0.06970556711676629, 'or': 0.06041394501982096, 'to': 0.041969571394152874, 'in': 0.03612990575904867}, {'the': 0.10254899323962945, 'and': 0.08672066584549279, 'be': 0.06718293253430607, 'was': 0.066714350510063, 'of': 0.062142448154758216, 'to': 0.0470377945272685, 'is': 0.04045405956202174, 'been': 0.03329532229695042, 'a': 0.029155698848644288}, {'the': 0.19037420289654036, 'and': 0.07906966036696281, 'of': 0.05892386992650127, 'Mr.': 0.04283916629972599, 'The': 0.040204133717099313, 'a': 0.03128583518316688, 'his': 0.02244877329254269, 'I': 0.019028715741927524, 'that': 0.018361976307509163}, {'of': 0.11904574774402965, 'and': 0.117039163175256, 'in': 0.0579721685820925, 'to': 0.0511186639368552, 'fact': 0.03928633611901063, 'said': 0.03323136332365265, 'on': 0.029827822579143393, 'all': 0.024787499172257966, 'is': 0.02252394945510673}, {'as': 0.1968317132213036, 'be': 0.10919136263628162, 'and': 0.08958017024674743, 'is': 0.08488619448453867, 'are': 0.05800882904238918, 'was': 0.05460631015385285, 'that': 0.029495083864428125, 'been': 0.029178971242458284, 'has': 0.028293623514212104}, {'turned': 0.11347031031465023, 'up': 0.05755901307734251, 'taken': 0.0458590798116115, 'step': 0.04454611209683689, 'down': 0.04416165720473007, 'it': 0.04397476934341407, 'came': 0.043152032520595913, 'him': 0.039686979792484096, 'made': 0.03955533471431268}, {'a': 0.527685884268812, 'the': 0.09435374417904606, 'any': 0.03822612501669659, 'this': 0.03208101617112415, 'and': 0.03171193498977544, 'no': 0.028419955530677575, 'every': 0.020232062812345117, 'that': 0.018194381457280702, 'A': 0.017149956196842713}, {'and': 0.11385123617354412, 'be': 0.09864172963727943, 'was': 0.07620908437317161, 'to': 0.04887641259257306, 'been': 0.047688286220096035, 'is': 0.04482365947015291, 'of': 0.04408866282577962, 'he': 0.03874649575579709, 'were': 0.034891023983512175}, {'the': 0.15264205932556493, 'a': 0.12309537019583003, 'of': 0.11830574559064654, 'his': 0.10143057647582795, 'and': 0.06857467038292878, 'my': 0.06777478858582804, 'in': 0.05741045259507897, 'this': 0.03503170947012192, 'that': 0.02932867040728141}, {'those': 0.23170284440441474, 'men': 0.13960608250633777, 'and': 0.0696605037703012, 'people': 0.04608158936120255, 'man': 0.04531166442516839, 'Those': 0.03568376410727682, 'all': 0.027433951301470933, 'persons': 0.025677310938314515, 'women': 0.022836507512341276}, {'provided': 0.1406894410615519, 'paid': 0.059045247101105425, 'and': 0.041732970294279685, 'cared': 0.037144018166995606, 'voted': 0.037024718321905126, 'accounted': 0.03454758241741938, 'called': 0.02428767985921524, 'vote': 0.022362243048863924, 'prayed': 0.019271138470272075}, {'to': 0.29533365959298785, 'a': 0.23491264153057767, 'the': 0.06943508052069602, 'would': 0.04488182755180994, 'will': 0.044384635239555825, 'not': 0.04325701183071042, 'and': 0.03480063446252943, 'this': 0.028956436843699633, 'I': 0.02044283221502726}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'to': 0.6236007796882322, 'will': 0.0939449533346804, 'would': 0.05356302261363498, 'and': 0.0388629225659845, 'may': 0.03744787806291495, 'can': 0.03054792347813712, 'shall': 0.02817492352008945, 'could': 0.023942311146619672, 'not': 0.022941191337071835}, {'of': 0.21709249504363845, 'and': 0.11784313546928056, 'to': 0.11142318420695613, 'at': 0.08781976909733943, 'about': 0.0580827714371368, 'east': 0.04768530610180016, 'lot': 0.044584810901325045, 'range': 0.036724714867702624, 'Township': 0.03313317634997786}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'the': 0.7024821831821978, 'The': 0.11739042544022929, 'a': 0.060308096687330275, 'tho': 0.029130928065298725, 'and': 0.02111813285114347, 'an': 0.018727109096208984, 'this': 0.012041427947127177, 're-': 0.01137236153131091, 'tbe': 0.00900365550252959}, {'District': 0.1929610790966674, 'the': 0.1633216159975132, "State's": 0.07887127371803418, 'of': 0.06514220878947119, 'at': 0.033675207286576955, 'and': 0.029355444530612118, 'an': 0.027246374633291243, 'Mr.': 0.02136001919833149, 'Assistant': 0.019798429314431383}, {'the': 0.10941137411982983, 'and': 0.10387965052094221, 'baking': 0.09926457161892828, 'as': 0.08864656597514754, 'of': 0.055081565825762104, 'that': 0.05167643323061862, 'a': 0.04755961147191856, 'in': 0.03658056091441048, 'or': 0.03277598650820536}, {'of': 0.3322287942813085, 'and': 0.1078198236934891, 'to': 0.09160182066398784, 'that': 0.08840326413877231, 'by': 0.055306542864494955, 'on': 0.051416170147446504, 'in': 0.05075211601960874, 'as': 0.04288156073447265, 'for': 0.04259178531683138}, {'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}, {'was': 0.18607099094291069, 'been': 0.1625888767253151, 'are': 0.0924171071698548, 'be': 0.09216668760603254, 'were': 0.08948361343491022, 'is': 0.0723263581841688, 'and': 0.04709485181226902, 'those': 0.041738503560452944, 'busily': 0.04147531013680233}, {'30': 0.092191728725039, '50': 0.07813264947266405, '5': 0.07636825975628342, '20': 0.07299573466512897, '4': 0.07265903226829537, '6': 0.0656347664226058, '100': 0.0630856415361717, 'hundred': 0.06056299501334443, 'eight': 0.05847453302905014}, {'be': 0.14389721318583057, 'was': 0.12819036366944567, 'and': 0.109392992704828, 'been': 0.07794741973719316, 'is': 0.07343541069842513, 'are': 0.04550117284912485, 'were': 0.045064326219866634, 'the': 0.0389871182735453, 'he': 0.038724454480496245}, {'of': 0.4709196758819674, 'to': 0.11028169317113116, 'in': 0.07177515786405943, 'that': 0.0637800608133517, 'by': 0.05998483775670253, 'and': 0.0502692851126562, 'for': 0.03848569308367207, 'from': 0.03741667552802011, 'on': 0.027457735389817023}, {'of': 0.16814181177329018, 'the': 0.13002829750467382, 'and': 0.07276669640322679, 'to': 0.0600807682677132, 'in': 0.025536838387080558, 'a': 0.022927741499145875, 'on': 0.020647906599168868, 'The': 0.019220844290562426, 'be': 0.01901148647614933}, {'was': 0.20655415268989952, 'be': 0.14718680583389748, 'been': 0.12777991280890857, 'is': 0.09068668920524056, 'and': 0.051539092264850955, 'were': 0.04726583870753811, 'it': 0.04250290663853458, 'are': 0.0397735159568693, 'not': 0.0346410416514368}, {'out': 0.05034328923169095, 'one': 0.04274899530910515, 'all': 0.03202110128891858, 'part': 0.03150276349101251, 'that': 0.02623516001569477, 'use': 0.026056803589035008, 'some': 0.0257340812081892, 'charge': 0.02288046855399663, 'tion': 0.0206547080333497}, {'the': 0.24084048415108308, 'of': 0.10049975978011072, 'within': 0.09091369774531897, 'and': 0.07734211829592233, 'in': 0.04658409498819571, 'a': 0.04266988816497493, 'for': 0.03615556270598517, 'about': 0.03297518917488753, 'to': 0.03236824537087931}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.21316428686362476, 'in': 0.1687677659965192, 'a': 0.1026294724477039, 'of': 0.08499475959846338, 'his': 0.05996460831743807, 'for': 0.05802681664595828, 'this': 0.05533712681994021, 'their': 0.051797754705232894, 'to': 0.04733108845307854}, {'on': 0.31649375330494084, 'of': 0.2805669860348286, 'to': 0.10224844475052622, 'in': 0.09418451287123361, 'from': 0.06127060960145031, 'at': 0.039033273639772964, 'upon': 0.02388743414387899, 'for': 0.020749032359011082, 'In': 0.017331759239272576}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'and': 0.11385123617354412, 'be': 0.09864172963727943, 'was': 0.07620908437317161, 'to': 0.04887641259257306, 'been': 0.047688286220096035, 'is': 0.04482365947015291, 'of': 0.04408866282577962, 'he': 0.03874649575579709, 'were': 0.034891023983512175}, {'and': 0.09468249737622518, 'depend': 0.03875088893599322, 'based': 0.03863406357657407, 'placed': 0.0380392715961322, 'depends': 0.03779424552216468, 'called': 0.03705486424756454, 'down': 0.03295251281941486, 'made': 0.032658028953724605, 'effect': 0.028685464570585545}, {'and': 0.32893666015832884, 'as': 0.053707401994149286, 'was': 0.04619491145520977, 'that': 0.04550095846776826, 'are': 0.04423977637336455, 'is': 0.0425916239875007, 'of': 0.029237248576167593, 'but': 0.02846758227495694, 'the': 0.027873454161385102}, {'the': 0.1884699727317962, 'to': 0.13096108738397608, 'and': 0.11444015467291124, 'of': 0.07642519535391118, 'be': 0.06503392145675364, 'a': 0.050696266460410734, 'not': 0.0488555863568079, 'or': 0.03876339574209262, 'was': 0.03861699383699092}, {'the': 0.4737564873148758, 'this': 0.09538969871502029, 'that': 0.0707123131493955, 'and': 0.04829422462975161, 'to': 0.04352855895953297, 'tho': 0.02694179128906997, 'an': 0.022163731577220958, 'a': 0.021579860788331597, 'The': 0.020856161222722734}, {'he': 0.210352910086859, 'and': 0.12129307988201843, 'was': 0.10706172614009025, 'be': 0.0674759872903395, 'He': 0.059003786966151744, 'is': 0.04857968535242079, 'I': 0.040102854759297916, 'she': 0.03802392214533756, 'been': 0.036946502167565926}, {'to': 0.758447941291187, 'will': 0.049189128636114736, 'and': 0.03191099538207939, 'shall': 0.030209539045741363, 'not': 0.024715596579398754, 'can': 0.022887710852463727, 'should': 0.020732324953810166, 'could': 0.020217667608696272, 'they': 0.020211726231112365}, {'it': 0.1417645296931144, 'It': 0.10723325302780688, 'he': 0.10456740450671856, 'which': 0.0865899030506073, 'I': 0.08480551786842506, 'and': 0.07051684602486603, 'He': 0.05154570744013555, 'that': 0.04646062280131341, 'she': 0.04019101571610889}, {'of': 0.3248605813780721, 'that': 0.13929041366357162, 'in': 0.13144339144995604, 'to': 0.06993885095034179, 'and': 0.06932350634029195, 'by': 0.04343086023262013, 'In': 0.04287888825973327, 'on': 0.03815831109287005, 'at': 0.035486395805340215}, {'and': 0.07422423325032798, 'recorded': 0.03325826633460273, 'up': 0.031241312873753646, 'was': 0.029708110804757524, 'that': 0.028694558282105324, 'is': 0.02536448990023545, 'out': 0.021823184878368755, 'as': 0.02020550648400727, 'made': 0.015585740565238947}, {'the': 0.46262887613057846, 'a': 0.12850548082332577, 'his': 0.06825959573453859, 'The': 0.04762238455325905, 'great': 0.03733718941946636, 'any': 0.034698753890861606, 'that': 0.03320896867916409, 'of': 0.030234039337583868, 'tho': 0.028385401906395213}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.1242459144311188, 'and': 0.08668786810252978, 'in': 0.07774266211068236, 'the': 0.061356648966229166, 'to': 0.041959258497643044, 'for': 0.030322088292373036, 'a': 0.02548719362273371, 'that': 0.021562582127952024, 'be': 0.021109403744937937}, {'of': 0.13080921523850303, 'and': 0.09807530163539951, 'Mrs.': 0.08489876319074455, 'by': 0.08193913310696704, 'to': 0.053948920611104, 'Mr.': 0.041685124869493086, 'said': 0.033959660332323324, 'the': 0.02261147222427416, '.': 0.018339568740116045}, {'the': 0.12412720549832838, 'and': 0.10244382763884094, 'of': 0.10076680447995537, 'a': 0.04614404185663386, 'to': 0.031165726967336067, 'in': 0.028562509488353375, 'was': 0.027319616247752764, 'that': 0.021398144306147737, 'by': 0.02013725512305567}, {'up': 0.029023248842925738, 'him': 0.021950248472674003, 'out': 0.019272334057667685, 'in': 0.01766300547827126, 'men': 0.017390032564929363, 'it,': 0.0169225260248867, 'man': 0.016795153493965962, 'him,': 0.015749135414318282, 'it': 0.015503223081738153}, {'that': 0.0739842445438928, 'and': 0.04308101068665862, 'it.': 0.03455473443917511, '<s>': 0.03271223417050789, 'them.': 0.02849710030965247, 'him.': 0.014243495355349049, 'but': 0.012891380047593428, 'time.': 0.011558457734513975, 'as': 0.011018193035842705}, {'away': 0.06925205172028555, 'and': 0.06007808449668492, 'taken': 0.04760906637168378, 'miles': 0.0428166599829834, 'feet': 0.03837562943164214, 'come': 0.026889243450533045, 'them': 0.026073675669967263, 'out': 0.02484981837258804, 'came': 0.02410733092637395}, {'a': 0.42803624010847957, 'the': 0.12894711690848112, 'any': 0.09857610271983785, 'to': 0.06088340474624349, 'no': 0.05002962051590123, 'this': 0.04319596058827887, 'either': 0.032770542861550865, 'every': 0.027624420778231632, 'one': 0.020814556414087027}, {'be': 0.19792637018628562, 'and': 0.10720696189364455, 'was': 0.09549226805874321, 'have': 0.0945143368325743, 'he': 0.07871741323667455, 'been': 0.07238337847038992, 'has': 0.05619895571887476, 'had': 0.045091219348550975, 'is': 0.0444660874101549}, {'the': 0.1349394055998945, 'to': 0.09730301638698778, 'and': 0.09554615284544798, 'a': 0.07185347215438748, 'of': 0.06125579419135517, 'in': 0.03183468764239722, 'more': 0.019398296223296935, 'be-': 0.01815355598740609, 'was': 0.0179150928116912}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.24195713514020462, 'to': 0.15143828913160404, 'in': 0.12197365746355096, 'and': 0.09129696083113523, 'that': 0.07764289613509018, 'for': 0.06951265285835218, 'by': 0.050662729419411794, 'with': 0.04550991064199272, 'at': 0.04203984443409135}, {'the': 0.19530756025607954, 'to': 0.12931166557468296, 'a': 0.11542454238901223, 'and': 0.10040577930403717, 'this': 0.034179377825688494, 'will': 0.030010103098541983, 'that': 0.01720821013032072, 'The': 0.01694861226070988, 'of': 0.015171432595252924}, {'and': 0.16173924860994934, 'of': 0.15657023209792417, 'the': 0.13545385918072037, 'to': 0.08162812884787593, 'or': 0.07903916941297749, 'for': 0.07143900574958727, 'at': 0.06885729734917509, 'that': 0.04783573996449556, 'with': 0.03215322623836368}, {'it': 0.014309744776054397, ';': 0.012350722159588967, 'one': 0.01070817661210687, 'and': 0.0104009406488949, 'dollars': 0.010298184384668056, 'more': 0.010194308315859504, 'is': 0.009959690532182906, 'I': 0.009114441014925135, 'man': 0.007882099696720136}, {'and': 0.17585063722392302, 'fact': 0.10400902578517979, 'said': 0.06844377842999533, 'so': 0.06232472237382234, 'believe': 0.04519952307692614, 'is': 0.039634011181226815, 'say': 0.03675663629906361, 'know': 0.036060715732595706, 'found': 0.03095250753294034}, {'to': 0.5731189022734829, 'will': 0.04931557774075466, 'can': 0.04772778494559296, 'they': 0.032701884310784725, 'could': 0.03227181317612777, 'and': 0.026089131999155708, 'I': 0.02315748865916374, 'would': 0.023100700002714546, 'we': 0.01681200008008212}, {'of': 0.19074456523856564, 'in': 0.133445536991258, 'to': 0.12008023004685656, 'and': 0.11468230165122154, 'for': 0.10063114567269543, 'with': 0.08540951596006029, 'that': 0.04390078966892601, 'but': 0.031187700729453906, 'by': 0.031112454716266724}, {'and': 0.19408122949046946, 'most': 0.13230593748407057, 'the': 0.07557772786220106, 'very': 0.05953654033191233, 'as': 0.05838861678636837, 'of': 0.05160097677638036, 'or': 0.04879679110243132, 'more': 0.04834766956602054, 'is': 0.035422543368530415}, {'of': 0.32741445915846057, 'to': 0.168122261011681, 'on': 0.12321703144328276, 'in': 0.10040814629471102, 'from': 0.06066198487386214, 'and': 0.05123662053973742, 'at': 0.04243450985397459, 'for': 0.03324882201042788, 'that': 0.028589142873012535}, {'made': 0.12750493469384805, 'take': 0.10672742669631952, 'make': 0.09342571431332054, 'took': 0.08098387165833265, 'put': 0.07477720079350578, 'give': 0.0692323356219098, 'taken': 0.06786890847175, 'picked': 0.05493738193761685, 'keep': 0.05436734168556864}, {'was': 0.2573659958263446, 'be': 0.23222162999331178, 'were': 0.12652560713940567, 'been': 0.09117092300593449, 'are': 0.08833165886670413, 'is': 0.0840008213052141, 'being': 0.044686797425736044, 'and': 0.030133112242959476, 'have': 0.011354523074070835}, {'three': 0.21340335799369897, 'two': 0.1956821008632751, 'four': 0.17887230710408814, 'five': 0.09367497520499644, 'few': 0.07718205706255617, 'a': 0.051345721012455506, 'several': 0.048305689696225104, 'ten': 0.04238799354297861, 'the': 0.03996491611852051}, {'is': 0.24500672366404, 'was': 0.2023227669724252, 'are': 0.12966889484862637, 'has': 0.0785520557872843, 'had': 0.0771475979300807, 'have': 0.07432909220142668, 'were': 0.05385572763614431, 'and': 0.03629966327434759, 'Is': 0.02946523484053692}, {'and': 0.31595049325632896, 'And': 0.20597016630968243, 'not': 0.08163066458991317, 'as': 0.05658480036299354, 'is': 0.027161759813490657, 'that': 0.0220639934503104, 'but': 0.021662314502265415, 'or': 0.018693818528779348, 'are': 0.01408105336512143}, {'the': 0.1380309490389602, 'of': 0.07796414712222466, 'and': 0.0707959056065309, 'to': 0.039695276801965676, 'that': 0.026908447021234096, 'Mr.': 0.02638988613861772, 'The': 0.026340182471525052, 'in': 0.023321166352035964, 'he': 0.021203275139921846}, {'is': 0.19780332318781207, 'has': 0.15712431433780794, 'had': 0.13577554152956245, 'was': 0.11332945637989214, 'have': 0.10935362761604454, 'are': 0.08787911892857836, 'and': 0.047400787953843684, 'Is': 0.0334365019265837, 'were': 0.030280352778707085}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'would': 0.17959540429010784, 'to': 0.13519794944916977, 'who': 0.09755427043109222, 'they': 0.08092794866467283, 'I': 0.07229973568327139, 'which': 0.06237819314755754, 'must': 0.053838397959161594, 'might': 0.048424713189248424, 'shall': 0.04348004295022552}, {'and': 0.1132030825004323, 'of': 0.08605579495728674, 'the': 0.07854510102099824, 'to': 0.06641853489472796, 'a': 0.047311812248955955, 'in': 0.031505268153807026, 'be': 0.031148047897695243, 'is': 0.029999863733610993, 'was': 0.026421838610849256}, {'of': 0.35533133442303244, 'to': 0.11839108759391015, 'in': 0.10432794689916616, 'for': 0.06942612373409636, 'with': 0.06559131766162793, 'by': 0.05914519565277399, 'and': 0.05910389144515385, 'that': 0.050131178188936185, 'on': 0.042294085464212414}, {'the': 0.21868223441186688, 'of': 0.14173900498592135, 'and': 0.09037555331977652, 'to': 0.04915187593900712, 'a': 0.043632455274109284, 'in': 0.0327275663117945, 'or': 0.020700841863396345, 'for': 0.019420592137183647, 'The': 0.018709321644895263}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'that': 0.2653265927004901, 'and': 0.12884362593287715, 'which': 0.07406985155615077, 'when': 0.058414125417443834, 'to': 0.04903656781866477, 'will': 0.04623147891254439, 'if': 0.043217439136628163, 'as': 0.04197681573364557, 'but': 0.03831706583354196}, {'and': 0.17848744451254903, 'so': 0.06604041643947994, 'say': 0.051499594348841264, 'fact': 0.04748255332231578, 'know': 0.042764315269969884, 'said': 0.04089837659609501, 'is': 0.03678894737743923, 'all': 0.03198428444938678, 'show': 0.027940272459798212}, {'to': 0.225401180319726, 'of': 0.12677440051732572, 'and': 0.05768220241270328, 'in': 0.03348113011856884, 'by': 0.02358652023687008, 'the': 0.02143545302708262, 'for': 0.02031106036368143, 'a': 0.016572909075689854, 'from': 0.014492292617209886}, {'and': 0.20698377169085994, 'was': 0.14143072761503694, 'be': 0.08719587433789103, 'were': 0.08546624481136042, 'are': 0.08060343384835979, 'is': 0.07593848789232516, 'been': 0.05152187485292135, 'he': 0.035736076671259186, 'has': 0.03386528129493371}, {'<s>': 0.10514401260260799, '.': 0.016459320058466273, 'it.': 0.013484712208384689, 'them.': 0.010348158826723748, 'day.': 0.006710013809881599, 'him.': 0.0061878063876993515, 'time.': 0.006177099641911567, 'of': 0.0060543371589817695, 'country.': 0.00551450571704916}, {'of': 0.2146430677007669, 'and': 0.13591851561776958, 'to': 0.11880650594440832, 'that': 0.08387050212667436, 'in': 0.08053187810865409, 'for': 0.06174834971335342, 'with': 0.06002550984263303, 'all': 0.05542762448860483, 'is': 0.04757056080152315}, {'the': 0.4001596238651692, 'and': 0.15642817830904476, 'a': 0.06574461021215901, 'in': 0.04321936077980995, 'The': 0.041000134987651586, 'is': 0.03478878659397957, 'was': 0.03458521615984876, 'that': 0.032312369994146425, 'of': 0.028144678191716826}, {'the': 0.31031639700410435, 'of': 0.2684069949181583, 'and': 0.050033132338763726, 'or': 0.04451589123012498, 'his': 0.04361158624205332, 'their': 0.03902762525668921, 'by': 0.03898161273192348, 'in': 0.02927484432047549, 'no': 0.028888989713291124}, {'he': 0.169630596349963, 'and': 0.15129651836170213, 'be': 0.07455404909994086, 'it': 0.045175801978105924, 'was': 0.03988116810170332, 'It': 0.03375535366760075, 'been': 0.031318451267523056, 'she': 0.030879618146173047, 'He': 0.030756530656252622}, {'him,': 0.01505268562799152, 'him': 0.014886413617037639, 'time': 0.01343366120946627, 'man': 0.0122116916677532, 'it,': 0.011854818936818366, 'up': 0.010510554121427521, 'them,': 0.00942196297344716, 'years': 0.00901017324258385, 'men': 0.008803429636113446}, {';': 0.015332904746511602, 'it,': 0.008379673726730376, 'him': 0.008234329100191817, 'one': 0.007610056654029261, 'in': 0.007345772504028318, 'and': 0.006744500141308532, ',': 0.006367931674184507, 'it': 0.0063211873524142105, 'up': 0.006108606962027444}, {'has': 0.2874723470481303, 'had': 0.21209908218955756, 'have': 0.15812588974903344, 'was': 0.07159620177105616, 'he': 0.043317753652398115, 'I': 0.03743278882055877, 'and': 0.03317214567799965, 'is': 0.031834551558838554, 'they': 0.023158639312579735}, {'and': 0.08885520567194188, 'is': 0.08380255917825963, 'him': 0.06369359489652075, 'was': 0.05993015821442793, 'able': 0.049029213918309535, 'ought': 0.04777737613602496, 'enough': 0.047162168503102314, 'not': 0.04083249231362704, 'me': 0.04056480699341112}, {'the': 0.1748970636084242, 'of': 0.10640731527228467, 'in': 0.08471900024538452, 'and': 0.06542798806324274, 'that': 0.042238403247887905, 'such': 0.031441322454070365, 'to': 0.03135646129977141, 'or': 0.02825024931107222, 'which': 0.02767427813323329}, {'it': 0.20009487951772253, 'It': 0.13662155496952133, 'which': 0.08462308071345959, 'he': 0.06064788539794049, 'and': 0.060267531284352416, 'that': 0.054917481084689725, 'there': 0.04408361668581946, 'who': 0.0320962710870034, 'what': 0.026203611617225644}, {'of': 0.14520781447954928, 'and': 0.11939235813201247, 'the': 0.08766836967788673, 'to': 0.03751997848384891, 'for': 0.032720730951206485, 'or': 0.030196189989097285, 'a': 0.02807345050525309, 'with': 0.026796676447454038, 'is': 0.024557442782126657}, {'one': 0.21902963294136704, 'some': 0.10598079560091174, 'many': 0.06107545962153149, 'all': 0.0585813772730768, 'One': 0.046623888102938334, 'Some': 0.04347888579720777, 'any': 0.03739644513429387, 'part': 0.03504413325115569, 'out': 0.03392430786956072}, {'was': 0.035456784501109805, '-': 0.03225257958234875, 'of': 0.028750824047572055, 'be': 0.02657392372247788, 'and': 0.02466775748129279, 'it': 0.020000259061986075, 'at': 0.01931333357149971, '<s>': 0.01800164552469129, 'the': 0.017743107431037367}, {'his': 0.280301226984174, 'the': 0.18428826281676236, 'their': 0.1525005158856212, 'my': 0.10264072727465735, 'her': 0.07323095749777801, 'a': 0.04778399032037557, 'its': 0.041286944981433135, 'your': 0.03898597183828899, 'of': 0.033343097374378586}, {'you': 0.12842884891676054, 'I': 0.10959771526892978, 'and': 0.08449859544454356, 'he': 0.07740874383052262, 'it': 0.07296708709428694, 'they': 0.06889770309329357, 'that': 0.05222938185448683, 'which': 0.04926497541491285, 'we': 0.04728221115565704}, {'to': 0.3962087926221998, 'not': 0.2709462081128371, 'would': 0.0898626716785658, 'or': 0.06362987117376494, 'will': 0.045124539172534985, 'and': 0.03450163961176544, 'never': 0.027994633501397203, 'can': 0.018359187700341017, 'could': 0.017208173559495346}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'and': 0.13325050355748289, 'the': 0.0977952141749978, 'of': 0.08076427417939416, 'to': 0.03940163852858414, 'that': 0.028813968188794205, 'a': 0.02344510229200655, 'in': 0.02251672229600885, 'which': 0.021414081113397418, 'will': 0.019786011898094126}, {'and': 0.08362943294997585, 'together': 0.07769806815080653, 'connected': 0.0635902168573379, 'connection': 0.06228367212358626, 'accordance': 0.047530813078388766, 'comply': 0.026000666542743977, 'acquainted': 0.023189098613704624, 'compared': 0.02214887744238745, 'contact': 0.01973810078197255}, {'the': 0.28616823096598526, 'of': 0.16849075950554673, 'and': 0.0686201761192385, 'in': 0.06857833002324443, 'to': 0.052276238993119194, 'between': 0.040419537097676345, 'a': 0.040292088703320336, 'for': 0.02803787033104268, 'their': 0.02445581117044688}, {'the': 0.25301730824835655, 'of': 0.1464565551145527, 'and': 0.05585990900083174, 'a': 0.03838836758398213, '.': 0.02311513284178313, 'The': 0.02227121113921669, 'to': 0.022094878838485623, 'in': 0.018220523202929013, 'by': 0.01643595221562006}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.3903166238842965, 'of': 0.09285309293874135, 'to': 0.07857141283431646, 'and': 0.06313563524900469, 'a': 0.041753754735980156, 'tho': 0.03699226957820257, 'The': 0.02729143889121601, 'said': 0.02499627676368967, 'by': 0.022202898649216332}, {'at': 0.0693926861086492, 'and': 0.058958025400746766, 'of': 0.05728704858942107, 'the': 0.046119877150078155, 'to': 0.04120788857075587, '.': 0.035523903708533706, 'a': 0.03050527090240056, 'was': 0.024885339052005895, 'on': 0.021614845552555}, {'and': 0.12898572248925802, 'to': 0.11611585854818725, 'it': 0.03754755225094808, 'was': 0.03741392269322653, 'not': 0.037060217058054575, 'would': 0.036759237147356245, 'of': 0.035819200194586405, 'he': 0.03319283263844966, 'will': 0.026089714434858684}, {'.': 0.0762374982238656, 'the': 0.05009436662307132, 'to': 0.04472136564815821, 'of': 0.04392406649710519, 'and': 0.04300493836565958, 'a': 0.03224367914553519, 'at': 0.030075025788026604, 'in': 0.022781135941005354, 'was': 0.020406425053828756}, {'be': 0.1284053179319181, 'was': 0.10459547789505506, 'is': 0.08717615330592739, 'and': 0.06680183631064204, 'as': 0.06113179073717533, 'been': 0.06050232152667449, 'the': 0.05592906275484416, 'are': 0.04264795841353514, 'very': 0.03720324977427328}, {'the': 0.19299003980152, 'to': 0.15304864785319502, 'and': 0.14111771223238428, 'of': 0.0817007785937238, 'a': 0.05065282016351675, 'I': 0.04615474919932061, 'it': 0.029330923743997418, 'as': 0.029165490617672367, 'will': 0.028189753622368915}, {'the': 0.19038916310577766, 'of': 0.1335812284146802, 'a': 0.08746512876793663, 'and': 0.06666312724409562, 'to': 0.038444664584144125, 'in': 0.038052288959744864, 'for': 0.03373337890007681, 'The': 0.02053635892973769, 'by': 0.01798506222527755}, {'as': 0.3263722367109078, 'so': 0.2702780305544421, 'very': 0.12153098939714366, 'how': 0.05384837182130184, 'too': 0.04939593408728568, 'a': 0.039330638434371325, 'and': 0.036275973580459114, 'for': 0.029765237524134385, 'is': 0.021960228843859987}, {'the': 0.819950994509951, 'tho': 0.0380210080970255, 'The': 0.0307866341095479, 'of': 0.01780197500738808, 'a': 0.01777832233263893, 'this': 0.015864163500474975, 'any': 0.013805474628449799, 'an': 0.013542901363839205, 'on': 0.011502258038336795, 'its': 0.010946268412347804}, {'he': 0.18733828285607393, 'it': 0.17433348738086127, 'they': 0.10752314972265517, 'It': 0.09609719701841689, 'I': 0.06973128401339104, 'that': 0.04393819514901867, 'we': 0.042219762376550264, 'who': 0.0412383621158049, 'she': 0.039715373584194455}, {'nothing': 0.031115208791176522, 'and': 0.0142911959607472, ';': 0.01351841187309704, 'had': 0.013392267507292872, 'it,': 0.013302832769898259, 'him,': 0.012735690469186179, 'anything': 0.011213822809801911, 'them,': 0.009388945185561676, 'of': 0.009235175723744746}, {'the': 0.2863320365209486, 'of': 0.10243847891686803, 'a': 0.09712087548526185, 'in': 0.06656119445478023, 'and': 0.04212287504619558, 'to': 0.037045956835649846, 'The': 0.033903388267842414, 'on': 0.01992660199401608, 'that': 0.019058148840672872}, {'it': 0.22799266000181923, 'It': 0.1686624957458453, 'there': 0.1438310363019012, 'which': 0.07458233760526045, 'and': 0.048609178129453035, 'that': 0.04748964091920466, 'There': 0.04726233672382726, 'he': 0.04407297749312828, 'what': 0.024409903877751892}, {'of': 0.22542601129901854, 'in': 0.1271160473545423, 'with': 0.09994037616618724, 'to': 0.08803229945859553, 'for': 0.08293171360644688, 'and': 0.0790789521811045, 'is': 0.06543908900764189, 'by': 0.054912768471340474, 'was': 0.04988653463363067}, {'by': 0.17736177112180943, 'of': 0.13973248326776302, 'and': 0.11096862210333128, 'for': 0.10691318813549927, 'in': 0.10406811735962952, 'without': 0.04112061604129661, 'In': 0.037637523561733305, 'with': 0.02907047602566846, 'after': 0.028632565493756368}, {'of': 0.5608638650338464, 'in': 0.1436037351035127, 'to': 0.07397395683134225, 'by': 0.059420488173657963, 'In': 0.03107519355952082, 'from': 0.026187310187564802, 'that': 0.025855536357740544, 'for': 0.02253438075468413, 'and': 0.02175344189815464}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'is': 0.1679143642128523, 'was': 0.14739221744014167, 'are': 0.10322828491375705, 'and': 0.09023720253440141, 'had': 0.08817415279297132, 'has': 0.07995189468261024, 'have': 0.05822678044045881, 'were': 0.052972752193983084, 'but': 0.03646480304806914}, {'he': 0.1743783203389462, 'which': 0.08986865416771923, 'who': 0.08453748967404427, 'it': 0.07685408425445354, 'and': 0.05853104294457915, 'He': 0.05617215396730411, 'It': 0.046669220320163664, 'that': 0.046262782417859916, 'she': 0.02836729719210173}, {'carry': 0.18281036161031505, 'through-': 0.1659987913497337, 'with-': 0.10472532803897346, 'carrying': 0.05989436857795188, 'pointed': 0.0481862496694261, 'and': 0.04287335829430306, 'sent': 0.03982769731396628, 'brought': 0.03556484937502764, 'carried': 0.03503961230482394}, {'the': 0.229126836685376, 'of': 0.18850611905072692, 'and': 0.0691508331010834, 'a': 0.035191939575035545, 'The': 0.027214602464553955, 'by': 0.02712831838114154, 'to': 0.021727315061437456, 'in': 0.01910895226470142, 'for': 0.018406205130195197}, {'and': 0.08296040376566996, 'able': 0.06504171041020183, 'order': 0.0621408185377654, 'him': 0.053813073784472795, 'is': 0.052874348919057894, 'was': 0.05026577439717304, 'time': 0.04985952724781956, 'had': 0.047685864843216075, 'as': 0.047027809783576416}, {'the': 0.1910159588918514, 'and': 0.10741641242565915, 'of': 0.08005647482942757, 'The': 0.0433513964468011, 'to': 0.04217145650860719, 'that': 0.036536585216216964, 'which': 0.03467627736209193, 'a': 0.029887313413559474, 'no': 0.025688316724272155}, {'of': 0.11810747660930176, 'the': 0.1092722307470949, 'and': 0.08369126549389805, 'in': 0.0575424387487661, 'to': 0.054964087662057036, 'be': 0.05179854835073383, 'a': 0.05088162314378846, 'on': 0.03382934429550624, 'or': 0.025540025569382556}, {'will': 0.20898433613183012, 'would': 0.18677388133079914, 'can': 0.12997244895348725, 'may': 0.12243806353693971, 'should': 0.06589437712493153, 'must': 0.058183768901986, 'and': 0.048305791230676194, 'not': 0.04397693457370049, 'is': 0.04346050582937597}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'to': 0.14869474264937652, 'and': 0.13571206047606105, 'of': 0.053837228370257825, 'the': 0.05197162433529989, 'he': 0.04669578621396971, 'in': 0.04296777632239948, 'I': 0.01882202655646428, 'was': 0.01722030351610893, 'by': 0.016683074618702224}, {';': 0.017530145459475746, 'it,': 0.015542966956644706, 'him,': 0.01528512178024179, 'up': 0.014805451086053014, 'him': 0.011500833631464319, 'them,': 0.011360851092390534, 'in': 0.008418438807081296, 'time,': 0.008040292410663603, 'here': 0.007893046742983951}, {'the': 0.14082126062249153, 'of': 0.10043694507260066, 'and': 0.08092840229371777, 'to': 0.048092720229548004, 'a': 0.024138236551275463, '<s>': 0.023988881342042828, 'by': 0.01954840557748438, 'The': 0.01891028308604141, 'Mr.': 0.01796941018206619}, {'a': 0.10274911458678743, 'to': 0.10241230668493242, 'the': 0.1013319508232515, 'and': 0.0872077528062401, 'of': 0.07288587483676193, 'in': 0.06814334109960442, 'that': 0.028470654885647737, 'for': 0.02289028527364587, 'as': 0.019225821605175636}, {'be': 0.23960656481933734, 'he': 0.144013647000431, 'was': 0.119886999493104, 'and': 0.09229979542837254, 'are': 0.06912845550695702, 'been': 0.06910706874537212, 'is': 0.06847133516909112, 'have': 0.05189049506443941, 'were': 0.051411807268054}, {'and': 0.09091338446718264, 'to': 0.07200169913361587, 'the': 0.07136949128725417, 'of': 0.06315797786860411, 'was': 0.05712667550309537, 'be': 0.03777280717832248, 'is': 0.03335445812895317, 'I': 0.02790665752634187, 'in': 0.022543092383008004}, {'and': 0.19976558788887644, 'he': 0.14938538929077472, 'He': 0.09173486055548702, 'who': 0.05962580623160871, 'that': 0.037160899245276505, 'I': 0.035337754400841435, 'she': 0.03140183379869532, 'they': 0.02867647165838544, 'it': 0.02591489058856522}, {'with': 0.1563943574992579, 'of': 0.15311791929892044, 'in': 0.10224831329080335, 'is': 0.08810057000326926, 'for': 0.07765656079265888, 'by': 0.07424193366278849, 'was': 0.06753000590719938, 'to': 0.06635525736154048, 'and': 0.05991895015171397}, {';': 0.027973254739906566, 'it,': 0.019169730992282877, 'them,': 0.015309262526226733, 'in': 0.0134458763649858, 'him': 0.009729016497342296, 'up': 0.009454385151622214, 'you': 0.009320469589444288, 'it': 0.00918022775008601, 'and': 0.009177733399399748}, {'the': 0.28001377413698875, 'a': 0.22448111566941495, 'of': 0.09233939536547903, 'very': 0.06991932743111932, 'feet': 0.06315537191103236, 'and': 0.05988851150478844, 'in': 0.04685253455012042, 'on': 0.04542859613060965, 'inches': 0.03503107385308133}, {'I': 0.2438903261610935, 'and': 0.1039580620088399, 'had': 0.09980734053037006, 'he': 0.09644586929169624, 'have': 0.08025984132897115, 'has': 0.06701985438022336, 'they': 0.062333449171321414, 'she': 0.04805511570785756, 'will': 0.04557199400182339}, {'feet': 0.09124682453705052, 'poles': 0.0730701371555321, 'up': 0.05088279168420823, 'chains': 0.04885658892872941, 'entitled': 0.03694920633644442, 'went': 0.034748145318504654, 'came': 0.03280590556373315, 'down': 0.032521221296211, 'him': 0.032446562119539564}, {'of': 0.332778108478891, 'and': 0.12371675734506976, 'to': 0.1058237248121307, 'in': 0.06546477870986844, 'with': 0.059522544653296296, 'that': 0.054760251307589616, 'on': 0.04981991821199659, 'for': 0.04756293872159316, 'by': 0.04072668516612568}, {'the': 0.13265666058002482, 'of': 0.09626070854280865, 'to': 0.046955127297984935, 'and': 0.04429135686244398, 'in': 0.03477759037394919, 'a': 0.03439151401142228, 'be': 0.02823389247379876, 'his': 0.024495668476079438, 'at': 0.022283085551539385}, {'and': 0.09694613002995947, 'I': 0.06642710373072949, 'he': 0.05682085562006236, '1': 0.04661814126384533, 'feet': 0.042820371402622036, 'one': 0.03702770405431935, 'friends': 0.029371749933395506, 'man': 0.029054247274854776, 'well': 0.027431067081112204}, {'the': 0.6745583809925446, 'to': 0.049959595577264315, 'of': 0.04448598960512335, 'all': 0.041611844593108446, 'The': 0.03704036290944888, 'tho': 0.026524406295262478, 'a': 0.026126619444513683, 'and': 0.02462204062971019, 'their': 0.020885119443273703}, {'or': 0.23787206092569926, 'the': 0.22298584915449174, 'and': 0.07708881234207404, 'a': 0.07310387263234051, 'regard-': 0.06503706796251807, 'not': 0.06268498993776224, 'be': 0.0383197663640591, 'no': 0.034518961489812386, 'with': 0.032840195456044115}, {'the': 0.39641987929000666, 'to': 0.06496616658912657, 'his': 0.05470595431498373, 'of': 0.04950124727099258, 'their': 0.04763641401223838, 'and': 0.03773305381016866, 'a': 0.034066464411448484, 'this': 0.032279904954112, 'at': 0.030241620504566004}, {'in': 0.48715465547940207, 'of': 0.15700330612488225, 'In': 0.09191988883383945, 'to': 0.053148940725846805, 'for': 0.048746671761341884, 'or': 0.04125223392735419, 'at': 0.034890482707495556, 'by': 0.03164631434507608, 'from': 0.028933942360101064}, {'is': 0.3438284440230855, 'are': 0.206837513365632, 'and': 0.0920312389724612, 'Is': 0.05807230836565459, 'was': 0.04639531244978468, 'not': 0.03260720884929152, 'but': 0.019697094704788438, 'am': 0.019101151492816083, 'I': 0.01906529865289116}, {'hundred': 0.0235032118971759, ';': 0.0054779585071094445, 'up': 0.005105670240079721, 'and': 0.005030271487351648, '.': 0.004466719647061224, 'time': 0.004206347673770886, ',': 0.0041579269327617985, 'men': 0.004116251486160726, 'out': 0.0037026151279423913}, {'to': 0.12745269889384106, 'or': 0.12217703056032667, 'and': 0.08730918257362946, 'not': 0.047281344484172254, 'of': 0.04281995032937434, 'there': 0.031252455305734006, 'the': 0.03116152155329934, 'nor': 0.029088589822352923, 'that': 0.027904259434166613}, {'hundred': 0.04265628350110936, 'wife': 0.020250415373466096, 'right': 0.019818096913298437, 'gold': 0.018952355080848752, 'one': 0.017778589020783563, 'feet': 0.015991155803824854, 'up': 0.015585054832391794, 'in': 0.01481161893089632, 'man': 0.014350485084782344}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'and': 0.09468249737622518, 'depend': 0.03875088893599322, 'based': 0.03863406357657407, 'placed': 0.0380392715961322, 'depends': 0.03779424552216468, 'called': 0.03705486424756454, 'down': 0.03295251281941486, 'made': 0.032658028953724605, 'effect': 0.028685464570585545}, {'the': 0.13259169110380162, 'of': 0.10125360072296336, 'and': 0.09484351367489134, 'to': 0.08300581834006926, 'in': 0.050971125704924715, 'for': 0.03594060850150928, 'by': 0.03300085356009506, 'with': 0.026884014004315525, 'that': 0.02638558557195262}, {'and': 0.11709500579409855, 'put': 0.10643117699563356, 'as': 0.08581826638299535, 'of': 0.08457694032516448, 'to': 0.0765575960540644, 'for': 0.0656423325436213, 'that': 0.060023322702557384, 'with': 0.04342737654055691, 'make': 0.03905893713352531}, {'the': 0.2548175450256291, 'of': 0.14358008674215583, 'to': 0.08722829211980318, 'a': 0.035012358816843885, 'and': 0.034332699942394296, 'this': 0.031711900488600696, 'for': 0.028237075664339303, 'in': 0.02766221115153456, 'The': 0.024371142227311394}, {'of': 0.28452711552926707, 'at': 0.14881595635809775, 'and': 0.09288958158857959, 'to': 0.08099223469338333, 'that': 0.06199826901065805, 'for': 0.05380546747175995, 'in': 0.05284639995750884, 'on': 0.05275467124510856, 'by': 0.04921267818625293}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'of': 0.16481628547158406, 'in': 0.14538258511888932, 'as': 0.1110506469897929, 'with': 0.08640941993996379, 'and': 0.05913249395005859, 'to': 0.058397995298863435, 'is': 0.058152901356719404, 'by': 0.05436332090863233, 'for': 0.051415768572934645}, {'and': 0.2025426206599399, 'which': 0.11161117461197835, 'he': 0.0810138078368428, 'that': 0.06153749388975349, 'who': 0.04584618601045561, 'as': 0.045467287777914256, 'it': 0.040544012355059375, 'It': 0.033983826054663775, 'He': 0.029986233804923677}, {'of': 0.3147555289939825, 'and': 0.12039528354865424, 'to': 0.10171040430438437, 'for': 0.06433585033092389, 'that': 0.05900427079682019, 'on': 0.05361835520114675, 'in': 0.04909251672047128, 'by': 0.04437046936555562, 'with': 0.04041817394560568}, {'of': 0.4556973600889605, 'to': 0.14121063857738214, 'in': 0.06808807519103943, 'that': 0.045197456045010784, 'with': 0.03929405959600274, 'and': 0.038109776254707683, 'by': 0.034830801846551074, 'for': 0.03259080246565506, 'all': 0.028180769546244915}, {'the': 0.2010313112830808, 'and': 0.12333784255178008, 'an': 0.11798891991504298, 'as': 0.1083923656499927, 'a': 0.10178985439360237, 'to': 0.08983023427952304, 'this': 0.06907047151181897, 'good': 0.06796509736395559, 'great': 0.04383271625995316}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'the': 0.33659506752153934, 'no': 0.10712964965690064, 'any': 0.08599067151516014, 'a': 0.07771987172596662, 'an': 0.0709032987524238, 'his': 0.050692284641697685, 'every': 0.036434595345144816, 'this': 0.031918343690071155, 'good': 0.03018793782287816}, {'to': 0.38163467894398484, 'the': 0.14272611601544918, 'and': 0.09488300624976068, 'a': 0.06556531103985935, 'will': 0.04742877566250787, 'I': 0.02955421422768214, 'that': 0.022097796946652225, 'would': 0.02108515513915753, 'of': 0.02101222361944531}, {'in': 0.2773929451653081, 'of': 0.25179751328685657, 'from': 0.10493352270338963, 'In': 0.07871489024919641, 'by': 0.03248067578696525, 'on': 0.029927874281646023, 'and': 0.02883971153282231, 'to': 0.022549739773870918, 'with': 0.022383653374279035}, {'and': 0.11377958278649936, 'that': 0.03393930173013742, 'made': 0.03148131436108041, 'or': 0.028913259191955403, 'one': 0.024054279679360312, 'out': 0.02402922383216283, 'them': 0.02364649400583724, 'up': 0.023196658338292434, 'but': 0.02279300312693332}, {'made': 0.11942847096974421, 'and': 0.07979570471363857, 'caused': 0.029091215056480817, 'shown': 0.028426754301022945, 'up': 0.02777670568714523, 'ed': 0.027617079589566704, 'out': 0.026630159435991316, 'taken': 0.02626602987193105, 'done': 0.02542850605479482}, {'It': 0.27791339494687406, 'there': 0.13973149922916894, 'it': 0.0893288627667459, 'There': 0.0888301203297037, 'This': 0.037279150612401064, 'which': 0.034684125549762565, 'that': 0.031534539686529695, 'he': 0.02962663744935217, 'and': 0.017772187453392457}, {'of': 0.1598528543161422, 'the': 0.12025166729799407, 'and': 0.07467151083664718, 'to': 0.06760504028802868, 'in': 0.04743958464325681, 'a': 0.042783727124754554, 'with': 0.02384270903663011, 'for': 0.02147260837277915, 'by': 0.020285084183599224}, {'and': 0.1508444054308438, 'the': 0.14166398776204175, 'he': 0.0986337746419439, 'was': 0.07570236894587125, 'I': 0.07526171722223626, 'had': 0.04145645932380156, 'be': 0.038262192668665, 'his': 0.03353267907326833, 'to': 0.023310602533815544}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'is': 0.21766374638045552, 'are': 0.1429317620043109, 'and': 0.13590111700972726, 'the': 0.12151710767800802, 'a': 0.0521144188917556, 'but': 0.03736260460813484, 'Is': 0.036889883225951804, 'not': 0.03264296664689189, 'I': 0.031205764301094206}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'and': 0.07176323887870309, 'and,': 0.07040749756290805, 'that': 0.03745355551650805, 'but': 0.035085697128966406, 'is,': 0.03262703460897095, 'if,': 0.029405457228772896, 'This,': 0.02872885384522664, 'But': 0.023133626745849855, 'which,': 0.01960844856146866}, {'to': 0.26049963559599515, 'I': 0.23424584341745264, 'not': 0.13930652980710662, 'We': 0.09361380446627797, 'we': 0.08153985185540556, 'and': 0.03653208304274101, 'you': 0.03155949940841082, 'who': 0.021913146120417486, 'They': 0.020166475293921106}, {'day': 0.06537926351619806, 'city': 0.055305298519592594, 'County': 0.05522691197395674, 'City': 0.0388322377621707, 'board': 0.031228627203475492, 'line': 0.02938660119704138, 'quarter': 0.02586171665566026, 'county': 0.02527201729250499, 'District': 0.02478548959974637}, {'it': 0.1929049005621763, 'he': 0.18280993884688768, 'It': 0.12849759550195017, 'He': 0.07205560501802064, 'I': 0.07198267105824122, 'and': 0.05595224834253129, 'she': 0.042263555243110165, 'which': 0.040665536678821106, 'who': 0.029013974707004002}, {'have': 0.18475584420268426, 'he': 0.1468550087745283, 'has': 0.11699740890914515, 'had': 0.09981173677559826, 'and': 0.09408078930071936, 'I': 0.08622525072476872, 'be': 0.050594147091412967, 'He': 0.040705954086625855, 'who': 0.039136541237451916}, {'hundred': 0.1508383142470406, '3': 0.014789630224314176, 'dred': 0.013643475933534115, 'Hundred': 0.012798093174018373, '2': 0.012674819876074746, '7': 0.01247994559587633, 'north': 0.011094294567924882, '6': 0.010680533149460937, '4': 0.010564904386468236}, {'is': 0.09711397499620324, 'as': 0.07369218905968099, 'and': 0.06692479197984169, 'was': 0.05717630077691028, 'not': 0.04971285769016398, 'enough': 0.04508192968416911, 'him': 0.044767279139910916, 'are': 0.043005955168464685, 'order': 0.04213187363420604}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'and': 0.08996131853512668, 'be': 0.06437538676040118, 'to': 0.05480255961658224, 'of': 0.053107136157217696, 'the': 0.04374846652028375, 'in': 0.03423105078695447, 'was': 0.03263607209835259, 'is': 0.030426330539617186, 're-': 0.029533595312853534}, {'<s>': 0.076086458156577, 'it.': 0.027476939619448526, '.': 0.01568295398253794, 'day.': 0.01336956163748395, 'them.': 0.013251085846022526, 'him.': 0.011094835122711163, 'time.': 0.009209566625668533, 'her.': 0.008189255532095091, 'night.': 0.007891780912983542}, {'a': 0.26816741517227116, 'and': 0.1164475842259872, 'the': 0.08977429521004779, 'was': 0.07732953724400833, 'to': 0.07708823776823694, 'is': 0.06379656731224781, 'came': 0.062058044982950936, 'as': 0.050550276079878706, 'be': 0.0363435971223633}, {'of': 0.30151673583094185, 'and': 0.12405385495341562, 'to': 0.11913346659173418, 'in': 0.09549538327407575, 'with': 0.06123387990671086, 'from': 0.04593264830052986, 'by': 0.043706198650593, 'that': 0.040602407316056494, 'for': 0.03494675039735821}, {'at': 0.22158661501966892, 'the': 0.16050070479306566, 'to': 0.13523469399477825, 'this': 0.10997597105345655, 'of': 0.09394134192720065, 'his': 0.05724772408120765, 'and': 0.039864841416294254, 'in': 0.03835977941223359, 'their': 0.035640811060820086}, {'and': 0.08362943294997585, 'together': 0.07769806815080653, 'connected': 0.0635902168573379, 'connection': 0.06228367212358626, 'accordance': 0.047530813078388766, 'comply': 0.026000666542743977, 'acquainted': 0.023189098613704624, 'compared': 0.02214887744238745, 'contact': 0.01973810078197255}, {'the': 0.3151050199199344, 'of': 0.19934440961963032, 'and': 0.09403596924635611, 'a': 0.05760053243671449, 'in': 0.046059231230040076, 'to': 0.036528079739300785, 'from': 0.024578181329882286, 'by': 0.02443087561226668, 'with': 0.02370535683180285}, {'the': 0.3896864768507585, 'a': 0.38955109259167264, 'The': 0.03856104779306881, 'to': 0.03819020718487363, 'unanimous': 0.02724470260669978, 'tho': 0.01989075699478741, 'and': 0.015517103996430926, 'no': 0.013167611829893873, 'A': 0.0129234314621091}, {'of': 0.291878844923032, 'in': 0.15094640644751794, 'to': 0.09938863289086591, 'on': 0.0952146420922658, 'and': 0.07744499711044918, 'for': 0.049582147563059634, 'by': 0.04743246243098676, 'that': 0.04564148095441909, 'with': 0.039929408516605834}, {'and': 0.08809787941621242, 'was': 0.056402203681033096, 'are': 0.03647971428688554, 'is': 0.03479626638942261, 'arrived': 0.03280548655439932, 'it': 0.029045202212511643, 'them': 0.02581179511901184, 'be': 0.024269609248131083, 'not': 0.02417567588862434}, {'he': 0.1435483956157442, 'be': 0.12161897284793317, 'and': 0.11887375858477098, 'was': 0.093092947160533, 'had': 0.06730793452481582, 'have': 0.056984089373811136, 'I': 0.045955341847905416, 'has': 0.0442354067539944, 'is': 0.041163657813519494}, {'amount': 0.07919987458556406, 'payment': 0.05473586814113923, 'out': 0.05053607716873832, 'value': 0.0498733300394171, 'part': 0.049264397934526596, 'proof': 0.04494063651223855, 'all': 0.035516241206615985, 'tion': 0.032755849510533855, 'proceeds': 0.02811040568735143}, {'of': 0.19688564506378914, 'to': 0.15475367635305537, 'and': 0.12646650242287408, 'in': 0.10355574394511963, 'the': 0.08834244817948428, 'not': 0.06819890637211766, 'with': 0.052380774538624005, 'is': 0.04400504110441281, 'will': 0.03741632856350249}, {'was': 0.10273436399307243, 'carried': 0.060408138566851455, 'be': 0.04552400157315271, 'went': 0.04454256145644749, 'taken': 0.04180169407000121, 'is': 0.040326146814209554, 'far': 0.033301118211726106, 'it': 0.03312623971246134, 'laid': 0.03228880259773124}, {'in': 0.3851596626264814, 'of': 0.1132547306136073, 'the': 0.10234454199828225, 'In': 0.09356238099703101, 'to': 0.047796539233256524, 'into': 0.03201032902311696, 'this': 0.0312779040672614, 'and': 0.03031411906894275, 'on': 0.02886688187359787}, {'the': 0.6920395727156173, 'a': 0.07131432581125909, 'The': 0.03778973167006852, 'tho': 0.03485348103345576, 'in': 0.018128886235141275, 'and': 0.017705751246503067, 'tbe': 0.01390721856149159, 'this': 0.009711312616351926, 'of': 0.009692506916610917}, {'or': 0.6549997301188926, 'the': 0.08054951020740038, 'and': 0.05367602491286469, 'a': 0.04941500965091758, 'of': 0.017906863440884106, 'this': 0.010063106881593672, 'as': 0.009675515348615554, 'in': 0.009417919840666214, 'that': 0.008721473131655257}, {'is': 0.13286252619151903, 'was': 0.12953802456769103, 'the': 0.11802687440674152, 'and': 0.07247908536379408, 'are': 0.06715041912328397, 'be': 0.061557153319780844, 'a': 0.049797298421495155, 'very': 0.03984054209639543, 'been': 0.0380209750618588}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'be': 0.1906927047088627, 'is': 0.10539942336552041, 'was': 0.08596059803282627, 'are': 0.08275611901495918, 'not': 0.07794602945105039, 'and': 0.06292219589077397, 'an': 0.055855758822486154, 'as': 0.05064985003891143, 'amount': 0.05031564515767331}, {'a': 0.17523357011570054, 'the': 0.13322938068206072, 'of': 0.11378635839293329, 'in': 0.05969415775176269, 'and': 0.0576225769235264, 'to': 0.046516488064961274, 'an': 0.03654912902619585, 'for': 0.0203897744532919, 'his': 0.017916214191763345}, {'-': 0.06043243844691917, '<s>': 0.0347924979983631, 'of': 0.028395609460602354, 'I': 0.022286652811976095, 'and': 0.019710634412936825, '.': 0.01873919029424233, 'w': 0.018327898499453935, 'to': 0.018180632825382292, 'ti': 0.017319943287432166}, {'and': 0.08065115970908836, 'them': 0.034741264455021924, 'put': 0.03393847235235448, 'out': 0.030324100456217955, 'carry': 0.024614501276048497, 'was': 0.023915996504260528, 'work': 0.023096297608759246, 'it': 0.022532056597830582, 'that': 0.022361432657540006}, {'of': 0.3272621763325615, 'and': 0.11912055941550759, 'to': 0.11884108314543462, 'that': 0.07154596649967956, 'in': 0.05410731453790963, 'by': 0.04777557635009651, 'from': 0.04543878675726559, 'at': 0.036483141261987984, 'with': 0.03208444727551291}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'one': 0.13027668708462814, 'out': 0.07742206756685843, 'part': 0.06474114282857145, 'some': 0.05640712659716483, 'time': 0.03954471000289752, 'account': 0.03620724368530425, 'all': 0.03238127669140698, 'and': 0.028154969476639407, 'that': 0.02755643570827209}, {'to': 0.6358289166796146, 'and': 0.061758940811755446, 'will': 0.05206733826160873, 'would': 0.048290160660859546, 'not': 0.0459331921931083, 'can': 0.029043247879603072, 'or': 0.019232596851407976, 'should': 0.019092852986269008, 'could': 0.01863228756370924}, {'that': 0.17731814104818433, 'if': 0.17371532322901487, 'If': 0.14810705462000073, 'and': 0.0881921140175973, 'as': 0.06963694631433161, 'which': 0.06153599372010066, 'what': 0.03712528861751677, 'when': 0.036528923563773616, 'for': 0.02832091923235928}, {'to': 0.11611623202716108, 'and': 0.0927670277041291, 'of': 0.05480015358824163, 'the': 0.03853384443427393, 'is': 0.03353964289198347, 'in': 0.029809014802675858, 'was': 0.0288691907044105, 'con-': 0.025306563829559637, 'will': 0.02411726427444757}, {'has': 0.18401397622660687, 'be': 0.17200584231050264, 'have': 0.14616392570548328, 'had': 0.1270349578166319, 'was': 0.09784795343631118, 'been': 0.058517926236360394, 'and': 0.03857113936578135, 'were': 0.03528872244905011, 'is': 0.03481413358583192}, {'and': 0.11770920586208125, 'him': 0.02652458526496277, 'reason': 0.026088207156801928, 'made': 0.02589174143551295, 'but': 0.025031317555575812, 'enough': 0.02244353884399602, 'asked': 0.02140113704667773, 'time': 0.019604906534980888, 'them': 0.019458932819847542}, {'to': 0.3986640275545894, 'will': 0.16081121906370732, 'may': 0.09151381165819042, 'would': 0.08091138360757623, 'shall': 0.056892314073592985, 'should': 0.05352920438258445, 'must': 0.04170585614327608, 'not': 0.037555130024714285, 'can': 0.03148474353611089}, {'is': 0.16648732978108713, 'of': 0.14073804843705123, 'was': 0.09132863614146981, 'and': 0.0842639405921889, 'with': 0.07719561307258256, 'for': 0.07459041493408321, 'to': 0.06510513092505121, 'in': 0.06326981761877702, 'as': 0.06113300678123566}, {'was': 0.24481360022719167, 'is': 0.17251133921164097, 'be': 0.12701018460370753, 'as': 0.10987193564047569, 'been': 0.06188188525065157, 'and': 0.05959429580817294, 'were': 0.0559259271289302, 'are': 0.05397030872521698, 'the': 0.032230181272510684}, {'<s>': 0.07498661557471537, 'it.': 0.015813070158576678, 'them.': 0.010439213671753572, 'time.': 0.00852233128911293, 'day.': 0.008301811881509559, 'him.': 0.007958737981045577, 'country.': 0.006888058108861973, 'years.': 0.006599897824752727, '.': 0.006080609714831519}, {'the': 0.19960057998544425, 'two': 0.1116006216964958, 'of': 0.10909916956935373, 'and': 0.1039307788586312, 'for': 0.0714416799609176, 'The': 0.06483201951930428, 'three': 0.04488996883001005, 'that': 0.03784064210188472, 'few': 0.03694624584558003}, {'of': 0.3126794167662264, 'the': 0.1090426676453841, 'by': 0.1035539924821861, 'from': 0.08797083071018345, 'to': 0.06503045519884776, 'in': 0.060611115676531574, 'and': 0.05031632811796383, 'with': 0.04790877399991537, 'for': 0.03960541184950325}, {'<s>': 0.13332773400439699, 'it.': 0.017066945996742983, 'of': 0.013729019366744486, 'them.': 0.012759891708149384, '.': 0.012586104044924808, 'day.': 0.00907301277760341, 'time.': 0.008046780619471753, 'to': 0.007728180875465198, 'year.': 0.007471176187959488}, {'<s>': 0.04528069650880274, 'and': 0.02699937938339363, 'was': 0.021406588236314687, 'be': 0.020813624463239748, 'is': 0.012882853041428905, 'are': 0.01258672034788641, 'that': 0.01152457668573977, 'were': 0.010877731891555668, '.': 0.009179189803047959}, {'the': 0.554423673255985, 'of': 0.051470899997346276, 'and': 0.0350928188729424, 'The': 0.034862458467138896, 'tho': 0.032661222777039124, 'Rocky': 0.02472592792802775, 'a': 0.01762220092102685, 'tbe': 0.016088057488059145, 'in': 0.014441352618869198}, {'the': 0.24410430778870992, 'a': 0.07710151381515075, 'of': 0.07697577719266274, 'and': 0.0652097685225663, 'Mr.': 0.055847139160639825, 'The': 0.04108289213685512, 'to': 0.03342562073379652, 'in': 0.027117287009663538, 'an': 0.024562678691808327}, {'the': 0.18927580197235688, 'of': 0.10268000335673094, 'to': 0.07193089873803327, 'and': 0.06302722590064451, 'in': 0.035804951354373886, 'for': 0.03552877544733519, 'be': 0.029165863199114864, 'was': 0.021230450879771812, 'is': 0.019324942212557497}, {'the': 0.44352671438253904, 'The': 0.20556079537016328, 'of': 0.07933036204388641, 'a': 0.0714532607232467, 'and': 0.05208479359061432, 'his': 0.028246820557380776, 'tho': 0.026245401699665986, 'that': 0.014718708763889463, 'Tho': 0.012876422399890715}, {'one': 0.10818554143898346, 'out': 0.08205944313405265, 'some': 0.05230482666832631, 'and': 0.03704986683954225, 'part': 0.03619022213779566, 'many': 0.03198669884790675, 'that': 0.03137518623430548, 'all': 0.026696116418554856, 'time': 0.02459438233182114}, {'to': 0.15995865690355016, 'for': 0.08812077620807249, 'given': 0.08367875525209037, 'upon': 0.08012106390370344, 'with': 0.06659903789813697, 'by': 0.06488785775174076, 'told': 0.05658183720137386, 'against': 0.05178513590970342, 'on': 0.04939516741234394}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.3351417205189195, 'young': 0.06694620006363963, 'business': 0.06371561793896569, 'of': 0.05897933906908186, 'and': 0.057095859570076915, 'The': 0.04750635922600106, 'two': 0.04391623041100769, 'many': 0.031745076722129534, 'by': 0.029294297910931008}, {'the': 0.12587325765134058, 'a': 0.08920092790070841, 'and': 0.08707384880824844, 'of': 0.0825049241743352, 'to': 0.059790278496737854, 'in': 0.032936110292086956, 'be': 0.03252258016382413, 'was': 0.020814076420510568, 'is': 0.018976654092854692}, {'Mrs.': 0.12391496451004555, 'of': 0.10561567094796821, 'by': 0.09540165084641729, 'said': 0.08907735241605073, 'and': 0.08103757474183422, 'Mr.': 0.03969658608022446, 'boy.': 0.033995102756734945, 'to': 0.03214074732506984, 'girl.': 0.026701543008199158}, {'few': 0.30254830165970303, 'two': 0.20392421558385174, 'three': 0.18616554659975368, 'six': 0.07079848944605914, 'some': 0.06524808644976055, 'several': 0.05524322526335652, 'four': 0.052055506109157525, 'successive': 0.017637294296784962, 'five': 0.01721204555513869}, {'the': 0.18569082095527795, 'of': 0.08036465464605304, 'The': 0.07771425594879346, 'Mr.': 0.07134755128871598, 'and': 0.05004412695469776, 'that': 0.04809895270981636, 'a': 0.030382148191854107, 'Mrs.': 0.02415799873788853, 'his': 0.017341480938086247}, {'feet': 0.0606555037946074, 'as': 0.047027694539963964, 'day': 0.04434563159926064, 'went': 0.04311010065257144, 'came': 0.03369476916258308, 'up': 0.033436542059937964, 'prior': 0.028779010262136397, 'and': 0.02715713160016768, 'back': 0.023238650372328445}, {'the': 0.24682052674279503, 'a': 0.10297801461473544, 'of': 0.07376527875490486, 'and': 0.06973526093515699, 'to': 0.03665928191989305, 'Mr.': 0.036349590008959286, 'The': 0.02694297866230446, 'in': 0.021912428904100462, 'tho': 0.019250638099189983}, {'to': 0.3323308833437942, 'the': 0.24035303061033447, 'a': 0.10402448688644131, 'this': 0.04972965382086444, 'will': 0.04324520991566822, 'would': 0.039784382993708754, 'and': 0.03597028998842865, 'of': 0.023460223222763765, 'in': 0.021549031303441487}, {'the': 0.8291756217855742, 'The': 0.06141510789342516, 'tho': 0.04438008680995066, 'a': 0.019292537490017875, 'tbe': 0.01760278147059464, 'said': 0.0059094839607791525, 'and': 0.004766988892176631, 'of': 0.0032972763668648016, 'any': 0.0031416505013650182}, {'and': 0.2010112187903528, 'of': 0.12960160601760684, 'by': 0.06369258074739748, 'after': 0.061746502345829984, 'to': 0.06069635106202674, 'in': 0.05737447263477027, 'with': 0.047880701453707764, 'for': 0.04618998809794344, 'without': 0.04028170195608703}, {'and': 0.11703256979072817, 'of': 0.04862955176754268, 'an': 0.034515453608917925, 'to': 0.03404304096356623, 'said': 0.022986409875297858, 'that': 0.020786666898555087, 'which': 0.019704788794122966, 'by': 0.019155485013291774, 'as': 0.01889974639883975}, {'is': 0.3668021505498568, 'are': 0.24023046289112668, 'was': 0.06874849951772775, 'and': 0.061149555982266186, 'Is': 0.04753428152448842, 'not': 0.030337206137931415, 'has': 0.029572472899981373, 'have': 0.026201187130538175, 'be': 0.018883850020146527}, {'to': 0.13485762507178103, 'and': 0.09756814597574184, 'the': 0.0900710029282669, 'of': 0.07431987740943988, 'be': 0.043124786372275854, 'was': 0.04146406106085092, 'is': 0.03348267801334315, 'for': 0.025423363975354794, 'been': 0.023645982162490895}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'of': 0.224243586616405, 'in': 0.11816808062411355, 'and': 0.09303763643129613, 'for': 0.06642737847239434, 'to': 0.05126883583653419, 'all': 0.030371244963563644, 'from': 0.028299693166901903, 'In': 0.02490035663658011, 'fact': 0.019264782487007102}, {'that': 0.16908251924626766, 'and': 0.1614871501143544, 'is': 0.14354956980661143, 'was': 0.10626479582684303, 'but': 0.06449625016186199, 'had': 0.05126879507399067, 'have': 0.04256692789755818, 'be': 0.039925149622974804, 'with': 0.029913943867320138}, {'one': 0.016368888842335127, 'more': 0.015000372690832826, 'on': 0.011189338260333165, 'day': 0.01075934247865153, 'two': 0.010752403191876184, 'person': 0.00789861567222125, 'in': 0.007751399993273645, 'man': 0.007556023970783172, 'law': 0.006531081514130428}, {'was': 0.24105660033861198, 'be': 0.1865069504207599, 'been': 0.17101212753871817, 'is': 0.07272077704819936, 'were': 0.07008566824707603, 'being': 0.04014909660154769, 'are': 0.03563442003391306, 'duly': 0.034847198460421155, 'and': 0.01925720307319524}, {'the': 0.25357171950974755, 'of': 0.21349020178817782, 'and': 0.1239496016084099, 'in': 0.06837193822179104, 'an': 0.06613702144547266, 'a': 0.04512934821502241, 'In': 0.03418644101861625, 'tho': 0.02718519897931761, 'for': 0.026302338739748226}, {'Mr.': 0.21793073209425878, 'the': 0.08378219259127247, 'Mrs.': 0.06707772641890343, 'that': 0.06617979660296829, 'and': 0.04030382449327421, 'The': 0.03404842648436478, 'of': 0.033346107770180614, 'as': 0.022111428366045426, '<s>': 0.01800453229909228}, {'the': 0.21868223441186688, 'of': 0.14173900498592135, 'and': 0.09037555331977652, 'to': 0.04915187593900712, 'a': 0.043632455274109284, 'in': 0.0327275663117945, 'or': 0.020700841863396345, 'for': 0.019420592137183647, 'The': 0.018709321644895263}, {'the': 0.1902515117941, 'of': 0.1332294966401864, 'to': 0.08819371175492623, 'and': 0.0615046333948122, 'in': 0.05795933627817157, 'a': 0.035677508353687416, 'from': 0.024839948419151606, 'for': 0.023763221848154797, 'on': 0.021735423832789886}, {'so': 0.3530502153475638, 'as': 0.19180703095362847, 'thus': 0.12703161472336638, 'not': 0.05152904032332822, 'has': 0.04425029221122765, 'have': 0.03855703074874369, 'So': 0.03854083915980121, 'had': 0.030503120987103914, 'and': 0.026529232687372596}, {'the': 0.32228340711250963, 'a': 0.31517780398116596, 'feet': 0.0459716562500206, 'of': 0.04385969182338538, 'very': 0.040619249504100084, 'and': 0.031221971293818287, 'miles': 0.02781698788094351, 'as': 0.024663739667348708, 'The': 0.022163011271138667}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.16267840425826882, 'fact': 0.09574554698234829, 'believe': 0.06296690217091916, 'said': 0.047277443736499156, 'so': 0.04505920144260566, 'know': 0.042327676761097104, 'say': 0.03850507967995503, 'is': 0.0377523071150299, 'but': 0.03281262958809694}, {'is': 0.21205727315440398, 'be': 0.1547399368849096, 'was': 0.1360156297181471, 'are': 0.12548726886725728, 'been': 0.09016487120355417, 'and': 0.07629789011719088, 'were': 0.050186960372841226, 'have': 0.0454894154249487, 'Is': 0.044309795563169434}, {'would': 0.17959540429010784, 'to': 0.13519794944916977, 'who': 0.09755427043109222, 'they': 0.08092794866467283, 'I': 0.07229973568327139, 'which': 0.06237819314755754, 'must': 0.053838397959161594, 'might': 0.048424713189248424, 'shall': 0.04348004295022552}, {'the': 0.5938752206699572, 'a': 0.07194708460267402, 'this': 0.0683308908575702, 'said': 0.04702185015698109, 'tho': 0.02339105251413867, 'further': 0.021788605049544642, 'any': 0.02085652127873726, 'large': 0.019757884244173747, 'principal': 0.018479333274050016}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'it': 0.19048068241509208, 'he': 0.15273242883251953, 'It': 0.1196284045271654, 'I': 0.08654371532042918, 'He': 0.05072207684118977, 'which': 0.0493155414634095, 'and': 0.045211601649086657, 'she': 0.04519846811121409, 'that': 0.024053928065086855}, {'of': 0.3982705258652667, 'to': 0.11007379598012013, 'in': 0.07747750678021646, 'that': 0.07041526475871102, 'for': 0.06815409584443852, 'and': 0.067607455564167, 'with': 0.045046925045085166, 'by': 0.039963923206194955, 'from': 0.034089571750457306}, {'the': 0.8283883289241207, 'The': 0.05238861484838014, 'tho': 0.027932255884137086, 'this': 0.01698217674934326, 'a': 0.011165988778192436, 'and': 0.010835424002628312, 'said': 0.010151048970063132, 'tbe': 0.009282570611441816, 'next': 0.004456367117900039}, {'the': 0.2612105293864527, 'a': 0.1854288176560714, 'of': 0.1646945983179479, 'to': 0.06245013220754896, 'this': 0.04700028881116719, 'in': 0.040069805858966995, 'his': 0.039583598549874484, 'and': 0.03868595250348969, 'that': 0.033760060302480105}, {'and': 0.09377129454296322, 'was': 0.04271315341537484, 'out': 0.028524574363226172, 'that': 0.02811573968936019, 'placed': 0.027131868575018914, 'work': 0.02578173844450971, 'made': 0.024681420068921236, 'is': 0.024021050156212566, 'up': 0.023509378606325886}, {'of': 0.2083734944571929, 'and': 0.19472038931572272, 'in': 0.14129663439493959, 'to': 0.11477480657326358, 'the': 0.06275066034266397, 'In': 0.042003347098323936, 'that': 0.027755325472345674, 'they': 0.026167953152787318, 'by': 0.022159574287794213}, {'few': 0.15905914256695974, 'five': 0.11332172392089607, '30': 0.1054050529318697, '10': 0.09844060039216687, '15': 0.07592197449906879, 'three': 0.07418949564400822, 'ten': 0.06853462533896233, '45': 0.062270802209834074, '20': 0.052457162588785106}, {'of': 0.24878153460845093, 'and': 0.10939396131124376, 'in': 0.10634964370344462, 'to': 0.10434311784824232, 'that': 0.08220716183141033, 'with': 0.07257661497774802, 'by': 0.05366728392702869, 'is': 0.05129968291250772, 'all': 0.05040229225601421}, {'the': 0.5543067333463603, 'The': 0.10090118209138291, 'this': 0.08260347427638913, 'said': 0.054669404624189934, 'rail-': 0.04334313412125119, 'tho': 0.02960743337822811, 'rail\xad': 0.026830106985642532, 'a': 0.01465667357474778, 'that': 0.014382816224735064}, {'a': 0.2875884538815081, 'the': 0.27132157202938445, 'The': 0.07624024454834454, 'this': 0.02678704221627498, 'his': 0.023399706340654636, 'that': 0.02137411768655843, 'tho': 0.017766992170435914, 'A': 0.017476939127180142, 'one': 0.01622214223210542}, {'of': 0.29752346893389403, 'to': 0.12275808145904213, 'in': 0.11966883877934051, 'and': 0.07139908384830312, 'that': 0.06373551183862165, 'by': 0.06116086555573226, 'on': 0.05676258783617116, 'for': 0.05612550144603564, 'at': 0.04522861288790125}, {'the': 0.1287053056813113, 'and': 0.09508927028557602, 'to': 0.07119949655636888, 'of': 0.06102613577256228, 'so': 0.03421728976199958, 'is': 0.030015551339827497, 'be': 0.023127371175015583, 'he': 0.020689572386688632, 'was': 0.018665179604157495}, {'in': 0.23406216333241298, 'for': 0.1761078298884538, 'of': 0.1648758920666254, 'to': 0.08654886389602759, 'on': 0.07191691982735002, 'In': 0.06472324223142688, 'from': 0.050233184125745116, 'at': 0.04179807844365296, 'during': 0.03799364992576125}, {'made': 0.08329991235877175, 'and': 0.08101134671409826, 'owned': 0.054099228506223805, 'occupied': 0.037600553934019024, 'accompanied': 0.03392102474539285, 'assisted': 0.03128640535785278, 'given': 0.027620904807990978, 'followed': 0.02743538083911405, 'signed': 0.023920362965688828}, {'is': 0.26351219754795635, 'be': 0.2078310710301647, 'are': 0.13519178924723887, 'was': 0.1129507276169888, 'and': 0.07266071628417264, 'been': 0.03818430286149086, 'Is': 0.03605566750304204, 'not': 0.03539323581294185, 'were': 0.03506637057818147}, {'person': 0.06648850443404725, 'one': 0.05811416163602787, 'more': 0.030531395869409148, 'action': 0.02688752028708181, 'man': 0.026103584603042566, 'city': 0.02069583523610491, 'in': 0.020263989855346977, 'owner': 0.01852014373793746, 'law': 0.015119752753579907}, {'the': 0.15652861021077083, 'was': 0.1393708775930737, 'be': 0.08700501284223401, 'and': 0.06785974942647116, 'is': 0.06727523111358945, 'been': 0.05031505860014806, 'a': 0.046115105229874005, 'were': 0.04071435843644415, 'are': 0.03670507158944145}, {'and': 0.14170530797940953, 'of': 0.07227017679224287, 'the': 0.04462003554708702, 'be': 0.03685807754549318, 'a': 0.035905515184589634, 'in': 0.03203315204003, 'is': 0.03168739705547206, 'was': 0.03131301567082761, 'he': 0.02922624312968863}, {'made': 0.07480064136839229, 'and': 0.07299256274953536, 'or': 0.03735346764649361, 'it': 0.022904839789852624, 'paid': 0.021045970284064613, 'accompanied': 0.021040921077179583, 'that': 0.019685582551149376, 'ed': 0.01935348104827986, 'done': 0.01879214719018923}, {'and': 0.05176341038719417, 'was': 0.02915783767175838, 'application': 0.026545264466369282, 'there': 0.024985630699195287, 'so': 0.021576687337672366, 'place': 0.02128825397229763, 'feet': 0.020260097505456983, 'as': 0.0197054533544315, 'him': 0.01932502443600241}, {'the': 0.34438797114120145, 'and': 0.09093064394369817, 'a': 0.07985490153752092, 'of': 0.07073501976813588, 'The': 0.06834359781910071, 'this': 0.047559097839538635, 'his': 0.035617520403462694, 'its': 0.026510842598970165, 'tho': 0.026343210399792108}, {'virtue': 0.07446520038896885, 'out': 0.065008335608151, 'part': 0.03947215825672998, 'one': 0.03562890125655043, 'quarter': 0.03241584136443704, 'favor': 0.0239235849421329, 'result': 0.023354276051738905, 'guilty': 0.022667050730808908, 'means': 0.022196791642065155}, {'is': 0.16688891866606584, 'was': 0.12398214291699491, 'are': 0.10504473077917895, 'did': 0.10125319919436176, 'do': 0.09241446939744932, 'could': 0.07426940987205648, 'and': 0.06504621694397594, 'does': 0.062297211422845195, 'will': 0.06217440315044117}, {'the': 0.15810719041826277, 'of': 0.11538162605991592, 'and': 0.08590614475192779, 'to': 0.03653028467702717, 'that': 0.03458867073426142, 'The': 0.03264049351240182, 'in': 0.031434889789269324, 'which': 0.021104406239568142, 'or': 0.01768398068680682}, {'and': 0.08626960834145231, 'able': 0.057199241551801665, 'order': 0.053161867300474265, 'him': 0.04760105043808385, 'necessary': 0.042835216414292075, 'unable': 0.037774550252659904, 'enough': 0.0349525689588729, 'is': 0.03416759770505846, 'them': 0.03345915183646621}, {'and': 0.10498722456422749, 'of': 0.08598374036813505, 'the': 0.08184169682095695, 'to': 0.06047744551104236, 'in': 0.03873211299337432, 'for': 0.02990008584425504, 'a': 0.021327689094648345, 'be': 0.020255860231254186, '<s>': 0.019150591023755555}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'and': 0.09574184517725205, 'or': 0.02987655677802927, 'that': 0.018621863510611444, 'it': 0.013456585539872485, 'is': 0.012553597588751183, 'one': 0.01191362795905468, 'out': 0.011791753605547232, 'but': 0.01175868804029638, 'are': 0.011647686485981109}, {'in': 0.22538640503438517, 'of': 0.1416520847587761, 'to': 0.08491126168063094, 'with': 0.07031190766364354, 'for': 0.06285024030285774, 'from': 0.0608050984068925, 'by': 0.05677455371705431, 'In': 0.05133082895211274, 'and': 0.02912096756860072}, {'of': 0.29535442330467426, 'and': 0.09893391303525519, 'that': 0.08833169565300704, 'in': 0.08592364766011835, 'to': 0.08159394864158181, 'for': 0.06600992823737485, 'by': 0.06065409065254292, 'when': 0.03763651777442043, 'In': 0.030502821312382307}, {'the': 0.627992575723295, 'a': 0.1539292752167373, 'The': 0.044162574897499376, 'tho': 0.03444274742144881, 'and': 0.02668673178006495, 'seating': 0.02020074213388668, 'this': 0.017497080325964462, 'great': 0.014563388709668822, 'tbe': 0.013204629769339346}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'the': 0.19562286545974122, 'and': 0.08210215890826428, 'a': 0.07285430231959578, 'of': 0.06740390745474954, 'to': 0.06543949730759961, 'so': 0.03317401232380278, 'is': 0.0309285392337911, 'in': 0.02758066527636791, 'be': 0.023650834831107286}, {'of': 0.2520747193426153, 'the': 0.2272196697943047, 'The': 0.07699380357549036, 'and': 0.038700818736947265, 'other': 0.03295910753462917, 'these': 0.032826776992407575, 'for': 0.03072834090635542, 'at': 0.025778333919746054, 'all': 0.024906947021716815}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.4089602954229486, 'to': 0.1402303298755858, 'in': 0.12314826209609506, 'by': 0.0539293413193877, 'for': 0.053820987535506806, 'that': 0.05193222613429199, 'and': 0.04844538231349449, 'from': 0.028776583997908757, 'In': 0.026474482929724343}, {'they': 0.1541782586066408, 'who': 0.07423270332128717, 'there': 0.06865609592278805, 'we': 0.06743402016614146, 'which': 0.05203541969553862, 'and': 0.049343777402751934, 'you': 0.04504882927149229, 'There': 0.03909780193172581, 'They': 0.036944440497495006}, {'<s>': 0.12142454368785655, '.': 0.01582056747332422, 'it.': 0.010597569036320672, 'them.': 0.007926088467709161, 'of': 0.007769886471919998, 'day.': 0.0069792066525146395, 'time.': 0.005102329119694682, 'year.': 0.004688885409819979, 'country.': 0.004408281983902149}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.4268423130356674, 'of': 0.12336170213751502, 'to': 0.08229098141318171, 'and': 0.05450092913902495, 'our': 0.04900973230441464, 'by': 0.030480690822642143, 'many': 0.026344131232977994, 'The': 0.025283564834545184, 'these': 0.024960326405748873}, {'of': 0.24554612536348097, 'in': 0.17048733788744333, 'to': 0.11583962367411473, 'for': 0.0772799542026993, 'and': 0.0635329188613975, 'by': 0.06076929995031637, 'that': 0.05282165483823379, 'with': 0.04837301949742112, 'In': 0.03615147185830817}, {'of': 0.39176956835028615, 'is': 0.07872432629942032, 'to': 0.0730413452499011, 'for': 0.0708423169965359, 'in': 0.06393621975323874, 'and': 0.06065172306263361, 'with': 0.0533207107941116, 'that': 0.04378254279255212, 'by': 0.03750950745037137}, {'of': 0.26678610148793636, 'and': 0.10850019485430487, 'to': 0.09506574294491991, 'for': 0.0910558317568353, 'all': 0.07211629052326103, 'that': 0.0661042610116062, 'with': 0.06173211835546969, 'by': 0.0504382245478858, 'in': 0.03769971228848986}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'him,': 0.03058312043676186, 'her,': 0.026504584449676457, 'him': 0.025573456386840793, ';': 0.02120142214653546, 'it,': 0.020202702303659583, 'them,': 0.014489654920920967, 'up': 0.011878371258405122, 'man,': 0.01050664138580321, 'me,': 0.010210542652263807}, {'for': 0.11711588756453747, 'and': 0.11443236729089855, 'as': 0.06708742840621339, 'that': 0.06299032792176115, 'to': 0.06036372966406248, 'in': 0.057522014209646706, 'of': 0.051315906961607274, 'but': 0.04016289449237997, 'cleanse': 0.03989274864466262}, {'the': 0.617227029148251, 'a': 0.05211751126743797, 'The': 0.04938850996464482, 'tho': 0.03855510124399752, 'of': 0.03621318932511594, 'all': 0.03383067667050195, 'and': 0.03116905920694132, 'other': 0.027483977488066125, 'tbe': 0.0143504790149855}, {'the': 0.3430463972849157, 'and': 0.09078990659171045, 'a': 0.08607958561408582, 'by': 0.06567994663434704, 'The': 0.06067643467104365, 'of': 0.040038258139789014, 'tho': 0.024469447023072993, 'in': 0.024300298802032338, 'with': 0.01389508189000656}, {'<s>': 0.052135015489489844, 'them.': 0.025541876553425776, 'when.': 0.021774272209296796, 'it.': 0.019924356820239002, 'him.': 0.01794482941395939, 'her.': 0.011189675587049475, 'country.': 0.009642207114382042, 'life.': 0.008509831314573729, 'time.': 0.008033218726484251}, {'the': 0.6830280370208176, 'The': 0.1908830706939967, 'tho': 0.034155797529222764, 'and': 0.030984121511242076, 'tbe': 0.01388354037207157, 'Tho': 0.007517978132678803, 'Tbe': 0.0034066516592183562, 'of': 0.003081023167432914, 'that': 0.0026257441754476596}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.18407654700396242, 'of': 0.0967009311605779, 'and': 0.0803271091049637, 'to': 0.07204103241739922, 'be': 0.04590245864633037, 'in': 0.039978543340821494, 'for': 0.03396540874487493, 'a': 0.032070150522861524, 'his': 0.03008096010828771}, {'and': 0.37068862464294905, 'the': 0.07918415455669714, 'that': 0.06803796422851484, 'of': 0.04457474120247863, 'as': 0.04055335936276433, 'if': 0.038832470672622126, 'than': 0.03441952949698426, 'when': 0.026692423016044565, 'but': 0.025389844271867357}, {'the': 0.19880001917222287, 'and': 0.10854564896501194, 'of': 0.09120499817410606, 'a': 0.06265966693265133, 'to': 0.062108844926459184, 'in': 0.051098509584735566, 'be': 0.02949509732306936, 'is': 0.029143491079729304, 'that': 0.02587726656822906}, {'the': 0.2772354496187555, 'oppo-': 0.1390020656663053, 'a': 0.1338940877786242, 'and': 0.05136610430246986, 'of': 0.04797204036078875, 'their': 0.032016779723149216, 'his': 0.02365005600660837, 'one': 0.022308468553801093, 'The': 0.01926610747866674}, {'the': 0.1287053056813113, 'and': 0.09508927028557602, 'to': 0.07119949655636888, 'of': 0.06102613577256228, 'so': 0.03421728976199958, 'is': 0.030015551339827497, 'be': 0.023127371175015583, 'he': 0.020689572386688632, 'was': 0.018665179604157495}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'to': 0.19284852317159432, 'told': 0.12924676465724722, 'with': 0.09987562579194342, 'let': 0.09368212472656487, 'tell': 0.06858466073976698, 'of': 0.06639107999411371, 'made': 0.05311395287114945, 'make': 0.052198075654668094, 'for': 0.03968907522126215}, {'the': 0.2433180088751724, 'of': 0.1753507571163143, 'and': 0.07972820997423023, 'The': 0.05539015379825799, 'his': 0.05390445332558212, 'I': 0.04631526628632272, 'that': 0.044377372886779544, 'a': 0.044141175834374095, 'in': 0.03917552398015495}, {'and': 0.19086927141845236, 'so': 0.0959007255232359, 'as': 0.08536839605924136, 'all': 0.05315962764451617, 'said': 0.0454307476558386, 'is': 0.04060632533331438, 'fact': 0.03713891189836949, 'of': 0.035430295422510256, 'than': 0.03205807398473706}, {'of': 0.43266649077600366, 'in': 0.1561808707141425, 'with': 0.06697115758098557, 'to': 0.05866227997408634, 'for': 0.05498184241069458, 'that': 0.05240647560663986, 'by': 0.05028888964769721, 'any': 0.03541989162613457, 'and': 0.0295342590551805}, {'of': 0.18288366087034647, 'in': 0.1184984403276124, 'and': 0.1078527049737796, 'with': 0.08991361349556164, 'to': 0.07560580439494713, 'for': 0.06877258275204096, 'by': 0.05617723142005631, 'such': 0.05493785642595405, 'as': 0.05351516086184774}, {'of': 0.3537509387035367, 'in': 0.11285726166730929, 'to': 0.09936748893757656, 'on': 0.08133826462447813, 'with': 0.052042986682154846, 'for': 0.04934226028078979, 'and': 0.0465617074977578, 'from': 0.04577320244479328, 'by': 0.04402098511413227}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'feet': 0.09124682453705052, 'poles': 0.0730701371555321, 'up': 0.05088279168420823, 'chains': 0.04885658892872941, 'entitled': 0.03694920633644442, 'went': 0.034748145318504654, 'came': 0.03280590556373315, 'down': 0.032521221296211, 'him': 0.032446562119539564}, {'of': 0.3921601698778675, 'to': 0.10347260707116532, 'by': 0.0918681506575099, 'and': 0.06880605663752776, 'that': 0.06444952446522632, 'with': 0.05609008829173616, 'in': 0.04691241360017102, 'for': 0.04398220057630749, 'from': 0.03417373398807549}, {'of': 0.492714557501865, 'in': 0.08674873015387276, 'that': 0.06135598963622788, 'to': 0.05715430888273459, 'for': 0.04826431148815684, 'and': 0.041877547319299005, 'all': 0.04185274190551084, 'by': 0.033157885372981116, 'with': 0.032507625256369056}, {'to': 0.2370050398784558, 'with': 0.09879750813627941, 'told': 0.08956246346179937, 'give': 0.07684421301075817, 'gave': 0.06733345942211222, 'for': 0.06624218950969611, 'by': 0.05107174484116628, 'made': 0.04280659713355134, 'make': 0.039733508040832685}, {'the': 0.10399361918477024, 'of': 0.07998190131477265, 'and': 0.061355729915160195, 'to': 0.039203561127332816, 'an': 0.03267320136074261, 'in': 0.03146084981947751, 'be': 0.02594863266684175, 'is': 0.02487008184500455, 'Mr.': 0.024658462217420827}, {'and': 0.10463355799491564, 'that': 0.04278909774013744, 'was': 0.03890889777386675, 'is': 0.033316935963700244, 'work': 0.029727394889904325, 'put': 0.029435844205572076, 'them': 0.028732174209103244, 'due': 0.024894878131585564, 'out': 0.022138868805748342}, {'was': 0.2015405146153444, 'is': 0.14383885889274714, 'and': 0.12007514671594906, 'are': 0.11993243000466607, 'were': 0.07662338747506826, 'be': 0.07464831760177564, 'been': 0.06457495058256447, 'so': 0.03581178034349485, 'Is': 0.025464277581148793}, {'of': 0.32873338314782746, 'to': 0.09296333356877497, 'in': 0.07136785152104287, 'on': 0.0696307774197401, 'by': 0.06930194800293218, 'and': 0.0653175354611498, 'that': 0.05936583611268785, 'with': 0.05226125812018404, 'for': 0.042092430757251}, {'he': 0.20786989413563015, 'I': 0.10276935996300361, 'who': 0.09330149586052307, 'they': 0.06726709902526262, 'she': 0.05434595869646194, 'and': 0.04974755009242985, 'which': 0.04388005821217511, 'He': 0.03641445868141367, 'that': 0.03592110807205212}, {'I': 0.2814588671158724, 'he': 0.1820531733653964, 'and': 0.12138135023262732, 'He': 0.06624231510843186, 'they': 0.05285615425681106, 'she': 0.04772877716832595, 'we': 0.046648340516838936, 'it': 0.04507080738661649, 'who': 0.028895168577999918}, {'a': 0.23646857743248734, 'the': 0.1562422776170226, 'and': 0.10755274961616199, 'of': 0.07708931605417484, 'much': 0.06997341455252715, 'is': 0.06809061374974473, 'no': 0.05992597516842541, 'was': 0.04771722736873969, 'be': 0.03873585511523129}, {'to': 0.5118342673587813, 'the': 0.0826212950848139, 'this': 0.07976776803078782, 'an': 0.07481744883419399, 'will': 0.06945402860259496, 'and': 0.04037295335753984, 'would': 0.030356990241561695, 'that': 0.0205510500892117, 'I': 0.017552158993986433}, {'of': 0.2525141884017247, 'and': 0.12871263167039887, 'in': 0.10957150740567814, 'to': 0.08419580593368821, 'for': 0.0492190981984389, 'from': 0.040669157112542355, 'or': 0.03907174489158088, 'by': 0.029853804846098054, 'In': 0.027429249812329103}, {'of': 0.32804830807793095, 'the': 0.1862820076572922, 'in': 0.0494518811750969, 'on': 0.029388831242119235, 'that': 0.026672413714000823, 'such': 0.02405229539071383, 'and': 0.024042308948112556, 'any': 0.023811764350540957, 'for': 0.02200543595868702}, {'the': 0.1192939006769514, 'to': 0.11045903158105812, 'in': 0.10179133612628778, 'a': 0.10071015161977373, 'at': 0.09690266301832917, 'of': 0.06918405369483727, 'and': 0.06051118482943568, 'for': 0.04095341834200874, 'In': 0.02455634124820382}, {'in': 0.3804626336769067, 'of': 0.1333676471527148, 'such': 0.08925308393175256, 'In': 0.0776033050789609, 'to': 0.06202295910888172, 'as': 0.05681163990653571, 'with': 0.05294882267695374, 'for': 0.044956927887393076, 'and': 0.03762692621754845}, {'of': 0.1889542710099749, 'is': 0.10714652421496126, 'with': 0.09877532283759857, 'was': 0.09111622303600865, 'in': 0.07849013389626741, 'to': 0.07785953485749286, 'by': 0.06164043082235883, 'as': 0.05075135210583139, 'and': 0.050701429538200164}, {'the': 0.16209065462208302, 'of': 0.11227421724778662, 'and': 0.09323045358516567, 'to': 0.07435835778323759, 'a': 0.05856269327989534, 'in': 0.047603815713224105, 'be': 0.04236054334762016, 'is': 0.02743980846123116, 'or': 0.023560506618234407}, {'of': 0.2288503796229503, 'the': 0.16199354605658187, 'in': 0.09687131309102508, 'to': 0.07360865118290691, 'their': 0.06527935738371797, 'and': 0.06302874415380406, 'his': 0.05582847998317963, 'with': 0.03200001565725881, 'a': 0.029553453084176385}, {'it': 0.17179737676551296, 'he': 0.125829304720175, 'It': 0.12209201472181, 'I': 0.05849427898476466, 'He': 0.055779185057685615, 'which': 0.05343899164929195, 'and': 0.04479014026557512, 'who': 0.038085293062393825, 'there': 0.03504686283043146}, {'the': 0.18927580197235688, 'of': 0.10268000335673094, 'to': 0.07193089873803327, 'and': 0.06302722590064451, 'in': 0.035804951354373886, 'for': 0.03552877544733519, 'be': 0.029165863199114864, 'was': 0.021230450879771812, 'is': 0.019324942212557497}, {'have': 0.28276283823034054, 'has': 0.24442864360646815, 'had': 0.21085218592140834, 'be': 0.0577919108191712, 'was': 0.04411351398082946, 'and': 0.037040818338942134, 'having': 0.03199457512813914, 'been': 0.019250525827203487, 'he': 0.017972996745422704}, {'of': 0.19088555782445127, 'in': 0.11599042662940688, 'at': 0.09482385180519128, 'and': 0.08575291355027635, 'to': 0.07807846390418705, 'for': 0.04526797243604331, 'on': 0.044254203448405874, 'with': 0.040922917193764834, 'by': 0.03535818752301459}, {'of': 0.36280620372665967, 'for': 0.10164266514401649, 'to': 0.08020704865029944, 'in': 0.07633591514318737, 'and': 0.07384200826043509, 'by': 0.06292100981160885, 'with': 0.053535407361143615, 'that': 0.049910956085937846, 'from': 0.03268957455880813}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'line': 0.041032257657380056, 'side': 0.03759090285619896, 'out': 0.03435112595373543, 'part': 0.03369792954326978, 'sum': 0.03204259458483176, 'rate': 0.02892664611288991, 'one': 0.028034556296754, 'District': 0.027306047142346027, 'north': 0.026046548596014414}, {'the': 0.3829316603103388, 'whose': 0.12363806494361512, 'The': 0.09429234655090299, 'of': 0.08669608763647056, 'his': 0.07050945896426573, 'my': 0.04531183431354453, 'and': 0.04220312049462222, 'a': 0.02917291838505804, 'their': 0.024728953326162182}, {'of': 0.25050346644442917, 'a': 0.15240268429391438, 'in': 0.12291684698758883, 'the': 0.08995202215157705, 'make': 0.07189123242748577, 'and': 0.07109369930765762, 'for': 0.05420981380477139, 'as': 0.04520538515551626, 'with': 0.04488618338951654}, {'the': 0.22895039416419727, 'of': 0.13620346539046366, 'a': 0.10022821535887914, 'and': 0.05646167110905788, 'The': 0.049967978458668565, 'to': 0.03655213161711373, 'that': 0.03653104242297599, 'in': 0.03526887586502253, 'as': 0.03240436242925303}, {'one': 0.09073674624147396, 'all': 0.0816264535439159, 'copy': 0.05457587538897958, 'some': 0.03214173360477271, 'out': 0.029643398862501696, 'those': 0.02861206740862104, 'means': 0.027971208400712676, 'purpose': 0.026714065138106098, 'part': 0.0256874332386242}, {'and': 0.19040867570421197, 'the': 0.16941902816012624, 'it': 0.05966494229971209, 'or': 0.05934263607256806, 'he': 0.05574755181413031, 'was': 0.04671998166942908, 'a': 0.04502405305459429, 'be': 0.042841789275449474, 'is': 0.042215916686294624}, {'the': 0.2485691124880295, 'of': 0.13074095657902626, 'and': 0.09185910522521024, 'The': 0.08059975878620103, 'that': 0.0566296918122876, 'a': 0.04275671718170743, 'in': 0.03422691586479955, 'our': 0.027127892065333677, 'for': 0.025808190071309856}, {'feet': 0.1502579103860624, 'miles': 0.08308444134021106, 'and': 0.06091913589625416, 'street': 0.028320564700333693, 'range': 0.020922071612142743, 'came': 0.019026551279307975, 'mile': 0.01878062706985134, 'or': 0.017395995672888458, 'year': 0.017161792047211126}, {'well': 0.09763440906222579, 'such': 0.08647832337668239, 'far': 0.08393467750195273, 'or': 0.08354939567239825, 'and': 0.08001427083512684, 'known': 0.045623700272088966, 'much': 0.035914915641354093, 'not': 0.026828220701944423, 'that': 0.0244703622797727}, {'was': 0.39077576536520053, 'is': 0.1073539431420311, 'were': 0.09354312828371726, 'are': 0.08309974562353004, 'be': 0.07562333586278278, 'been': 0.06777330019769565, 'and': 0.01898509657625586, 'being': 0.01680077232689231, 'Is': 0.015531486736816636}, {'the': 0.8412405684996319, 'The': 0.041052498679557826, 'a': 0.024532012516928624, 'tho': 0.021443050545274463, 'on': 0.012873182516418785, 'and': 0.011135808190115892, 'this': 0.009014852819856109, 'tbe': 0.008522687178666074, 'next': 0.007265455299244701}, {'the': 0.16209065462208302, 'of': 0.11227421724778662, 'and': 0.09323045358516567, 'to': 0.07435835778323759, 'a': 0.05856269327989534, 'in': 0.047603815713224105, 'be': 0.04236054334762016, 'is': 0.02743980846123116, 'or': 0.023560506618234407}, {'Miss': 0.23218297145928515, 'Mrs.': 0.11923124467268974, 'and': 0.08410298223036665, 'A': 0.05055452960323305, 'Santa': 0.030805209844597434, 'Mr.': 0.025004417764569405, 'the': 0.024514416270166994, 'St.': 0.01618147448635682, '.': 0.015930447532964024}, {'an': 0.42569065122186317, 'the': 0.255095595742241, 'great': 0.04461820975957008, 'of': 0.04293121793863685, 'and': 0.04025285709517955, 'some': 0.03622788238258798, 'any': 0.03527847536821655, 'this': 0.035045941668186045, 'such': 0.02815880749306625}, {'the': 0.4218087287395808, 'The': 0.3157627931854925, 'a': 0.04599274806823605, 'his': 0.04536493876331113, 'This': 0.03981579267924748, 'this': 0.0347174288978598, 'tho': 0.02591780271291472, 'Tho': 0.020556623736015092, 'my': 0.01906631905066401}, {'of': 0.5061907059201934, 'the': 0.19002069571537814, 'said': 0.032335211525063266, 'agricultural': 0.018071248141589138, 'on': 0.01632530734626474, 'The': 0.013927798124872973, 'this': 0.01267458827533131, 'and': 0.01113346318737272, 'tho': 0.011114384474460531}, {'the': 0.19562286545974122, 'and': 0.08210215890826428, 'a': 0.07285430231959578, 'of': 0.06740390745474954, 'to': 0.06543949730759961, 'so': 0.03317401232380278, 'is': 0.0309285392337911, 'in': 0.02758066527636791, 'be': 0.023650834831107286}, {'a': 0.6047509135550152, 'the': 0.198430372956365, 'to': 0.04369500014190849, 'no': 0.03412667718671084, 'any': 0.019016197023557415, 'The': 0.013449609053770758, 'and': 0.012607312387736245, 'tho': 0.01188866133788307, 'an': 0.011494063156735436}, {'is': 0.24900061623739533, 'be': 0.23482498047996161, 'was': 0.10081957948383742, 'it': 0.09494536315895415, 'not': 0.08546686974968505, 'are': 0.04630062735949865, 'and': 0.04113005510801664, 'Is': 0.029640339803192507, 'as': 0.02837385386699123}, {'that': 0.16471348104923736, 'as': 0.15923420652173897, 'and': 0.1280860428465825, 'but': 0.044835179525096414, 'if': 0.03699037132476739, 'of': 0.03648037056471645, 'which': 0.024122651432706293, 'for': 0.020604366913122986, 'when': 0.02010786471371342}, {'and': 0.1400536072181881, 'week': 0.04116891317519106, 'made': 0.022392897863764576, 'one': 0.020526251891107954, 'or': 0.01924511330624117, 'paid': 0.018117191011212463, 'time': 0.01741123121788226, 'but': 0.01628141430938537, 'vote': 0.015464253314947485}, {'the': 0.21448263215527116, 'and': 0.07679755175970153, 'of': 0.07417545430774562, 'to': 0.03404948584104604, 'in': 0.032528160742136596, 'be': 0.02441729052221609, 'a': 0.022239206206637302, 'his': 0.022018970510097036, 'for': 0.021246905230287157}, {'protest': 0.06150283096911295, 'up': 0.04686839385975734, 'and': 0.04505046202105003, 'made': 0.036934734008884695, 'voted': 0.036628577897403064, 'guard': 0.03029376661105769, 'fight': 0.026918657578883155, 'out': 0.025582690551721382, 'vote': 0.02552555080801421}, {'It': 0.12266103482981541, 'he': 0.10316866073980249, 'and': 0.08459912125816732, 'it': 0.08132306198336386, 'who': 0.0803719715495059, 'I': 0.07006931095327688, 'which': 0.06926227634385691, 'He': 0.03732798561472786, '1': 0.03717180292447533}, {'to': 0.30952011035501187, 'will': 0.09682623968716682, 'we': 0.09191191737263117, 'I': 0.08802450296954932, 'would': 0.0805242814286267, 'they': 0.06639351071603407, 'you': 0.059376349090532854, 'who': 0.04504686970910586, 'and': 0.043170642434661406}, {'and': 0.10550149942495249, 'them': 0.04147829214892056, 'it': 0.032758945708715764, 'that': 0.02999021822099609, 'was': 0.02409053953453997, 'men': 0.023300715607652882, 'or': 0.023136816190742975, 'made': 0.02194223869948482, 'him': 0.021767094855356894}, {'Miss': 0.16287536390890733, 'Mrs.': 0.16205193119230044, 'of': 0.09130312876186884, 'and': 0.07869718667754226, 'Mr.': 0.05546621902249336, 'the': 0.030082971918405307, '<s>': 0.018696729349642664, 'Mrs': 0.01800675696184797, 'said': 0.017829456975559266}, {'of': 0.12341556333869619, 'the': 0.08468066098129592, 'to': 0.07418395611018253, 'and': 0.05768259726482909, 'in': 0.04884349308899087, 'by': 0.021393999530298264, 'or': 0.020661255960266103, 'be': 0.020018297046249443, 'at': 0.019404768087125244}, {'of': 0.22197135854354325, 'in': 0.22068521431614865, 'to': 0.13665518979710636, 'and': 0.07460466396617665, 'with': 0.054472238963804695, 'that': 0.05232383584338269, 'on': 0.05147194695837187, 'In': 0.045194808618817764, 'by': 0.041670647637930554}, {'it': 0.21667992261148805, 'It': 0.10935558532387599, 'as': 0.0992102993091394, 'which': 0.09687365893133239, 'that': 0.08069656501629825, 'they': 0.06030190647841252, 'there': 0.042822810321519175, 'and': 0.03325595955556815, 'he': 0.03087705486329871}, {'<s>': 0.01854680955197837, 'was': 0.015860547344740242, 'and': 0.012398014987281545, 'is': 0.01090251486076218, 'I': 0.009724100717703842, 'be': 0.008802969127927435, 'in': 0.00727879352493145, 'it': 0.0070131234296991, '-': 0.006573543367199889}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'at': 0.41700945445746734, 'the': 0.06898706465285404, 'his': 0.0675199624458324, 'go': 0.05356716190363279, 'went': 0.05110836705374862, 'a': 0.05094386119540761, 'her': 0.041322223826425135, 'of': 0.04042321127552993, 'and': 0.03479716873741943}, {'and': 0.0246826555279113, '<s>': 0.015406884561259708, '-': 0.013176195249419957, 'of': 0.012874763688583651, 'that': 0.007050419641393387, '': 0.005877275211633004, 'when': 0.004719423264632306, 'her': 0.004674105514185226, '.': 0.004134765375940218}, {'have': 0.32887155133720375, 'has': 0.24895905763348003, 'had': 0.22590914112393295, 'not': 0.03306029363479426, 'having': 0.031227273372102876, 'bad': 0.015119581515317919, 'ever': 0.01396193234990098, 'never': 0.013874593128404347, 'havo': 0.010591857273078738}, {'the': 0.17094151337460722, 'of': 0.12695705532034812, 'to': 0.053083125063268045, 'boy.': 0.042602091333933174, 'and': 0.040000892670611125, 'girl.': 0.038384353310352684, 'a': 0.03727898239000971, 'in': 0.03189706070492462, 'for': 0.027797397718759415}, {'and': 0.23129278795139424, 'that': 0.1424247588893666, 'as': 0.051220234470964895, 'but': 0.046353876520434385, 'or': 0.03745771099929965, 'and,': 0.03104262208503249, 'even': 0.022278352858192317, 'But': 0.02037599365581059, 'which,': 0.016728143605192845}, {'and': 0.08889082444907408, 'want': 0.08747149235262451, 'wanted': 0.08273200063934288, 'him': 0.07633998996295505, 'ought': 0.0756568917583822, 'glad': 0.0633585612322445, 'enough': 0.05846200185008139, 'able': 0.05441699065132031, 'is': 0.03860133482209326}, {'one': 0.057139256521097186, 'some': 0.029411516746495392, 'all': 0.02471884505538341, 'part': 0.022392057286609455, 'that': 0.02178059855172521, 'any': 0.02020712397360314, 'portion': 0.01993934099943003, 'out': 0.01862758715342626, 'many': 0.015928670104973546}, {'the': 0.2787512335473316, 'of': 0.1461503629880365, 'to': 0.1094292426142516, 'with': 0.06843628377629957, 'and': 0.055723203768029285, 'his': 0.04919102768731502, 'their': 0.034995094628812416, 'by': 0.03192282691060854, 'said': 0.02950715166651105}, {'and': 0.11582081944112449, 'was': 0.04225261395959518, 'held': 0.03592895762799326, 'Beginning': 0.02926079870317736, 'is': 0.027806631077598554, 'look': 0.026545353863800903, 'arrived': 0.026240397869270526, 'that': 0.0255265603479058, 'interest': 0.024134996272950678}, {'the': 0.17024300694033895, 'of': 0.11467445747616051, 'to': 0.09897764906698209, 'and': 0.059617670782607185, 'be': 0.03548895121388078, 'in': 0.035309284911657864, 'for': 0.024113160072758336, 'was': 0.02300391915793562, 'a': 0.02204389485846791}, {'a': 0.26847980923503556, 'the': 0.23967261057756573, 'this': 0.10939458719200203, 'and': 0.045071413638349565, 'his': 0.03494668535009809, 'to': 0.029214115452887508, 'one': 0.02481004258215949, 'her': 0.022289550891975395, 'no': 0.020196889249973697}, {'have': 0.3400081340449874, 'has': 0.2612533152256575, 'had': 0.22832763892089752, 'not': 0.03819106439703233, 'having': 0.0371166494826927, 'ever': 0.015824551734890283, 'never': 0.01428147974570254, 'lias': 0.011745237619761323, 'bad': 0.009085462700978188}, {'the': 0.4675331016760916, 'a': 0.3579516574327591, 'no': 0.044485342383607955, 'The': 0.031514987618752266, 'tho': 0.019754859475255408, 'this': 0.019690321365057144, 'any': 0.009379567304104773, 'tbe': 0.0059499429290832346, 'every': 0.005836421641602163}, {'and': 0.10728643539050407, 'of': 0.09689368708684774, 'as': 0.09430956550132799, 'the': 0.07574070144994628, 'to': 0.05122624749049644, 'be': 0.037028496537601055, 'such': 0.03566920217538001, 'much': 0.030975032286415252, 'in': 0.028365295688714418}, {'the': 0.15759486494028305, 'and': 0.1459055151472753, 'of': 0.04576075920375329, 'will': 0.0427095652347805, 'to': 0.04188058162714594, 'a': 0.029077845123323957, 'do': 0.02686066795576039, 'that': 0.025350914162423074, 'would': 0.024070261332485444}, {'the': 0.3663227609288868, 'of': 0.09684847618373899, 'their': 0.08007100479859008, 'our': 0.06596568622752749, 'to': 0.0559588206125854, 'its': 0.050453574252954436, 'his': 0.0502091452213418, 'a': 0.04990268800558766, 'and': 0.03833410722679782}, {'of': 0.11904574774402965, 'and': 0.117039163175256, 'in': 0.0579721685820925, 'to': 0.0511186639368552, 'fact': 0.03928633611901063, 'said': 0.03323136332365265, 'on': 0.029827822579143393, 'all': 0.024787499172257966, 'is': 0.02252394945510673}, {'the': 0.2004575542239287, 'his': 0.09659104949190132, 'their': 0.07056379076003978, 'her': 0.047410034324387694, 'of': 0.0423861054280328, 'our': 0.041605172410722716, 'and': 0.03879824524676412, 'to': 0.0383321716590195, 'a': 0.03815703984838184}, {'and': 0.2494524035609738, 'that': 0.09796596545357751, 'but': 0.0904138145257903, 'time': 0.05424838221458892, 'But': 0.025183882316202083, 'or': 0.01971319541397898, 'And': 0.0195367363668084, 'even': 0.019528818950217366, 'especially': 0.017294051122773144}, {'away': 0.06925205172028555, 'and': 0.06007808449668492, 'taken': 0.04760906637168378, 'miles': 0.0428166599829834, 'feet': 0.03837562943164214, 'come': 0.026889243450533045, 'them': 0.026073675669967263, 'out': 0.02484981837258804, 'came': 0.02410733092637395}, {'be': 0.20737638947105305, 'was': 0.18559393692554435, 'been': 0.08601471371636744, 'were': 0.08324153476071053, 'and': 0.08042278505637325, 'I': 0.0653180979144296, 'he': 0.056565601726100354, 'is': 0.053161921424724534, 'have': 0.042840735425694366}, {'to': 0.20970249520300652, 'the': 0.1608383778154352, 'of': 0.12373215636749041, 'and': 0.0825540383288082, 'not': 0.07554956064754864, 'for': 0.03904023602704132, 'or': 0.03830496487542084, 'at': 0.029125990070954247, 'in': 0.029109619741560795}, {'was': 0.18950347216309207, 'have': 0.0928554046513189, 'and': 0.09161947155792849, 'be': 0.08941433887235713, 'been': 0.07862947600780591, 'had': 0.07583886236156451, 'has': 0.0662918144714555, 'is': 0.06406139053856844, 'were': 0.03755889670681922}, {'of': 0.1591020544317612, 'as': 0.13064795397782575, 'is': 0.09425961620206508, 'and': 0.07786684201404148, 'that': 0.07593864953044967, 'was': 0.06725148861719213, 'by': 0.06462248612924955, 'for': 0.06345903238040874, 'to': 0.06344972053218662}, {'the': 0.3290260839307293, 'a': 0.10802046141895677, 'this': 0.0959114137558367, 'same': 0.07452163118888062, 'such': 0.05656538679989862, 'of': 0.040744082015853125, 'his': 0.039278431017145496, 'any': 0.029433883486317744, 'their': 0.027386042317551006}, {'and': 0.042180880378236876, 'miles': 0.03996483095937216, 'free': 0.03885286490958883, 'far': 0.032517411487131054, 'away': 0.03220746175199813, 'suffering': 0.026194301531255845, 'him': 0.023072069906964216, 'them': 0.022689122908621063, 'or': 0.021478077363521378}, {'be': 0.13735349955875042, 'was': 0.12245459532911987, 'has': 0.11281471658220182, 'have': 0.08870142820099175, 'and': 0.0884866719789593, 'been': 0.07297266160063529, 'had': 0.06960797084672513, 'is': 0.05933391588705807, 'he': 0.042415733607151444}, {'and': 0.09364902929500517, 'was': 0.039387332529931186, 'is': 0.03155314252837052, 'that': 0.030963552139079947, 'it': 0.0276383422950528, 'as': 0.025265361664193988, 'be': 0.023781842268242422, 'them': 0.02251835454300416, 'up': 0.022372577800821948}, {'-': 0.05580478012304568, 'ai': 0.0545847638422714, 'the': 0.03566521551755795, 'a': 0.03203061903595037, 'at': 0.023733625554969648, 'to': 0.022919341714020425, 'I': 0.020599184146088745, 'in': 0.018945335378158207, 'of': 0.018173282531565273}, {'of': 0.27903264886641116, 'in': 0.11178104177319781, 'to': 0.09591479911990412, 'and': 0.06270212101084544, 'for': 0.060466014540839906, 'with': 0.05474876755843109, 'on': 0.0507934862258191, 'In': 0.037112174198507576, 'all': 0.027852407452446357}, {'and': 0.12931071499170882, 'be': 0.037773775287654326, 'but': 0.026891479779675355, 'is': 0.02644677479189474, 'or': 0.026231975299017007, 'it': 0.025264303494835372, 'them': 0.023335217992203106, 'was': 0.022921126681216524, 'that': 0.02172894200515553}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.36934313942980335, 'to': 0.1036964398994909, 'in': 0.09101776045311614, 'for': 0.07225243542480819, 'by': 0.061475929234081156, 'on': 0.05736589009402715, 'that': 0.055601678353822785, 'and': 0.05490462415719077, 'with': 0.04004800284235135}, {'he': 0.16275253870261477, 'it': 0.13930150851106463, 'they': 0.08548719139971755, 'I': 0.07538079893378105, 'that': 0.07252596918216724, 'It': 0.05335659862244127, 'she': 0.048518403216345075, 'and': 0.046723790447625695, 'who': 0.04401658881834207}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'be': 0.2271315828801402, 'was': 0.1607026826008955, 'and': 0.08308873319051983, 'is': 0.08053776722443796, 'been': 0.07535423125588174, 'thickly': 0.055206082961288164, 'a': 0.04484884385247255, 'have': 0.04406759410047822, 'were': 0.03944511200119839}, {'of': 0.23763329450387027, 'told': 0.15680982222161172, 'to': 0.12276528902984934, 'tell': 0.06162888584379454, 'with': 0.060190512848850124, 'for': 0.05430505240499374, 'upon': 0.044841926984067505, 'remind': 0.03277985713801903, 'among': 0.03250627551951791}, {'purpose': 0.18694953777682777, 'instead': 0.0486493798936613, 'cost': 0.04532335835974133, 'means': 0.044438057866164546, 'number': 0.04415525989028988, 'amount': 0.036532716695442474, 'out': 0.031164503937376197, 'capable': 0.026956347592636522, 'method': 0.026318058604024325}, {'is': 0.20222801469051324, 'and': 0.14987602574246242, 'was': 0.11534852425340573, 'as': 0.09927628358845478, 'be': 0.07526991597761022, 'it': 0.07208586989136938, 'not': 0.03996727025142192, 'will': 0.03799894160115713, 'are': 0.02895573198225594}, {'and': 0.08523954799254922, 'together': 0.04902683123177026, 'do': 0.039859709371765466, 'covered': 0.03957639928534387, 'up': 0.036260537692121, 'charged': 0.03433609277530969, 'filled': 0.03251739060167788, 'met': 0.03156836219997472, 'compared': 0.025943367869826903}, {'J': 0.08497251494004414, '.': 0.07401638823970014, 'W': 0.057303441331236875, 'of': 0.052545455471642535, 'and': 0.04449803464345949, 'to': 0.03447025609390043, 'C': 0.024557925666757855, 'H': 0.02269865945835337, 'J.': 0.02185375524608504}, {'and': 0.1694104484576571, 'so': 0.08075910206397889, 'fact': 0.06822494254521948, 'said': 0.053635380755513086, 'know': 0.05328572089839013, 'say': 0.04839641616649573, 'is': 0.035001958690005365, 'but': 0.02915110413798316, 'believe': 0.02807139541470667}, {'the': 0.29821385996734284, 'a': 0.1074308341805737, 'and': 0.07108713576201355, 'The': 0.0557512545195988, 'A': 0.053021885916804366, 'said': 0.04413608974681785, 'of': 0.03357823496497865, 'this': 0.03189443829958263, 'tho': 0.022544496007421425}, {'of': 0.4096689977138858, 'the': 0.11693597578257309, 'in': 0.04365972341477862, 'by': 0.03225102143039659, 'to': 0.02948134476493822, 'at': 0.029253543595810356, 'a': 0.02075654073545345, 'with': 0.014224902761507063, 'and': 0.012345894142286802}, {'at': 0.2112810375800034, 'for': 0.14143826635307513, 'of': 0.12668959037723623, 'to': 0.09327590293619206, 'as': 0.087258975539629, 'and': 0.07224677875560591, 'was': 0.05988137254799302, 'that': 0.051511501699948725, 'is': 0.05082257797210371}, {'the': 0.2127797365208638, 'of': 0.08302074642967078, 'and': 0.07380683214123993, 'a': 0.06568303652727647, 'in': 0.027923783153467472, 'to': 0.02344842585727404, 'for': 0.020987680758112734, 'or': 0.0200710438986922, 'that': 0.01912950736957076}, {'and': 0.1753036554509759, 'so': 0.07005457616992508, 'fact': 0.06858492325233918, 'know': 0.04830704646184403, 'said': 0.04008070183523567, 'is': 0.03983862467870564, 'say': 0.03931381147971385, 'but': 0.02779231304959934, 'believe': 0.024029999399873492}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.11384224399649781, 'was': 0.06509342525668016, 'be': 0.06271853947568605, 'to': 0.05730801250608355, 'the': 0.05634877987263673, 'were': 0.04225593454990711, 'is': 0.03872819867673973, 'are': 0.036906553249197005, 'been': 0.03475538558689891}, {'the': 0.12021189156472921, 'was': 0.09312145229224392, 'and': 0.09077806032485773, 'is': 0.09005407438234589, 'be': 0.07641019056356198, 'a': 0.06284275491657432, 'are': 0.04979244485789194, 'of': 0.04704506654890511, 'not': 0.03879767233176711}, {'as': 0.07730845242008813, 'up': 0.058668717027016246, 'and': 0.05051787504234559, 'according': 0.045602481884053164, 'back': 0.04348934107594135, 'him': 0.04340104844206923, 'returned': 0.04283151244115784, 'went': 0.03802777620215089, 'came': 0.037963187223200925}, {'they': 0.11587016897294751, 'which': 0.08235559857134811, 'that': 0.05418414296805364, 'who': 0.05278940837375723, 'we': 0.04803519071414902, 'there': 0.045009882615204326, 'and': 0.035462224282272255, 'They': 0.03303484100329188, 'you': 0.023608878777931296}, {'of': 0.12012642731588205, 'the': 0.06763760944276503, 'to': 0.053165834334782454, 'and': 0.05149257451077832, 'Mrs.': 0.02480761988715987, '<s>': 0.019948985479141212, 'by': 0.018090452272891182, 'was': 0.01657565178582824, '.': 0.015714327305181502}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'purpose': 0.026020716156282833, 'instead': 0.0214136125912235, 'that': 0.021067460942273776, 'one': 0.01968469470736422, 'tion': 0.01619397140149131, 'out': 0.014532759527564946, 'matter': 0.014467379502546616, 'sum': 0.013738347997118526, 'Court': 0.013676306637273785}, {'manner': 0.1103951809557842, 'and': 0.052453475314599624, 'that': 0.03036937771827381, 'way': 0.019689239401330938, 'time': 0.015058937839784212, 'it': 0.013360831017844856, 'all': 0.011946359345780016, 'one': 0.011858054142763546, 'part': 0.011827296831737295}, {'be': 0.2841010062110709, 'was': 0.19528138006657847, 'been': 0.12181508965519898, 'were': 0.06871729527516529, 'is': 0.06769601557907035, 'are': 0.060393407720417486, 'had': 0.04939648844825297, 'have': 0.04795634327940049, 'has': 0.039399409153141315}, {'the': 0.46221469401365206, 'unpaid': 0.08360897461456217, 'of': 0.06979153223457768, 'and': 0.03825736120112199, 'The': 0.030250184571249103, 'tho': 0.027885999617383778, 'that': 0.027362493659380333, 'in': 0.025790321750781525, 'for': 0.022794399863702415}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'of': 0.48761639117550193, 'to': 0.11659646244166048, 'in': 0.06407875980972538, 'for': 0.051085237106445545, 'and': 0.044395646058684166, 'at': 0.04289897526683717, 'by': 0.03771000156211124, 'that': 0.03271411362743885, 'from': 0.030305446070727476}, {'of': 0.114846716815137, 'the': 0.09341477184861326, 'and': 0.09283601524646796, 'to': 0.04889975338559888, 'be': 0.02844673514296001, 'was': 0.024439074852522585, 'in': 0.024277422751602506, 'he': 0.02410150152783796, 'a': 0.023576819431986994}, {'the': 0.22406309721416842, 'of': 0.17858232370517446, 'and': 0.08061311568818712, 'to': 0.05521248374875897, 'a': 0.04606051834471876, 'his': 0.027904152503539736, 'in': 0.026273234883260367, 'at': 0.02200888540934586, 'for': 0.02110729860011379}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'of': 0.2922858855232833, 'to': 0.16108180702584216, 'and': 0.08442485684791089, 'in': 0.08048951902160309, 'with': 0.07698679347530697, 'by': 0.07519472149716655, 'for': 0.05515685471186969, 'from': 0.037912981798562846, 'In': 0.020763870543069895}, {'of': 0.492714557501865, 'in': 0.08674873015387276, 'that': 0.06135598963622788, 'to': 0.05715430888273459, 'for': 0.04826431148815684, 'and': 0.041877547319299005, 'all': 0.04185274190551084, 'by': 0.033157885372981116, 'with': 0.032507625256369056}, {'there': 0.012732840561460599, 'and': 0.012496155844173119, 'hundred': 0.011523773955020427, ';': 0.008916791928987111, 'men': 0.008404432531540718, 'them,': 0.007138904316657732, 'acre,': 0.007059223753237578, 'right': 0.006832080692626612, 'man': 0.0065294211514159515}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.23416974175592767, 'to': 0.10597217771582167, 'with': 0.10552810310394595, 'in': 0.10291540895811975, 'and': 0.10043337594691701, 'by': 0.06796430789122193, 'for': 0.05112038527761516, 'on': 0.044178446331858405, 'from': 0.0414240796630198}, {'<s>': 0.06511307947509178, 'it.': 0.029766336641188912, 'him.': 0.02097094456315647, 'them.': 0.019372921664511464, 'country.': 0.011647158794692183, 'time.': 0.010699618622611292, 'life.': 0.008983239223411672, 'and': 0.00872875292370494, 'her.': 0.008479533844858026}, {'it': 0.3739324933175922, 'It': 0.24585920972652775, 'he': 0.06044546679986948, 'that': 0.04351785790676439, 'which': 0.03851959776526281, 'He': 0.022786200463729162, 'who': 0.01976789540836644, 'and': 0.017628735823261285, 'she': 0.015389958169579936}, {'is': 0.23408198978037828, 'are': 0.16634054629820216, 'was': 0.12064990079975153, 'and': 0.11374712254204314, 'were': 0.048887018036478005, 'Is': 0.03449713635366653, 'be': 0.031746377349836374, 'but': 0.029317139391986973, 'it': 0.020303020844839606}, {'is': 0.24864983182639178, 'was': 0.1887028389128579, 'be': 0.17283776228318243, 'are': 0.1036941367593274, 'were': 0.043457342773185775, 'not': 0.04088517930170434, 'and': 0.0407085556672545, 'been': 0.03593572163248933, 'Is': 0.032464851642640825}, {'and': 0.1273046775764012, 'that': 0.11130011864834712, 'will': 0.08159712906663831, 'to': 0.06517230879604799, 'as': 0.059207869524748095, 'which': 0.043937286898803704, 'would': 0.04171657647789842, 'when': 0.02952541767220743, 'but': 0.029509368946235903}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'of': 0.1836002051718936, 'and': 0.11850500056886121, 'to': 0.08201783634749903, 'in': 0.06733791040415502, 'at': 0.06016875554221619, 'on': 0.05341107507678753, 'is': 0.044274101598323394, 'from': 0.043183310090327325, 'for': 0.040394327196558284}, {'the': 0.1331954013331003, 'of': 0.10395761905650669, 'and': 0.09166744382168995, 'a': 0.0674867672110823, 'to': 0.04481959524883369, 'was': 0.033914181021321675, 'be': 0.027669522756191306, 'is': 0.023821375196731925, 'been': 0.01992601692954109}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'to': 0.664369185837887, 'not': 0.05772069798080422, 'and': 0.057035192327901434, 'can': 0.03711339277707255, 'will': 0.03664681170280589, 'could': 0.03448648399593419, 'we': 0.02282568793629987, 'they': 0.020998284179275312, 'would': 0.020997940784942964}, {'was': 0.30234567120783834, 'be': 0.12620046206531804, 'been': 0.10651264736372999, 'were': 0.07739255369850848, 'and': 0.07621600290081483, 'is': 0.06744432852251904, 'have': 0.040473857485960656, 'had': 0.036747682191422396, 'are': 0.03476020236798089}, {'and': 0.17848744451254903, 'so': 0.06604041643947994, 'say': 0.051499594348841264, 'fact': 0.04748255332231578, 'know': 0.042764315269969884, 'said': 0.04089837659609501, 'is': 0.03678894737743923, 'all': 0.03198428444938678, 'show': 0.027940272459798212}, {'the': 0.10254899323962945, 'and': 0.08672066584549279, 'be': 0.06718293253430607, 'was': 0.066714350510063, 'of': 0.062142448154758216, 'to': 0.0470377945272685, 'is': 0.04045405956202174, 'been': 0.03329532229695042, 'a': 0.029155698848644288}, {'in': 0.33914161310952207, 'of': 0.11647257845631019, 'In': 0.08424373417121242, 'to': 0.07515808172047721, 'and': 0.058277775528553524, 'all': 0.026811631623197097, 'on': 0.025029439760447084, 'for': 0.02489071954592869, 'from': 0.018251162213150433}, {'men': 0.019305137130155924, 'time': 0.016456886958468597, 'made': 0.014822404033682946, 'free': 0.0136130655089603, 'him': 0.01299965317525924, 'right': 0.01228064172556335, 'in': 0.01189930517516167, 'up': 0.011166631619790209, 'life': 0.01059351837045795}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.4390892277327193, 'and': 0.10242958658150797, 'The': 0.059330051293962, 'his': 0.05201312010589097, 'a': 0.050295130742198046, 'their': 0.040283872090236275, 'many': 0.03743960723274084, 'with': 0.02945021696410739, 'of': 0.02682639770001384}, {'the': 0.3085110751850863, 'and': 0.12297983547773729, 'more': 0.11933618119320595, 'a': 0.06196700531454658, 'their': 0.061583583301382916, 'an': 0.05628385310547966, 'of': 0.048254266301526114, 'was': 0.047359288826219224, 'no': 0.046369435595173536}, {'to': 0.26362471880609184, 'with': 0.1705819697897529, 'of': 0.08106299402351483, 'by': 0.07034548857805463, 'for': 0.06303330780121241, 'upon': 0.031501231896702966, 'from': 0.02493289921423291, 'at': 0.023374858584257197, 'on': 0.022012174466578566}, {'in': 0.01656001283834636, 'due': 0.016150587411661085, ';': 0.015803852620678082, 'up': 0.01194361541215716, 'it,': 0.01158122743139011, 'them,': 0.011184571738775607, 'him': 0.009685862508977183, 'time': 0.009486476249339893, 'out': 0.00930482764185952}, {'that': 0.3670068151325419, 'which': 0.10774572590954137, 'if': 0.09266655174357903, 'as': 0.07009329607632919, 'when': 0.057352312768798284, 'and': 0.05456727214383992, 'where': 0.04712221200636754, 'what': 0.03609598234113222, 'whom': 0.034116320657092615}, {'of': 0.13899292784502068, 'the': 0.12076914372404605, 'and': 0.09017328475009345, 'to': 0.06881226972901529, 'in': 0.041275059744639166, 'a': 0.03842018820564815, 'that': 0.03157218102534442, 'with': 0.028676743843346963, 'which': 0.02491192770637806}, {'and': 0.09211790385617388, "o'clock": 0.07930975811963757, 'which': 0.05497232264426351, 'that': 0.05280558818403407, 'at': 0.04941105547265467, 'of': 0.03651788393468124, 'here': 0.03602002604838236, 'meeting': 0.03247044605277476, 'arrived': 0.02652449534466492}, {'to': 0.44023698983112153, 'not': 0.13950080397450698, 'and': 0.09217777731672402, 'I': 0.07140849059651602, 'will': 0.04936755484627065, 'we': 0.031375947397140246, 'would': 0.03097649771520426, 'who': 0.027916622957361886, 'you': 0.027283225161633513}, {'the': 0.4874549386763235, 'in': 0.13546638031343425, 'on': 0.08337311658218821, 'a': 0.04682469904540016, 'of': 0.04389994858078523, 'The': 0.03919838767692748, 'and': 0.03451453995777158, 'In': 0.03097091650213884, 'tho': 0.023271308151730227}, {'a': 0.28738476579720373, 'of': 0.16413433377499712, 'the': 0.11946500794380757, 'with': 0.08867396141072771, 'and': 0.08049568424326002, 'for': 0.06341309757203165, 'very': 0.052824587344955876, 'no': 0.04724160112220764, 'be': 0.04623553611678163}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'he': 0.16602338600566938, 'it': 0.16504980726669743, 'I': 0.11735397571549244, 'It': 0.10590497635665648, 'He': 0.07301993293512885, 'and': 0.054534389440040805, 'she': 0.048705546654455624, 'which': 0.03688239903957705, 'who': 0.022946775799126327}, {'that': 0.1336653209637383, 'and': 0.12602473049523588, 'but': 0.08023502817645829, 'which': 0.06710747132766154, 'when': 0.06390164830599579, 'as': 0.054453596443490626, 'if': 0.043103985490092915, 'what': 0.033147061798754804, 'because': 0.023105172180288635}, {'of': 0.3493316235134977, 'in': 0.13983100369065982, 'to': 0.09855463770628474, 'on': 0.061202165341633155, 'by': 0.06060013711407161, 'that': 0.060135243437854397, 'from': 0.05642235551610772, 'In': 0.055269923152162455, 'at': 0.05462446651818913}, {'a': 0.2696493930619692, 'much': 0.1298087348945259, 'the': 0.12136666894331229, 'no': 0.08682015478158898, 'is': 0.0742504164352631, 'and': 0.06761932842449839, 'of': 0.053723482595123245, 'far': 0.050706612957374365, 'or': 0.04930381225882982}, {'to': 0.4745544019510659, 'the': 0.11673264932990422, 'a': 0.10951532201694734, 'of': 0.046627059904417366, 'this': 0.03794712138115986, 'in': 0.025721290812585895, 'and': 0.02213271188260828, 'that': 0.021345820457719326, 'or': 0.01874240142565571}, {'the': 0.11704456273315193, 'and': 0.08119496322623684, 'of': 0.06884472752537625, 'to': 0.043940372895462126, 'in': 0.039461644286849194, 'a': 0.027464002679488352, 'his': 0.02277698850975605, 'said': 0.019635202055012554, 'that': 0.01899534171319325}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.27867350465356744, 'at': 0.24266872613504686, 'in': 0.14885789680643696, 'In': 0.0595944772855948, 'for': 0.05251250855609074, 'to': 0.030359298638249706, 'and': 0.029353581264558556, 'the': 0.02432475784021108, 'from': 0.01927075719690053}, {'of': 0.4167725322583, 'in': 0.10337428388429847, 'to': 0.0942691991659661, 'for': 0.0709791278670795, 'that': 0.06045873975598545, 'by': 0.0521808987378491, 'with': 0.04819730147496922, 'and': 0.03840591725698331, 'from': 0.03579700179131174}, {'of': 0.1809767869874255, 'in': 0.15397915523497205, 'for': 0.11097620559436333, 'and': 0.09746179590555894, 'to': 0.09530003657147115, 'by': 0.0795441418020318, 'with': 0.06905271210128186, 'that': 0.061887770595321356, 'In': 0.04682797254272288}, {'a': 0.6111933194179929, 'the': 0.19910500461180258, 'and': 0.03922783752917809, 'of': 0.025555733033784146, 'The': 0.02245162268376135, 'in': 0.01992862064187843, 'tho': 0.016523967532966963, 'are': 0.01619236277834135, 'some': 0.015916713516185205}, {'at': 0.20019574401943915, 'of': 0.1806013158406764, 'in': 0.14833252573679828, 'to': 0.08127886317173648, 'on': 0.06498511204165315, 'for': 0.0648944728858489, 'and': 0.057868996324392234, 'that': 0.040296604571923675, 'from': 0.038253800346840276}, {'the': 0.9155782918062094, 'tho': 0.027471493077240377, 'a': 0.01937508228910567, 'tbe': 0.011017540294058183, 'The': 0.008486008884430192, 'our': 0.004683600060305331, 'this': 0.00405111480718826, 'in': 0.0021741454988740312, 'great': 0.001904826969701811}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'to': 0.40082172573371955, 'and': 0.2054437553981166, 'not': 0.0934475073337664, 'will': 0.044090908471840294, 'you': 0.024431775238829206, 'would': 0.023438191665014457, 'shall': 0.022804128690667672, 'can': 0.02018851602896813, 'could': 0.0184786905610869}, {'he': 0.29137067951511997, 'who': 0.13125796064815723, 'I': 0.1062266025350581, 'they': 0.08893940395452414, 'she': 0.07822632577788209, 'He': 0.05813818954268769, 'and': 0.04872837183323642, 'we': 0.038886731901765136, 'have': 0.0280834106359041}, {'to': 0.11272467325873015, 'the': 0.09570920935957357, 'of': 0.08084508540075111, 'and': 0.07746796351453314, 'a': 0.03161606912023797, 'in': 0.024763881588432984, 'at': 0.024446783401682257, 'for': 0.018599489625864805, 'is': 0.01726400145434898}, {'<s>': 0.12561230448035537, 'it.': 0.02022057345409783, '.': 0.017337952606326815, 'them.': 0.013327824099656898, 'time.': 0.0099036435324465, 'day.': 0.009700907634929362, 'of': 0.008133356362398805, 'country.': 0.008095241044356525, 'year.': 0.00790325956949678}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.11496574165205958, 'of': 0.0931768325779601, 'two': 0.066392792653048, 'and': 0.057318165478532725, 'three': 0.05240652374954621, 'five': 0.03859133491927598, 'in': 0.03242692446437157, 'four': 0.030803357583003965, '30': 0.029126698549834105}, {'of': 0.2995711854938208, 'to': 0.12307506020154296, 'or': 0.09932551795311642, 'in': 0.08953304800352414, 'for': 0.0738327976898992, 'than': 0.0708662328047344, 'by': 0.06406015958741546, 'without': 0.05021657506930302, 'that': 0.048582882109802286}, {'the': 0.25841913554227436, 'of': 0.12606860215466445, 'and': 0.085850653318835, 'a': 0.04529182485207252, 'The': 0.04342210710136731, 'to': 0.03099843798627301, 'in': 0.02975400057825222, 'by': 0.0257895617559909, 'an': 0.024754887946603313}, {'has': 0.33055642578784156, 'have': 0.27730057732860774, 'had': 0.21854374773495944, 'not': 0.05421004803928783, 'having': 0.033320460286423215, 'never': 0.013041917092731097, 'lias': 0.012713985849692893, 'bad': 0.01114532700095942, 'ever': 0.008329928795032634}, {'of': 0.33861002356054887, 'and': 0.10023279703108641, 'by': 0.0887291061947386, 'to': 0.0870410807420933, 'that': 0.0848422128883682, 'in': 0.07782903584534362, 'from': 0.04410246335591921, 'for': 0.042860973423990104, 'with': 0.032576456414438265}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'to': 0.17077116407688203, 'with': 0.14709359215600698, 'for': 0.11949417182756687, 'of': 0.06660426564924812, 'upon': 0.06326909503173694, 'by': 0.058940344143177496, 'asked': 0.052122661318235876, 'told': 0.04480085744864939, 'against': 0.04062471706293591}, {'the': 0.5808593247187368, 'of': 0.035612309159992944, 'tho': 0.03270809714664632, 'said': 0.030209525801640973, 'and': 0.02842151438637708, 'in': 0.012834973993783935, 'tbe': 0.012477183247109336, 'The': 0.012107396542927348, 'In': 0.006686280757730366}, {'of': 0.09400290162860477, 'the': 0.05021247282719051, 'and': 0.04593701122029225, 'in': 0.039689724099797465, 'a': 0.03955106009074535, 'to': 0.033628996744697666, '-': 0.028068341170203286, 'for': 0.01576655015567196, 'by': 0.013520211217340584}, {'of': 0.10552849230850977, 'the': 0.09657928789542722, 'and': 0.09464778393154331, 'to': 0.0573321910395158, 'be': 0.040531269174258804, 'was': 0.0339891329188509, 'is': 0.02325550049908534, 'Mrs.': 0.02117623691729983, 'Mr.': 0.02102818145519366}, {'the': 0.1331954013331003, 'of': 0.10395761905650669, 'and': 0.09166744382168995, 'a': 0.0674867672110823, 'to': 0.04481959524883369, 'was': 0.033914181021321675, 'be': 0.027669522756191306, 'is': 0.023821375196731925, 'been': 0.01992601692954109}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.32277288005891047, 'an': 0.22030216140667755, 'great': 0.07119737480765574, 'this': 0.06384637104801703, 'and': 0.06155006001199469, 'some': 0.05200698592655152, 'any': 0.04254264148700975, 'of': 0.03427924624820907, 'his': 0.029074646467276644}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'and': 0.09377129454296322, 'was': 0.04271315341537484, 'out': 0.028524574363226172, 'that': 0.02811573968936019, 'placed': 0.027131868575018914, 'work': 0.02578173844450971, 'made': 0.024681420068921236, 'is': 0.024021050156212566, 'up': 0.023509378606325886}, {'50': 0.06705641915383796, '20': 0.06196487759489118, '120': 0.04383974585682482, '25': 0.0364630027432589, 'the': 0.03454655289851316, '14': 0.03419958603969153, '30': 0.032727769468662536, '75': 0.03247811455046218, '40': 0.031868445056804834}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'as': 0.06550925023673135, 'up': 0.060465133474192, 'went': 0.052784103257458206, 'and': 0.05021362796209224, 'go': 0.04547976095553127, 'came': 0.03608517710681883, 'returned': 0.033385411024001645, 'him': 0.030581818326300927, 'them': 0.030122496085148092}, {'of': 0.1398457905812425, 'and': 0.11181757365073093, 'to': 0.10450208895626736, 'or': 0.10380296780077247, 'the': 0.09668661316848545, 'in': 0.07264357208690563, 'a': 0.06328751508953749, 'about': 0.061994250383953356, 'for': 0.05134175015581471}, {'to': 0.7440377397154894, 'and': 0.06328623524801058, 'will': 0.04155002591162636, 'would': 0.02990322639400479, 'the': 0.01977174518698188, 'shall': 0.016733103988809075, 'not': 0.014920876233261398, 'I': 0.012030160276504892, 'To': 0.01165072944369802}, {'per': 0.8859863127256717, 'the': 0.022163445934581468, 'and': 0.01088776170801557, 'por': 0.008271789997538513, 'The': 0.0013184981133699957, 'a': 0.0010860170644972833, 'long': 0.0009538275152344136, '<s>': 0.0008848644358221609, 'or': 0.000774457888889112}, {'two': 0.18036546254115995, 'three': 0.17666555744047507, 'four': 0.11373071555361748, 'five': 0.07954373115958356, 'six': 0.06911845873777085, 'twenty': 0.06710378635626103, 'few': 0.06503688123585051, 'ten': 0.061075620571318864, 'many': 0.055816171930458194}, {'is': 0.12144508611636654, 'well': 0.11854386350873951, 'and': 0.08625924986849273, 'are': 0.0629342283529801, 'was': 0.06159679649917816, 'be': 0.05624665040180943, 'not': 0.05333936012348006, 'regarded': 0.05246015979172147, 'such': 0.04508894150492655}, {'the': 0.24625613368124277, 'a': 0.14164321761691598, 'his': 0.10294002105499322, 'of': 0.09223023165790278, 'in': 0.0619937326412112, 'to': 0.03879597927713447, 'and': 0.03417906641348444, 'or': 0.02820234233221295, 'my': 0.02144969173841435}, {'to': 0.32952628782894267, 'will': 0.245856369422473, 'may': 0.07463757527629271, 'shall': 0.07161182490483438, 'should': 0.0654260789057083, 'would': 0.06264942513239322, 'not': 0.053202240136233946, 'must': 0.04277332043591059, 'can': 0.03209543835138361}, {'State': 0.10924608238150003, 'city': 0.0734706725167663, 'City': 0.050190284222709, 'county': 0.036640129655830536, 'day': 0.036397342907129544, 'state': 0.034026668766994034, 'line': 0.0317239278335836, 'side': 0.029654742920229994, 'County': 0.028531007644354206}, {'and': 0.14913878736461345, 'a': 0.13052244825874992, 'was': 0.0937289741210443, 'is': 0.0862164862333858, 'are': 0.05849953388737331, 'but': 0.054890099430264676, 'or': 0.051015684442343605, 'the': 0.046250398986037576, 'of': 0.045396554767409336}, {'he': 0.19370211779588728, 'and': 0.0819929452359184, 'I': 0.07879470496241164, 'they': 0.0778766183719446, 'who': 0.06726095182134662, 'it': 0.06266852434743857, 'she': 0.04982875848050316, 'He': 0.03926752159257628, 'that': 0.03485688229426925}, {'of': 0.1348612235494961, 'and': 0.06662677277330406, 'that': 0.037350562440490113, 'the': 0.03423493839807693, 'in': 0.026804023137333512, 'by': 0.020273371409136168, '.': 0.01874299217014442, 'to': 0.01758475515386449, 'at': 0.012794760149749231}, {'as': 0.05903359353660658, 'according': 0.04967519661865736, 'up': 0.046878532105462827, 'come': 0.046567171954901884, 'regard': 0.04190000933461929, 'came': 0.04154057427234939, 'and': 0.03599920873739834, 'reference': 0.03456217066340671, 'went': 0.03210094051308527}, {'the': 0.18287551220222154, 'a': 0.17385904168488153, 'this': 0.1193326620008324, 'such': 0.07937823907777063, 'of': 0.07086211816625994, 'his': 0.05456981335283302, 'and': 0.042440971589601015, 'same': 0.03733112469706469, 'said': 0.03334068105788264}, {'and': 0.10483750340109294, 'the': 0.09866208341740747, 'to': 0.05665193391649238, 'of': 0.05189889437769056, 'was': 0.026462983607294776, 'is': 0.025850923977212146, 'will': 0.02539817026827283, 'are': 0.024351742551071618, 'be': 0.024297808417937217}, {'sum': 0.016328629329483636, 'out': 0.011199130054419226, 'amount': 0.01098427885233564, 'number': 0.010966495951007758, 'Board': 0.010606384122442537, 'day': 0.009994987531108633, 'line': 0.009797732497612439, 'county': 0.00968943267720081, 'purpose': 0.008481733832078262}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'w': 0.2611190221674258, 'and': 0.07393758418175697, 'a': 0.046409570064759584, 'was': 0.04425540649421729, 'of': 0.04390212841215759, 'is': 0.037854101819905304, 'have': 0.034930384533142886, 'to': 0.027886768161923526, 'for': 0.024606729622654932}, {'of': 0.22113629074153696, 'and': 0.1622274708551525, 'in': 0.10450087581864302, 'to': 0.09376782447854373, 'Mr.': 0.04879340886768797, 'by': 0.044460842737431144, 'the': 0.04106035758584132, 'with': 0.029785419061743573, 'Mrs.': 0.028580269152552986}, {'and': 0.08362943294997585, 'together': 0.07769806815080653, 'connected': 0.0635902168573379, 'connection': 0.06228367212358626, 'accordance': 0.047530813078388766, 'comply': 0.026000666542743977, 'acquainted': 0.023189098613704624, 'compared': 0.02214887744238745, 'contact': 0.01973810078197255}, {'a': 0.3092478207830171, 'the': 0.16704140389466549, 'one': 0.056282692147845884, 'his': 0.0537537289313104, 'of': 0.05080762122585223, 'on': 0.03580864511180466, 'their': 0.034678391909513995, 'and': 0.025986981984384698, 'some': 0.02137963073605754}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'it': 0.15722353172741207, 'he': 0.1261554679079826, 'It': 0.12076576513783148, 'I': 0.11157853986945866, 'there': 0.05733428095654695, 'and': 0.056984075337764596, 'He': 0.055748351620875006, 'which': 0.04492456400762136, 'she': 0.038597910146480584}, {'as': 0.12446913051027336, 'is': 0.12118543405949203, 'was': 0.11286130100353957, 'in': 0.09362646009600131, 'with': 0.08124183301808861, 'of': 0.0729459379409333, 'to': 0.061868459083023346, 'and': 0.055607182314116245, 'at': 0.055479803112760684}, {'and': 0.17822958376738093, 'the': 0.06898672187268308, 'is': 0.05816381710129872, 'was': 0.04605987879267515, 'are': 0.0455264999507035, 'to': 0.03141628080679085, 'of': 0.02664964835613482, 'an': 0.02593408318252217, 'have': 0.025703822840021467}, {'of': 0.17142758274306302, 'in': 0.08634383392792384, 'as': 0.08326592556418587, 'is': 0.08178974204742391, 'to': 0.07556684952700905, 'with': 0.0668191557129155, 'by': 0.06243265598537441, 'and': 0.057133822259442996, 'was': 0.05599821011707395}, {'all': 0.25188982396293036, 'and': 0.16160814235444618, 'the': 0.112632167775173, 'or': 0.05835882444484922, 'of': 0.054154790285482306, 'be': 0.045379041281133445, 'is': 0.04463090231268787, 'not': 0.04055040441930597, 'much': 0.039757884290214894}, {'of': 0.21802146608877446, 'in': 0.13218305519894788, 'with': 0.08746501867385319, 'to': 0.08333071899062139, 'and': 0.0765649486499655, 'is': 0.0727681735111008, 'by': 0.069983291067854, 'for': 0.061784083639894, 'as': 0.05495706321755012}, {'to': 0.07851904972219918, 'and': 0.07816553220769117, 'of': 0.04911108991387951, 'for': 0.02976147408055909, 'the': 0.02861042657814668, '<s>': 0.02604116539843169, 'that': 0.02531303292763691, 'in': 0.022816962719293267, 'on': 0.022015778694676927}, {'have': 0.1575820168781572, 'he': 0.132973188115199, 'I': 0.10545005989655484, 'has': 0.09338711677431219, 'and': 0.08568266868345409, 'who': 0.08442052017146914, 'had': 0.07795734003844645, 'be': 0.034440491553016976, 'He': 0.02994704613779411}, {'a': 0.2533941975289073, 'the': 0.22854135619900445, 'any': 0.1690967808785805, 'no': 0.06115292896720695, 'The': 0.051619159301845116, 'other': 0.05059900830903689, 'some': 0.035715185382637335, 'every': 0.03380392544563719, 'of': 0.031799356485989985}, {'the': 0.18927580197235688, 'of': 0.10268000335673094, 'to': 0.07193089873803327, 'and': 0.06302722590064451, 'in': 0.035804951354373886, 'for': 0.03552877544733519, 'be': 0.029165863199114864, 'was': 0.021230450879771812, 'is': 0.019324942212557497}, {'turned': 0.17689741517297122, 'went': 0.11792329389869219, 'was': 0.06743746290311194, 'go': 0.05780147960762763, 'all': 0.05123278012256286, 'come': 0.049069871089041775, 'is': 0.03970234485750847, 'came': 0.03563951014489083, 'and': 0.034081559016104296}, {'<s>': 0.06472935242392958, 'it.': 0.016734853782763785, 'him.': 0.011988563963983666, 'them.': 0.009804877016761308, '?': 0.007838289106935709, 'her.': 0.007010692651227506, 'and': 0.0069369362362728965, 'years.': 0.006053818820127137, 'again.': 0.005746618098965552}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.1359220747016016, 'and': 0.09673428344208418, 'is': 0.09537204581282067, 'no': 0.09209435977165084, 'any': 0.08944915951040489, 'to': 0.08327274274177723, 'was': 0.06975328243079261, 'the': 0.06718003577772211, 'that': 0.057844036426319224}, {'and': 0.09289682875398107, 'to': 0.08362463815713578, 'of': 0.07865776104634967, 'the': 0.06502250552004986, 'was': 0.04293123221278658, 'be': 0.040856920591184086, 'for': 0.03853427113734677, 'is': 0.031189643383301092, 'in': 0.030049705904780007}, {'of': 0.23922135727276037, 'in': 0.16125665574256887, 'to': 0.12674496945879024, 'and': 0.08671744915565202, 'for': 0.060828907048942976, 'with': 0.0519728279437311, 'on': 0.05158054548335033, 'from': 0.04442997380549762, 'at': 0.039775157799593765}, {'of': 0.16534439598003461, 'in': 0.09361477153883728, 'as': 0.07904385958114994, 'with': 0.07528438313918831, 'to': 0.07383879313636729, 'is': 0.07015175326698454, 'and': 0.06250611709882879, 'was': 0.05388143969943735, 'for': 0.05066766344835713}, {'and': 0.04719846857353889, '<s>': 0.04420712767230115, 'him': 0.032751476637042504, 'was': 0.029420224640105602, 'out': 0.015492935905520437, 'is': 0.014345417991390915, 'be': 0.014008246993491132, 'it': 0.012917228868825728, 'made': 0.012314866553475955}, {'and': 0.16487260141605453, 'was': 0.08194864968604104, 'is': 0.04714675789326058, 'be': 0.03675981731678785, 'made': 0.02935445484287305, 'succeeded': 0.027653984814658163, 'are': 0.02747227487468594, 'been': 0.026953312333798617, 'were': 0.02402634215863015}, {'of': 0.34395472404840605, 'in': 0.15575462801062623, 'to': 0.1100607188960588, 'on': 0.07894515134049826, 'and': 0.05598802051541172, 'that': 0.053165715828400226, 'from': 0.04904438475919381, 'at': 0.040391503051873494, 'for': 0.037276575387749686}, {'manner': 0.1103951809557842, 'and': 0.052453475314599624, 'that': 0.03036937771827381, 'way': 0.019689239401330938, 'time': 0.015058937839784212, 'it': 0.013360831017844856, 'all': 0.011946359345780016, 'one': 0.011858054142763546, 'part': 0.011827296831737295}, {'the': 0.17552238412528243, 'of': 0.09304593776617384, 'and': 0.08349226590755038, 'a': 0.07370912514468153, 'to': 0.05670579633474752, 'be': 0.036046970042564366, 'was': 0.03067020320232907, 'is': 0.0276003834578604, 'in': 0.020866091667724743}, {'<s>': 0.06937050988538301, '.': 0.010834429638748696, 'it.': 0.01060742789596045, 'them.': 0.009040796554771382, 'purchaser.': 0.007453413621776665, 'year.': 0.006942855257571074, 'week.': 0.006864232299209054, 'time.': 0.00652938449661155, 'States.': 0.00591002426629334}, {'of': 0.14677959450638814, 'and': 0.13194106974840195, 'was': 0.09820667858175583, 'is': 0.07652857718180031, 'are': 0.06759680445453664, 'were': 0.05099955028777453, 'in': 0.04474847202522467, 'for': 0.039360688836085386, 'all': 0.03024200839688982}, {'and': 0.07183289031255977, 'demand': 0.025944685217575657, 'ready': 0.021477506387310677, 'used': 0.020653840313379437, 'time': 0.018693235575541325, 'not': 0.014344251169100857, 'vote': 0.014321157386397571, 'it': 0.014219992250690474, 'candidate': 0.013420651590409303}, {'the': 0.7456505078604169, 'The': 0.06969341883780943, 'tho': 0.029790953229434546, 'a': 0.027598096189838627, 'and': 0.025856930923182763, 'his': 0.02117095220639667, 'their': 0.020621252780849558, 'very': 0.018983872040633284, 'our': 0.017251643221524865}, {'a': 0.6328715312535925, 'the': 0.1913234969699107, 'of': 0.04100136177119894, 'The': 0.027434054770304295, 'A': 0.025060219210012228, 'in': 0.019637321958568082, 'and': 0.012981826395721709, 'to': 0.00913818405434651, 'with': 0.008617056065242087}, {'and': 0.18265457355468226, 'have': 0.1420318627018056, 'had': 0.07687677684301833, 'is': 0.07145312737023815, 'has': 0.06871420647191878, 'of': 0.0496566497213696, 'was': 0.04539583611277354, 'which': 0.044425002665973566, 'to': 0.04355357882922233}, {'a': 0.412524780782485, 'the': 0.13238131569250058, 'of': 0.1101968414434886, 'very': 0.051513973973309896, 'and': 0.045014159141400605, 'so': 0.037482628601976715, 'with': 0.03501679969031216, 'as': 0.02680764471824751, 'in': 0.025878661371184216}, {'the': 0.18865064154752814, 'of': 0.09521314359217854, 'Mr.': 0.05936560020366942, 'The': 0.05918413378541302, 'and': 0.04789785501490848, 'that': 0.04093932846997176, 'a': 0.03062771603476304, 'this': 0.01791027151166763, 'in': 0.016031536642742206}, {'in': 0.19993784249062985, 'of': 0.15663099638273162, 'with': 0.06810793044284742, 'by': 0.059669698414873455, 'from': 0.059028194448723925, 'to': 0.05715283036511043, 'on': 0.03758719137955169, 'upon': 0.03235008798825571, 'and': 0.03168003405107354}, {'the': 0.7265452541631889, 'The': 0.11626023661027583, 'a': 0.04301068684861161, 'tho': 0.0314774358191274, 'his': 0.019993039970614742, 'tbe': 0.010438227434960428, 'their': 0.009536958948720045, 'whose': 0.009415351749449574, 'of': 0.007979217846589623}, {'to': 0.5827739228675215, 'not': 0.1032856438726728, 'will': 0.07781484513892196, 'would': 0.07102852593943262, 'and': 0.0567523768156949, 'may': 0.018639114009008067, 'must': 0.017167681210187028, 'I': 0.015997269584607954, 'we': 0.013455067814243155}, {'and': 0.08425430884086303, 'connected': 0.06845623616106565, 'comply': 0.061288186867442224, 'or': 0.05554961941318929, 'connection': 0.043253082298776266, 'together': 0.04216666546282162, 'interfere': 0.03803035538068514, 'not': 0.02927619077382047, 'do': 0.028508190310310575}, {'the': 0.2602033876431014, 'of': 0.17140337608476378, 'his': 0.0996876347317497, 'their': 0.08072214573076386, 'in': 0.04597030750983267, 'this': 0.042328561339817015, 'good': 0.039195555988881886, 'a': 0.028099801299393278, 'its': 0.023932060800923596}, {'would': 0.17959540429010784, 'to': 0.13519794944916977, 'who': 0.09755427043109222, 'they': 0.08092794866467283, 'I': 0.07229973568327139, 'which': 0.06237819314755754, 'must': 0.053838397959161594, 'might': 0.048424713189248424, 'shall': 0.04348004295022552}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.18226616748733143, 'of': 0.09055536536617964, 'and': 0.07875087345412557, 'a': 0.04282959090962975, 'that': 0.0423577110756612, 'The': 0.028952021800772214, 'in': 0.02827161666549837, 'no': 0.02464103014114996, 'Mr.': 0.02431919560564389}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'was': 0.24073752452525432, 'is': 0.1528802260803968, 'had': 0.11868440181568288, 'have': 0.09910213493551903, 'has': 0.08673329549226592, 'and': 0.04416455582429586, 'not': 0.043147916429302755, 'be': 0.0417591025958273, 'been': 0.03503897068809999}, {'went': 0.14566749679326435, 'come': 0.14245955295055315, 'go': 0.14182731245908967, 'came': 0.13179978717078086, 'brought': 0.06657920837809815, 'get': 0.05717038500333722, 'sent': 0.045777244445352444, 'way': 0.045256211719410855, 'them': 0.04351965328634123}, {'and': 0.08626960834145231, 'able': 0.057199241551801665, 'order': 0.053161867300474265, 'him': 0.04760105043808385, 'necessary': 0.042835216414292075, 'unable': 0.037774550252659904, 'enough': 0.0349525689588729, 'is': 0.03416759770505846, 'them': 0.03345915183646621}, {'the': 0.8844239874864931, 'tho': 0.04756948702344427, 'The': 0.02033430666769642, 'tbe': 0.014816209185575809, 'of': 0.01068097499444848, 'and': 0.002900692842559579, 'by': 0.0026848525152412873, 'a': 0.002620734900998062, 'tlie': 0.0017922399025080053}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'be': 0.2590799164973476, 'was': 0.15005607666260593, 'and': 0.13565722012017728, 'been': 0.1039281229113658, 'is': 0.08181217776774091, 'were': 0.0510097588976405, 'are': 0.045602369093815424, 'being': 0.033436203940997174, 'he': 0.028195510996416043}, {'to': 0.4446614540911075, 'and': 0.2120189494117628, 'will': 0.04479919619323698, 'not': 0.04114293631733532, 'or': 0.028363949095123055, 'I': 0.024404321819287696, 'that': 0.019637742063949415, 'the': 0.019264998363858355, 'we': 0.019187384721756143}, {'the': 0.30827113228129494, 'a': 0.11547329659795343, 'motor': 0.08767998261580459, 'this': 0.06926084445447231, 'their': 0.06821570253024854, 'The': 0.06797966663605984, 'his': 0.04124289694039924, 'our': 0.040523215510368964, 'such': 0.03428350010885409}, {'to': 0.5601283264582293, 'will': 0.14301087329927398, 'would': 0.05764651583588329, 'the': 0.046991463021266014, 'shall': 0.03344169942210357, 'should': 0.02421692311119225, 'and': 0.020950546351562283, 'this': 0.019267664399853834, 'not': 0.016597644510522425}, {'part': 0.06632085427588026, 'one': 0.043709131521234616, 'side': 0.04147594174337228, 'portion': 0.021381379685940373, 'payment': 0.01767383384066149, 'parts': 0.015787043195170453, 'members': 0.015195039493425983, 'that': 0.015130446613312426, 'and': 0.014306296283830691}, {'it': 0.18143874199255758, 'there': 0.10331969695424356, 'It': 0.09198639939220059, 'which': 0.08073126991269376, 'they': 0.06240522313208139, 'that': 0.054082648531678275, 'and': 0.05144105994683339, 'he': 0.03253148924096088, 'There': 0.03214778196988864}, {'the': 0.44234446002648636, 'of': 0.11251061459399579, 'The': 0.08380845872496846, 'and': 0.05711105124122291, 'by': 0.03258681914923365, 'that': 0.03167813544335194, 'his': 0.026621813566098506, 'tho': 0.02525701240304855, 'their': 0.01616948212888246}, {'he': 0.23323701803005306, 'and': 0.08404566806215058, 'it': 0.06272237322845858, 'who': 0.04589983186529263, 'It': 0.044841533198664824, 'she': 0.03626341809190767, 'that': 0.0361084403155999, 'man': 0.0314769954033224, 'which': 0.031298954552346665}, {'of': 0.4323386110745101, 'to': 0.11921752963157431, 'in': 0.08627426943013917, 'on': 0.05987873544772305, 'by': 0.05968756744974789, 'and': 0.05142997095293156, 'from': 0.04242413492091424, 'for': 0.03591511501599807, 'that': 0.03290550494390156}, {'to': 0.26259012421961264, 'will': 0.17821141461242893, 'may': 0.11195834363998156, 'would': 0.08315207004094588, 'should': 0.07610714807178198, 'can': 0.06955398020089748, 'not': 0.057951816988133495, 'must': 0.05718415777939466, 'could': 0.05300567760002394}, {'the': 0.698051644960783, 'first': 0.05372323803795816, 'a': 0.04214813550150282, 'tho': 0.03677635152930213, 'The': 0.025237756698457976, 'second': 0.024508896375539588, 'third': 0.016660373280530435, 'upper': 0.016547566542380095, 'tbe': 0.015179740343393732}, {'<s>': 0.0446756003583981, 'it.': 0.02785205556243566, 'them.': 0.02007244647665245, 'him.': 0.016263042621543364, 'time.': 0.012888930836154326, 'country.': 0.01021706220285237, 'years.': 0.010129337754236738, 'year.': 0.00969863441376184, 'day.': 0.009036078873345735}, {'of': 0.4411546017229706, 'in': 0.11738676861174675, 'to': 0.10831546800550121, 'on': 0.0763704592311613, 'by': 0.06356286396026656, 'from': 0.04401880068926118, 'at': 0.029811038849326364, 'and': 0.02758678901866783, 'In': 0.02245671766447262}, {'of': 0.30539027924011425, 'in': 0.09514800560312857, 'to': 0.07924997425918723, 'after': 0.06564874891183604, 'for': 0.06448070669911735, 'and': 0.05393185656287828, 'on': 0.049093352240538304, 'from': 0.04266935973204286, 'by': 0.042492966294416415}, {'and': 0.12061201849966527, 'as': 0.11108181210315791, 'that': 0.09072101753911276, 'when': 0.07718348316974788, 'When': 0.04527273663898904, 'but': 0.04134584893148348, 'which': 0.03884360732825427, 'what': 0.023156054699714688, 'As': 0.023050187417974252}, {'and': 0.13471677175141816, 'made': 0.11276422474321217, 'secured': 0.04337806033959166, 'or': 0.04082393714818782, 'that': 0.03384634839146465, 'ed': 0.026051866663527008, 'up': 0.025113920612626687, 'followed': 0.022670742921464128, 'caused': 0.02251229036238896}, {'to': 0.17128125434964073, 'for': 0.1058630071437085, 'of': 0.08489993228789586, 'and': 0.06646981148485011, 'with': 0.05100243255915659, 'have': 0.04447936698586508, 'that': 0.04047724547417849, 'had': 0.03780069891230917, 'from': 0.034041992901564413}, {'the': 0.1888089379032915, 'and': 0.1525200254960492, 'of': 0.10984875962417542, 'to': 0.03729257515682067, 'in': 0.03670117528350405, 'or': 0.03242377524859328, 'all': 0.030088499117869996, 'their': 0.022572414491942822, 'a': 0.021582248962902454}, {'a': 0.2872225082460909, 'this': 0.24075734601891327, 'the': 0.2081721009027364, 'that': 0.07826506397371366, 'to': 0.03744318831448436, 'in': 0.024015838745097662, 'any': 0.019356796224710347, 'which': 0.01772964836603072, 'one': 0.01685634937594136}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'and': 0.100512700433974, 'was': 0.05733504114377236, 'succeeded': 0.04701538546055792, 'is': 0.04538574148578059, 'be': 0.042129085413056704, 'are': 0.03169298375534826, 'made': 0.029534032703518266, 'that': 0.029302210995583285, 'it': 0.02843538653679565}, {'re-': 0.1466731277756988, 'he': 0.1229778834836889, 'and': 0.10325575913634402, 'be': 0.10302765123861171, 'was': 0.06161978944798638, 'He': 0.046526943816718805, 'I': 0.043008866650915266, 'who': 0.036682850726647155, 'have': 0.03021382905048378}, {'the': 0.1716651147218746, 'of': 0.12017241105327997, 'and': 0.06386540135415332, 'a': 0.04084798884730423, 'Mr.': 0.0295575201857318, 'to': 0.024580687676458077, 'The': 0.022760397743127582, 'in': 0.021585930007273133, 'that': 0.015025355563077632}, {'of': 0.30317225156160293, 'in': 0.11914517502508357, 'for': 0.10659204837491944, 'to': 0.09963003615761531, 'by': 0.07117112995650546, 'and': 0.0591624096428335, 'that': 0.05876366732861856, 'In': 0.05823199273876145, 'from': 0.05175322965253834}, {'well': 0.12991015635064773, 'known': 0.11168587180543645, 'soon': 0.10369035459473254, 'far': 0.08195907566424299, 'and': 0.06388557808584468, 'long': 0.03755135115796446, 'such': 0.02954466624033588, 'just': 0.024368945136159968, 'much': 0.020609769850901107}, {'for': 0.5184993746610433, 'of': 0.186407437742937, 'to': 0.06999791003091216, 'in': 0.051139901286187936, 'at': 0.029326933111310214, 'that': 0.024045571197248837, 'by': 0.02320537451067046, 'and': 0.022524134665418354, 'during': 0.018303795913430114}, {'one': 0.13027668708462814, 'out': 0.07742206756685843, 'part': 0.06474114282857145, 'some': 0.05640712659716483, 'time': 0.03954471000289752, 'account': 0.03620724368530425, 'all': 0.03238127669140698, 'and': 0.028154969476639407, 'that': 0.02755643570827209}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.2839553083384759, 'of': 0.1149273114164593, 'and': 0.08612997717501487, 'a': 0.07726678023677803, 'in': 0.03790963628456957, 'to': 0.03649097832437028, 'with': 0.02387565925014858, 'his': 0.01988925955841116, 'The': 0.018210086156703234}, {'in': 0.660049469681149, 'In': 0.1765593630460854, 'the': 0.04504024248795985, 'a': 0.02417480621100116, 'of': 0.018985037002354547, 'this': 0.018191013008820082, 'iu': 0.010894587217823843, 'his': 0.01085406340147976, 'their': 0.007083173622934197}, {'in': 0.019644948386125977, 'up': 0.017334454224300737, ';': 0.011225791933419467, 'him,': 0.010184032075675632, 'him': 0.008218272151289877, 'it,': 0.008147540050876168, 'them,': 0.006667325084324974, 'up,': 0.0063580877567533875, ',': 0.006102134847413745}, {'a': 0.13431214768004468, 'of': 0.10784557629639724, 'the': 0.09951919417105608, 'young': 0.07933911847361057, 'good': 0.05180387589673319, 'one': 0.05075549752392243, 'white': 0.04639918655605381, 'great': 0.037423578642999736, 'to': 0.037149880687621574}, {'and': 0.062476299251750536, 'up': 0.02954707045017059, 'filled': 0.02794261373517622, 'do': 0.025479809006907696, 'it': 0.025235780832753067, 'him': 0.022291448698347996, 'covered': 0.018942816766066586, 'charged': 0.0183734454106973, 'made': 0.015881128544829943}, {'and': 0.0776641394522738, 'time': 0.030049882876650818, 'reason': 0.022061326361568063, 'provided': 0.01691098330851189, 'that': 0.01219935797021179, 'day': 0.011826843141096754, 'it': 0.009993865208434276, 'money': 0.009674066383126635, 'way': 0.009657221536353613}, {'of': 0.3141698295629758, 'to': 0.12162760325137127, 'for': 0.09197818378090604, 'in': 0.07795830304365266, 'and': 0.06503808748438321, 'at': 0.062330584831326835, 'on': 0.0596128505686397, 'by': 0.04828515329512657, 'with': 0.04677791723971325}, {'<s>': 0.09806025791778145, 'it.': 0.016223573796322374, '.': 0.012426880419594163, 'him.': 0.009961928086109758, 'them.': 0.009243486820288298, 'Mr.': 0.00801926189457408, 'time.': 0.0071302392818410444, 'day.': 0.00592183919151114, 'water.': 0.005201432441719453}, {'of': 0.4049299078877087, 'in': 0.0949290220258609, 'for': 0.07214752577236287, 'by': 0.0667557669292682, 'that': 0.0666824628759872, 'and': 0.0659089848344215, 'to': 0.061037460444755776, 'all': 0.05166179528739945, 'any': 0.048536972040082275}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'the': 0.5832780002020552, 'a': 0.0791044520217527, 'tho': 0.03594974530469287, 'of': 0.03335698288249164, 'The': 0.030651086692688696, 'to': 0.028171491858832224, 'stock': 0.02712576801179095, 'and': 0.026828150545996243, 'this': 0.024861144584956685}, {'the': 0.1139807772741443, 'of': 0.06522113641064681, 'to': 0.06110468106001302, 'a': 0.05610274970108582, 'and': 0.0548249042920475, 'in': 0.03237990193781831, 'by': 0.024666454370796856, '<s>': 0.02340539593957368, 'or': 0.022343516048354627}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.16819775796794953, 'and': 0.12248121272319769, 'his': 0.11059110098737898, 'good': 0.10929886551871461, 'their': 0.09848287371291448, 'of': 0.08382732087339162, 'abiding': 0.06970262121439898, 'a': 0.05958022879331534, 'no': 0.05132777445285802}, {'the': 0.11901074627240478, 'of': 0.09938652051617264, 'and': 0.08720174586552741, 'to': 0.03238850422443132, 'a': 0.027612587182985135, '.': 0.0177134810092979, 'by': 0.01672591694628182, 'in': 0.016402631956539827, '<s>': 0.015430702120117141}, {'the': 0.11779962059490376, 'of': 0.08596740294820827, 'and': 0.07568776954042707, 'a': 0.05077869504587158, 'to': 0.04502980800732101, 'be': 0.03528964289240952, 'in': 0.03435426147766118, 'was': 0.032825852443482004, 'is': 0.018753788213466776}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.6717952917200523, 'this': 0.08575456431829048, 'tho': 0.03835466071273554, 'The': 0.02838372385877927, 'York': 0.026729208583162606, 'said': 0.01884796884159527, 'a': 0.01780548561186504, 'that': 0.01621508138857056, 'tbe': 0.014103716560370752}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.16629689319691937, 'and': 0.11457624355185057, 'to': 0.08827978686582008, 'the': 0.0794036838013036, 'by': 0.07719252873395308, 'in': 0.04170774288352618, 'that': 0.03396105252124599, 'at': 0.03033891430297889, '<s>': 0.027641667090043273}, {'to': 0.2019363991512751, 'the': 0.16032763991358318, 'and': 0.15435200899332105, 'was': 0.046219757535250476, 'a': 0.041632452185016953, 'be': 0.040621839572519025, 'of': 0.03763692956311867, 'is': 0.02737554723193848, 'are': 0.0255367459224911}, {'the': 0.3463030903976944, 'a': 0.114580172269115, 'of': 0.09392536584314845, 'and': 0.04760767814147329, 'in': 0.032664725384967744, 'The': 0.02653815664864547, 'tho': 0.024630998852714955, 'at': 0.023077368066446117, 'to': 0.021870111359676432}, {'the': 0.3437506440371265, 'a': 0.14084320755620067, 'and': 0.11533810933674499, 'in': 0.06187880783806603, 'of': 0.061047852604335616, 'be': 0.033976421183199525, 'to': 0.03354225442519886, 'The': 0.02143131106709209, 'tho': 0.021314237489982592}, {'the': 0.5287086395481316, 'of': 0.10073202094853909, 'and': 0.05698534224802636, 'The': 0.0376564913709981, 'tho': 0.03264633262847158, 'in': 0.030335394457780024, 'on': 0.023121145072693302, 'that': 0.01939064203520366, 'a': 0.01774589121562943}, {'that': 0.2089614508912603, 'as': 0.14067859968137034, 'and': 0.13608044290628069, 'which': 0.09305762307481233, 'when': 0.07296316274654993, 'what': 0.0416327816584157, 'but': 0.040171299257575475, 'if': 0.037612392383891066, 'where': 0.03487916917631256}, {'in': 0.3217651262999782, 'In': 0.10256447030252822, 'is': 0.10034687830449686, 'such': 0.09237703336196837, 'of': 0.09091014703708584, 'as': 0.07761578881581702, 'was': 0.054552113568666474, 'with': 0.04270826433021822, 'for': 0.036735490733174614}, {'the': 0.28334334250290266, 'a': 0.21927863955235502, 'and': 0.12274644104651572, 'in': 0.049090441275693335, 'of': 0.04593294937485718, 'to': 0.024385500507584295, 'any': 0.02419812100972142, 'The': 0.019883227130569708, 'with': 0.01812401356660039}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.5405286016670183, 'in': 0.09260367905501653, 'at': 0.07803177807198118, 'to': 0.05024805029441811, 'from': 0.035849227043441595, 'for': 0.028061145923787487, 'In': 0.024046377393504504, 'and': 0.016991176904637396, 'by': 0.014712001603678372}, {'the': 0.601234520839236, 'and': 0.06434338345263341, 'The': 0.04435223569767353, 'a': 0.0441493430526552, 'tho': 0.03492975134621833, 'or': 0.02200955983047456, 'of': 0.019827915454625845, 'de-': 0.01627789029930706, 'tbe': 0.012936479258359999}, {'and': 0.10865140481393569, 'was': 0.05005735010840916, 'be': 0.03936270848847193, 'made': 0.03314457298886814, 'that': 0.029670327992099007, 'up': 0.029165806950801808, 'is': 0.02822148666528043, 'are': 0.027517803943530997, 'been': 0.02584671226213656}, {'and': 0.259404855256391, 'to': 0.16036388026842668, 'of': 0.09637503291850302, 'be': 0.07846071420004586, 'was': 0.06492860602548246, 'is': 0.05629615687404652, 'or': 0.055138555977440905, 'not': 0.050078341312965166, 'by': 0.042439961579006084}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'the': 0.3250583270743786, 'and': 0.06780654705789695, 'of': 0.0598031191855291, 'The': 0.05625644174273218, 'a': 0.03882223958013183, 'that': 0.023574711726444382, 'tho': 0.01857253196294539, 'his': 0.014765260279658025, 'in': 0.012681905114727306}, {'and': 0.16195133247755697, 'is': 0.07321101910068455, 'was': 0.07194251302768054, 'it': 0.04411742166626848, 'that': 0.03508118556258509, 'are': 0.032895597571972315, 'be': 0.028772183025825283, 'found': 0.028438736924937816, 'or': 0.027112211764308596}, {'the': 0.2463783545201742, 'a': 0.07389486768800314, 'to': 0.05359491184979454, 'this': 0.053144420101953596, 'and': 0.0447476211735269, 'of': 0.032701690185621794, 'The': 0.021759154420575064, 'who': 0.019094570303647643, 'tho': 0.01803048941990639}, {'and': 0.08054280426915987, 'as': 0.07950062993927684, 'order': 0.07170839391841236, 'able': 0.06614001226239405, 'is': 0.056792877782769265, 'enough': 0.05389354843172264, 'necessary': 0.04999346417641749, 'him': 0.04269808295598594, 'was': 0.03895041644636141}, {'the': 0.467048214154754, 'The': 0.12152149374233889, 'a': 0.08417146551147689, 'and': 0.06378665982216965, 'of': 0.05751245536328888, 'this': 0.051412927169803, 'tho': 0.02445558284932091, 'his': 0.023425570579169344, 'our': 0.02102356354819437}, {'Section': 0.20457321173309195, 'Sec.': 0.1875898577759447, 'No.': 0.058047500816237274, 'March': 0.05109689914593571, 'April': 0.04265105456068053, 'June': 0.029763480401405838, 'May': 0.02768000932075505, 'July': 0.026686212273497007, '.': 0.025548835996487003}, {'to': 0.22656442624205816, 'I': 0.14786815729010672, 'not': 0.12951542424328003, 'we': 0.1035537820464853, 'you': 0.10139571858374138, 'they': 0.06423136580880393, 'We': 0.05093763947782532, 'who': 0.044981180867179296, 'and': 0.041261006057543584}, {'to': 0.32896899761556947, 'and': 0.2674671727282859, 'not': 0.03743200652738097, 'will': 0.034727409410868965, 'that': 0.029237973630581376, 'I': 0.02919523639738899, 'would': 0.024951596318471114, 'who': 0.019825382117382453, 'which': 0.01961933981281669}, {'the': 0.36983670400067487, 'of': 0.15534649224107805, 'a': 0.09355042983927889, 'an': 0.08236242902425156, 'at': 0.06870154033489509, 'and': 0.06692840879944163, 'in': 0.042905960292305, 'from': 0.027582462313627314, 'for': 0.026498562894416957}, {'and': 0.17596106684280022, 'to': 0.09705634816379151, 'of': 0.043853882963741174, 'which': 0.04307159982379265, 're-': 0.036121002228894326, 'that': 0.03457731553129466, 'for': 0.0298838750270468, 'or': 0.02922632231759091, 'not': 0.02791646393032946}, {'and': 0.2071116405910665, 'he': 0.17007954773484832, 'I': 0.09617763382637129, 'He': 0.08442437074927882, 'who': 0.06430859296440543, 'which': 0.06400666339176983, 'she': 0.050374280511258016, 'that': 0.041622458482476234, 'it': 0.0412242157214191}, {'the': 0.37901574368168084, 'of': 0.1473632644492899, 'an': 0.06406797345407718, 'a': 0.06402539866329002, 'and': 0.057732220081739345, 'The': 0.053951770555703514, 'to': 0.02964802466868469, 'tho': 0.02361111123092913, 'in': 0.022544849856183415}, {'of': 0.34124455405843923, 'to': 0.16603532286989173, 'in': 0.09245192508511123, 'and': 0.07664093462655526, 'by': 0.05939037655213312, 'for': 0.055208969959454145, 'that': 0.04573383224406659, 'from': 0.04467905071390535, 'on': 0.036916412334241956}, {'of': 0.1641107075196537, 'is': 0.14938737905138352, 'was': 0.1226088509093659, 'in': 0.08769047848606899, 'with': 0.08721678395906414, 'and': 0.07790787163383474, 'to': 0.07636466191124437, 'for': 0.055753848549236935, 'as': 0.05361828260081667}, {'and': 0.20007199922531016, 'the': 0.1472082164055118, 'a': 0.0953210790332373, 'to': 0.06798525885955121, 'of': 0.05687963242663113, 'or': 0.026489482596524186, 'that': 0.020319617263333187, 'with': 0.02027588638201662, 'by': 0.019329614144523503}, {'an': 0.2898073935433584, 'the': 0.2533691046918521, 'a': 0.11458277256505059, 'and': 0.08261196123564339, 'of': 0.05461975363077308, 'his': 0.045844204080215764, 'their': 0.04506678041117771, 'its': 0.03281438233463252, 'her': 0.018546487460745924}, {'the': 0.12251758203141075, 'a': 0.12018329735374324, 'or': 0.10525739652371581, 'and': 0.10243543354189356, 'no': 0.07933111405381404, 'much': 0.0683389463917837, 'of': 0.058743727811252616, 'is': 0.04662677542408886, 'be': 0.03431544765459639}, {'a': 0.4926178906219359, 'and': 0.06159023155643936, 'the': 0.05458701113176129, 'to': 0.05330035251977166, 'is': 0.03832032456187593, 'be': 0.036987604194416705, 'very': 0.03538233691826108, 'with': 0.03027218333697751, 'of': 0.028363418170002618}, {'not': 0.21131490485187254, 'will': 0.18249814565723904, 'and': 0.1779907298598317, 'would': 0.05639893544196757, 'may': 0.03607386112596021, 'do': 0.03587187018485363, 'as': 0.03462013720369345, 'can': 0.03438685582119805, 'And': 0.029439472831917085}, {'number': 0.10256369677253101, 'line': 0.035777344236979, 'part': 0.03024377277051425, 'amount': 0.028409418348918858, 'out': 0.025953730851680262, 'board': 0.02306795027280695, 'matter': 0.022922794058678586, 'men': 0.02282246786271753, 'kind': 0.02272020361751541}, {'be': 0.316468253696378, 'been': 0.13140889397795485, 'was': 0.09894778638359861, 'were': 0.07419349558417933, 'and': 0.053811749584109086, 'are': 0.04443513043645467, 'had': 0.0428415239312657, 'has': 0.03781853039228216, 'have': 0.03679129055895405}, {'of': 0.3227001585575514, 'in': 0.17971095437291998, 'to': 0.12105844009944365, 'on': 0.08807800675264155, 'by': 0.05879046443355598, 'In': 0.04467265174419266, 'from': 0.044578656464664426, 'and': 0.03702393302000712, 'that': 0.03501176941611955}, {'as': 0.07698185129308317, 'and': 0.06386612965070457, 'is': 0.053453854590679244, 'it': 0.04538893812572639, 'him': 0.0448874308444703, 'time': 0.0400264917466903, 'them': 0.03685512982329221, 'subject': 0.03433882808880893, 'right': 0.0339281673717669}, {'and': 0.14024270221502308, 'w': 0.09486609508369169, 'the': 0.07802005774673675, 'his': 0.07260172588513197, 'to': 0.06455120053510953, 't': 0.03814126429914113, 'her': 0.024819889392325954, 'who': 0.02402390671992192, 'I': 0.023129185517166466}, {'of': 0.3035526344402565, 'to': 0.19507449907264093, 'on': 0.11258118904372189, 'in': 0.09270763689474326, 'and': 0.05002209464140522, 'from': 0.049846505866593574, 'that': 0.0460788301650053, 'by': 0.045670895964156966, 'with': 0.04056123769958395}, {'the': 0.3357912850668874, 'a': 0.1403959659667988, 'of': 0.12675135032239102, 'said': 0.07849433428681778, 'and': 0.0608897513947126, 'for': 0.03555245511832952, 'The': 0.03474566214829542, 'tho': 0.026391709899020063, 'that': 0.025702537688292417}, {'the': 0.1776774208326678, 'and': 0.11618745692283622, 'of': 0.07752870682140522, 'a': 0.04688803046964208, 'to': 0.039506242669002975, 'that': 0.028251904729360462, 'The': 0.02806150947191031, 'Mr.': 0.027663433172235793, 'or': 0.027330864172727884}, {';': 0.027973254739906566, 'it,': 0.019169730992282877, 'them,': 0.015309262526226733, 'in': 0.0134458763649858, 'him': 0.009729016497342296, 'up': 0.009454385151622214, 'you': 0.009320469589444288, 'it': 0.00918022775008601, 'and': 0.009177733399399748}, {'filled': 0.067744026835924, 'covered': 0.048985072033019196, 'and': 0.047717805627510955, 'together': 0.03196650172124196, 'it': 0.028949054648761085, 'trimmed': 0.021324514390818335, 'them': 0.020614774786778096, 'him': 0.020397284688870927, 'lined': 0.019078291253935887}, {'of': 0.2079633222442796, 'the': 0.1725600691237865, 'in': 0.058827474413610734, 'a': 0.058187266441021894, 'to': 0.051768848448413195, 'and': 0.04765684321803182, 'for': 0.04049160034433732, 'some': 0.021834244078815422, 'that': 0.016143379587080287}, {'to': 0.4745771525591408, 'I': 0.07697626940921214, 'and': 0.07332941365091915, 'will': 0.0729615738355146, 'not': 0.04131355997469364, 'you': 0.03796813719567513, 'would': 0.03487823320973088, 'we': 0.03481840854216871, 'they': 0.030146675700687867}, {'and': 0.1068823256192972, 'looked': 0.06562912145417248, 'look': 0.05345388501586958, 'him': 0.05071826628742472, 'was': 0.049469962602689904, 'died': 0.037969910665498506, 'it': 0.032053189356314606, 'held': 0.029131324011447354, 'up': 0.027799602765317382}, {'the': 0.6678901780006687, 'The': 0.05028153126283515, 'tho': 0.03844872084945705, 'and': 0.037337246767176216, 'a': 0.025105882744276706, 'in': 0.021551041956298023, 'of': 0.02012742744488555, 'tbe': 0.01841970867633861, 'all': 0.01794856830821095}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.2528431623113129, 'of': 0.14981142611085135, 'and': 0.045748040505146255, 'for': 0.03259178612835459, 'to': 0.02990180651714593, 'in': 0.026903297964014916, 'more': 0.026900748118280225, 'all': 0.024019446357832045, 'their': 0.0234465491230998}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.10723033250438467, 'it': 0.05559303722465169, 'pain': 0.04948680842417035, 'was': 0.03016410543330205, 'him': 0.028667508434370933, 'not': 0.028625149798078335, 'that': 0.02783886748991313, 'up': 0.02560941319093722, 'is': 0.02465372951719969}, {'of': 0.2428873537692233, 'in': 0.11973680612014662, 'to': 0.11603402741270599, 'for': 0.07714789713097062, 'and': 0.06946396848994019, 'with': 0.060658363724453455, 'on': 0.047862408375154715, 'from': 0.04110232559766807, 'by': 0.036546241757073966}, {'of': 0.447438342864533, 'to': 0.12862724087465754, 'in': 0.09513154630676433, 'from': 0.04384331155525219, 'by': 0.04323393008348299, 'on': 0.03561042721348471, 'that': 0.03537274384657179, 'and': 0.03465824988531255, 'with': 0.03411796506816219}, {'number': 0.11062338203121565, 'out': 0.08733674491826868, 'plenty': 0.08387177581656487, 'amount': 0.07840908929885956, 'matter': 0.06616193176695981, 'lack': 0.05350947123196437, 'kind': 0.04339402457406705, 'deal': 0.03990337172715648, 'right': 0.03813989077816333}, {'in': 0.020598718948367404, 'highest': 0.019012928212142736, 'largest': 0.018081752850039785, 'it': 0.016917498166627628, 'time': 0.014234360902846691, ';': 0.011322109845648121, 'made': 0.010343301070519546, 'law': 0.009983236174250508, 'him': 0.009256664314867031}, {'one': 0.1603469973369278, 'two': 0.128983326051292, 'hundred': 0.12446160261333152, 'a': 0.10097696730410294, 'three': 0.09953193885625417, 'five': 0.09802951032930754, 'fifty': 0.09347733661134501, 'ten': 0.0812151975421575, 'four': 0.05259722410042325}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'a': 0.3892890613755342, 'the': 0.31644004940937964, 'his': 0.06578326132293605, 'this': 0.04330179299086632, 'their': 0.027243056262186996, 'and': 0.025306439529796804, 'The': 0.023143719277437216, 'said': 0.020700246926090436, 'her': 0.01920966299932271}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.14160143429105918, 'of': 0.10772794069262466, 'and': 0.04622791745346806, 'The': 0.04468459444150224, 'Mr.': 0.04437398717949427, 'that': 0.04282841592100794, 'in': 0.040608763603819556, 'Mrs.': 0.02570127574675181, 'which': 0.024259625863839614}, {'and': 0.12872972105088717, 'to': 0.07227858604943256, 'of': 0.05425309677209928, 'the': 0.03650005538424579, 'which': 0.02576491750727203, '<s>': 0.024504388241587835, 're-': 0.023936663937332427, 'in': 0.023240558661457134, 'that': 0.022739686880605316}, {'of': 0.5101274787394307, 'in': 0.07994458979381543, 'by': 0.06958046004734393, 'for': 0.05935906251489446, 'and': 0.05934171770067402, 'to': 0.05747256215315491, 'that': 0.033339561010832304, 'with': 0.03310256963810084, 'from': 0.02416495954363591}, {'the': 0.6450752159221637, 'and': 0.08450588324258847, 'The': 0.05360187291303511, 'tho': 0.040009915788677686, 'in': 0.031213371552909607, 'a': 0.024173531993553217, 'great': 0.023089510428015873, 'of': 0.020568747924298605, 'his': 0.015091726314186846}, {'it': 0.2258236897651326, 'It': 0.13385152695119582, 'which': 0.06719366299113633, 'he': 0.05740300950661199, 'there': 0.05423480177844078, 'and': 0.05270602120041788, 'that': 0.05226125941690954, 'who': 0.04049782026476934, 'There': 0.022615423059341527}, {'in': 0.2580282188237695, 'of': 0.18313189828191406, 'at': 0.11269783497197855, 'to': 0.07984396101127823, 'without': 0.06509841395553714, 'or': 0.06269876801364468, 'from': 0.06003561823569504, 'by': 0.05375967453149854, 'for': 0.048780224590067735}, {'to': 0.2355618695084279, 'for': 0.10438710748273063, 'of': 0.08935956266124047, 'with': 0.07016473472192158, 'upon': 0.06101336729735695, 'against': 0.05861362797809736, 'by': 0.04299482367218915, 'on': 0.03436370055817339, 'at': 0.028484734074653868}, {'as': 0.21110630609339437, 'that': 0.19472880551911698, 'if': 0.1203358919944226, 'and': 0.09012311105296136, 'when': 0.051925621859213275, 'which': 0.043219320961910626, 'but': 0.041047326232820376, 'until': 0.02738523906365749, 'for': 0.025794846949564285}, {'it': 0.18143874199255758, 'there': 0.10331969695424356, 'It': 0.09198639939220059, 'which': 0.08073126991269376, 'they': 0.06240522313208139, 'that': 0.054082648531678275, 'and': 0.05144105994683339, 'he': 0.03253148924096088, 'There': 0.03214778196988864}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'the': 0.6305021491076944, 'a': 0.12926304465234, 'The': 0.038444870368557905, 'tho': 0.03359201734526903, 'in': 0.025929953146239484, 'cardinal': 0.017752359036205156, 'fundamental': 0.016745120705152276, 'every': 0.014713530788955004, 'this': 0.013132270384634168}, {'to': 0.26277812733996164, 'I': 0.2154372475732827, 'we': 0.10635110596620954, 'and': 0.06317639312857767, 'they': 0.06170201984248673, 'who': 0.05731754063558974, 'not': 0.04264848934625128, 'We': 0.040099245655723356, 'will': 0.02869755309570452}, {'a': 0.18724941153224953, 'the': 0.13066729112306077, 'of': 0.10696933844321772, 'to': 0.04875256019474638, 'at': 0.045900183601833476, 'and': 0.03535069314432956, 'in': 0.030926658828164172, 'on': 0.030556831355759182, 'by': 0.021616615513218352}, {'number': 0.09639031373272854, 'place': 0.07896124558607681, 'out': 0.0484438274603114, 'thousands': 0.040823338065482384, 'amount': 0.038435658200651965, 'point': 0.03323914057554327, 'mound': 0.0327174274586275, 'line': 0.03210435703052555, 'day': 0.03025320504396358}, {'I': 0.35635868076488, 'to': 0.14633202992180855, 'and': 0.08643280986710807, 'you': 0.06129741550107329, 'not': 0.06023798213960766, 'we': 0.04405143970912249, 'We': 0.03241078875592252, 'but': 0.030828305713979504, '1': 0.030201181076689152}, {'the': 0.18850181828564358, 'of': 0.13999761670761218, 'and': 0.07409110117404955, 'a': 0.05549936134263849, 'to': 0.05395457885348824, 'be': 0.048716173980404724, 'in': 0.0323910616632134, 'for': 0.02851018994188836, 'their': 0.027676475628078817}, {'of': 0.3419458428739253, 'in': 0.15937684152250695, 'to': 0.1147419457005223, 'for': 0.05733902138077745, 'and': 0.056650693034846565, 'with': 0.055472726860084025, 'by': 0.05471583032417364, 'from': 0.0423364282356197, 'is': 0.033923870965174595}, {'of': 0.1424960550605641, 'that': 0.10931507161887204, 'and': 0.10227220369748576, 'to': 0.09496961810003429, 'by': 0.06989817731968694, 'for': 0.024734102884443204, 'with': 0.02108495715860259, 'said': 0.01854197073144477, 'which': 0.017574426011693487}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.24173186644873054, 'of': 0.1264804730623645, 'and': 0.08331959595593887, 'a': 0.07678669948469065, 'in': 0.02227872850197047, 'to': 0.019468778320699653, 'or': 0.017891130897969953, 'The': 0.01759084026465017, 'tho': 0.015524648398075488}, {'and': 0.13477470761469834, 'was': 0.06573790050058322, 'is': 0.061822025315157146, 'are': 0.037851888084150236, 'be': 0.03219818914458335, 'it': 0.025319339338474026, 'that': 0.024397191619393525, 'been': 0.023225985589139846, 'succeeded': 0.022866681293539578}, {'of': 0.3616650103412905, 'to': 0.09467247252563057, 'make': 0.09072693308701807, 'for': 0.08917847618366952, 'with': 0.0834663826763494, 'upon': 0.042160523787832936, 'give': 0.03993919921304566, 'by': 0.03888593811168252, 'in': 0.029808390470401937}, {'more': 0.05215416748242639, 'person': 0.03459337238070734, 'one': 0.03448403366412598, 'law': 0.023673307501844133, 'man': 0.017187781536062513, 'action': 0.016888501209540434, 'debt': 0.014187819616594623, 'right': 0.012787530170365356, 'time': 0.012206782938924845}, {'the': 0.5320164519895323, 'of': 0.07707064436880022, 'a': 0.06529785840807897, 'by': 0.05111709090430049, 'The': 0.03340968954429204, 'tho': 0.028299203044117052, 'in': 0.02553044483117154, 'first': 0.02161475746285322, 'and': 0.017728410187465498}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'the': 0.1287053056813113, 'and': 0.09508927028557602, 'to': 0.07119949655636888, 'of': 0.06102613577256228, 'so': 0.03421728976199958, 'is': 0.030015551339827497, 'be': 0.023127371175015583, 'he': 0.020689572386688632, 'was': 0.018665179604157495}, {'<s>': 0.04502444845626006, 'him.': 0.03488267148891626, 'it.': 0.021838066407264205, 'them.': 0.01489902156743085, 'time.': 0.014057167678784037, 'life.': 0.010920621203397986, '.': 0.010395388381310182, 'years.': 0.010315050662691646, 'man.': 0.009477433339608444}, {'and': 0.08452463003138351, 'him': 0.06566416047193002, 'want': 0.061946135633453074, 'able': 0.056723895164065806, 'is': 0.0513055351336816, 'enough': 0.04964846369052963, 'have': 0.04604424939635596, 'me': 0.0434188287770063, 'necessary': 0.039785394649249746}, {'the': 0.16712833101840213, 'of': 0.13452823179984477, 'to': 0.10402533965583938, 'a': 0.06447262232401983, 'and': 0.050592692014960826, 'in': 0.047573193020219805, 'on': 0.031109405021477222, 'The': 0.017845921263031205, 'at': 0.01766148318014319}, {'<s>': 0.04528069650880274, 'and': 0.02699937938339363, 'was': 0.021406588236314687, 'be': 0.020813624463239748, 'is': 0.012882853041428905, 'are': 0.01258672034788641, 'that': 0.01152457668573977, 'were': 0.010877731891555668, '.': 0.009179189803047959}, {'and': 0.06732630266559576, 'was': 0.038120841749844404, 'recorded': 0.03575267769955558, 'is': 0.027339473304013394, 'made': 0.02312684591521966, 'up': 0.021109470554871404, 'as': 0.020798328023230443, 'held': 0.01808391694633402, 'it': 0.01703226253755803}, {'one': 0.10818554143898346, 'out': 0.08205944313405265, 'some': 0.05230482666832631, 'and': 0.03704986683954225, 'part': 0.03619022213779566, 'many': 0.03198669884790675, 'that': 0.03137518623430548, 'all': 0.026696116418554856, 'time': 0.02459438233182114}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.218152432420072, 'of': 0.12713589383552218, 'and': 0.07838304292806321, 'to': 0.07731991031968635, 'a': 0.062068017940683264, 'his': 0.0376089481176602, 'be': 0.03551076222232757, 'was': 0.0314698060036496, 'in': 0.030231433590890255}, {'he': 0.18049277574139125, 'it': 0.1328581947862992, 'It': 0.0961295491365494, 'which': 0.08426866402742182, 'I': 0.07801157903495934, 'He': 0.06355850189056853, 'and': 0.06338749004867664, 'who': 0.06122084419579134, 'she': 0.045873885266201994}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.5393972184593891, 'a': 0.18709295688128733, 'his': 0.06749168527222062, 'this': 0.03415669439837219, 'and': 0.02625817711421168, 'of': 0.022652861821664125, 'their': 0.019840968350937533, 'tho': 0.018327762524534077, 'The': 0.0170684021956187}, {'of': 0.423287581304055, 'in': 0.36359309818224567, 'In': 0.0843022478152616, 'to': 0.034851190841491776, 'for': 0.020239402252727176, 'that': 0.01728762263295563, 'by': 0.015545604669405461, 'from': 0.013165060656957595, 'and': 0.009118274956885063}, {'be': 0.3830413910170204, 'been': 0.19724026604243677, 'was': 0.191699868323386, 'is': 0.05331833316505968, 'were': 0.05132373045845376, 'are': 0.02879423480420518, 'have': 0.02506966398702257, 'had': 0.024865177615560438, 'bo': 0.02081807528676791}, {'the': 0.5995097907174931, 'The': 0.059881411255972315, 'a': 0.047422638407694666, 'and': 0.04460630678918013, 'tho': 0.04400541187403656, 'any': 0.03297783435546074, 'by': 0.02024730604829705, 'an': 0.019032805298801622, 'in': 0.018464841332535505}, {'they': 0.20276584015154764, 'who': 0.08213101396378368, 'we': 0.07383328362973411, 'and': 0.05671740275597582, 'They': 0.049218671663100066, 'there': 0.042499229982503814, 'men': 0.04110820039965613, 'which': 0.03596609439443811, 'it': 0.02787847218178294}, {'the': 0.27671588326747965, 'of': 0.17028616654157788, 'a': 0.0886960179635776, 'and': 0.05036616881942214, 'to': 0.04297842563684413, 'his': 0.04064311769904943, 'in': 0.03005197649219958, 'with': 0.024719908301562482, 'for': 0.022790952739833427}, {'in': 0.1988223988915023, 'of': 0.17953151719337074, 'to': 0.0878737624025864, 'from': 0.057272060954764774, 'for': 0.056125110594267634, 'with': 0.053891040660277986, 'by': 0.043143878095001274, 'In': 0.042684820745317355, 'and': 0.02909799016125718}, {'the': 0.4673004811897386, 'The': 0.26812581458234963, 'of': 0.0664392298335435, 'that': 0.027573522314834543, 'tho': 0.020159930937913382, 'and': 0.018186289376878904, 'this': 0.01198721691896894, 'a': 0.010878001032692111, 'tbe': 0.009147780739069971}, {'the': 0.33089556415956567, 'of': 0.17050135324802645, 'in': 0.08309685949083533, 'his': 0.06058155417366876, 'and': 0.045089449592221616, 'for': 0.0450002815871632, 'to': 0.035001504198453236, 'a': 0.03298901122834182, 'with': 0.0319293440327865}, {'and': 0.07183289031255977, 'demand': 0.025944685217575657, 'ready': 0.021477506387310677, 'used': 0.020653840313379437, 'time': 0.018693235575541325, 'not': 0.014344251169100857, 'vote': 0.014321157386397571, 'it': 0.014219992250690474, 'candidate': 0.013420651590409303}, {'did': 0.2087860712470501, 'do': 0.15428408155985487, 'could': 0.1508557606088369, 'does': 0.13659615586599214, 'would': 0.12912376141234252, 'will': 0.12446536013571917, 'may': 0.02428311612113048, 'should': 0.02345383339040368, 'had': 0.02021177342666319, 'can': 0.01794008623200697}, {'the': 0.2542251533911903, 'and': 0.14471191957146956, 'of': 0.12484717014520659, 'this': 0.08359029701852842, 'in': 0.06479958487444983, 'such': 0.045296135085193055, 'to': 0.04474275713672415, 'that': 0.03803902986761271, 'which': 0.03776057224640524}, {'gold': 0.18463697132479912, 'hundred': 0.0398701453600089, 'men': 0.02955240402684048, 'wife': 0.01910025560181091, 'relatives': 0.013808199643252278, 'city': 0.012608126308310284, 'land': 0.010233580078824883, 'in': 0.008883955524364637, 'up': 0.008791695066002967}, {'the': 0.159457281714972, 'and': 0.10487922721923125, 'to': 0.057522077502790536, 'of': 0.05661258161631215, 'in': 0.04290404283878156, 'a': 0.033385305273884815, '<s>': 0.02457056088395281, 'for': 0.02333671297208942, 'I': 0.020115289844964416}, {'of': 0.3106467749345006, 'in': 0.13507677475300273, 'to': 0.08437544457118076, 'and': 0.07601421800800265, 'by': 0.0664182361465764, 'for': 0.05459478058946753, 'with': 0.046624708744478605, 'that': 0.04001847169752971, 'In': 0.03298902790125666}, {'the': 0.1986355619550515, 'a': 0.1649446109685558, 'of': 0.13484064519203381, 'and': 0.11823674543345553, 'in': 0.07274296411839581, 'from': 0.031351161180721, 'The': 0.02970679025238177, 'that': 0.02921013929202721, 'with': 0.029189551214732497}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'to': 0.23482837650181979, 'will': 0.21648630943567398, 'and': 0.07547345924817303, 'not': 0.06117583965746284, 'would': 0.04899346370733824, 'may': 0.046913626940198426, 'shall': 0.03861144528785386, 'is': 0.03474048380629526, 'it': 0.033877761516357}, {'to': 0.11272467325873015, 'the': 0.09570920935957357, 'of': 0.08084508540075111, 'and': 0.07746796351453314, 'a': 0.03161606912023797, 'in': 0.024763881588432984, 'at': 0.024446783401682257, 'for': 0.018599489625864805, 'is': 0.01726400145434898}, {'peo': 0.26613095987178315, 'the': 0.07228092238858373, 'peo-': 0.06264918681064878, 'a': 0.05559162410239867, 'of': 0.051350200348070994, 'and': 0.03565002850827982, 'as': 0.023621171848474568, 'said': 0.02183221979984689, 'di-': 0.016150186560131168}, {'north': 0.11721819402771165, 'feet': 0.03287283357472811, 'east': 0.021976800671203663, 'street': 0.01939348288135084, 'land': 0.014322325857680514, 'North': 0.014176771038875184, 'south': 0.013925772355945405, 'chains': 0.01330883890294236, ';': 0.01208474862593586}, {'the': 0.45442961912330854, 'a': 0.09077445191701544, 'of': 0.08391485925271483, 'said': 0.057697786845336156, 'at': 0.044669383305478004, 'to': 0.04160380832857762, 'any': 0.03664391759218872, 'and': 0.03028031400152701, 'The': 0.023704954678310092}, {'has': 0.15493141032761007, 'have': 0.14302354410926083, 'was': 0.08391059521552378, 'he': 0.08253468488181827, 'be': 0.08099313108093109, 'is': 0.0809639878415633, 'and': 0.07418442668239777, 'had': 0.06797193487947492, 'been': 0.04457325848938116}, {'of': 0.09400290162860477, 'the': 0.05021247282719051, 'and': 0.04593701122029225, 'in': 0.039689724099797465, 'a': 0.03955106009074535, 'to': 0.033628996744697666, '-': 0.028068341170203286, 'for': 0.01576655015567196, 'by': 0.013520211217340584}, {'the': 0.5876865425411986, 'and': 0.07616597633023471, 'of': 0.06259823635350367, 'said': 0.03196507560946609, 'The': 0.029668289648358336, 'tho': 0.02743618453030195, 'in': 0.018264720929630277, 'on': 0.016387800300402797, 'or': 0.013651135739810126}, {'a': 0.42336340997794353, 'the': 0.11953530617490672, 'very': 0.08279421420566718, 'of': 0.060319367429428866, 'and': 0.05668798031291189, 'but': 0.040863207908144565, 'with': 0.04020632661840344, 'is': 0.03454560983678266, 'to': 0.02792190688716543}, {'to': 0.5790340261413728, 'not': 0.11675699825048934, 'could': 0.05302109042633308, 'will': 0.04894820113452237, 'and': 0.04363663120096616, 'can': 0.03923043884186117, 'they': 0.030219943568725018, 'would': 0.028464117123473864, 'may': 0.024232283158629214}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'of': 0.17812164892276777, 'the': 0.1012888456194023, 'and': 0.08094513092269891, 'a': 0.07630590518576001, 'to': 0.06780754766753506, 'in': 0.05360743862479921, 'was': 0.029660071061225066, 'with': 0.028416590242039894, 'is': 0.028389348603932645}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'of': 0.1663014831200428, 'and': 0.11197375666985283, 'in': 0.10704453358049139, 'to': 0.06925918569143792, 'any': 0.0629418296817511, 'from': 0.0600679936592899, 'the': 0.05991516100520513, 'by': 0.05115011456134473, 'for': 0.05113197986681872}, {'to': 0.14113211063311315, 'for': 0.12333074786908708, 'of': 0.051234962532055214, 'and': 0.04920713215393169, 'threw': 0.047689833708847634, 'put': 0.038187655867434486, 'get': 0.03044134945160857, 'in': 0.02827528468038376, 'throw': 0.024369601951900483}, {'of': 0.24887951054648474, 'at': 0.1127739546796195, 'the': 0.10820620104111071, 'to': 0.08267091702985338, 'in': 0.07710054067075466, 'and': 0.06039264587906379, 'from': 0.04826680306044624, 'by': 0.028635364215141585, 'for': 0.018194246807392178}, {'of': 0.08505125638636594, 'the': 0.06468722009069557, '.': 0.06446384754334274, 'and': 0.038608583767623036, 'Mrs.': 0.03027519944780973, 'by': 0.02703900191994588, 'J.': 0.02599374162442905, 'John': 0.025941345283059265, 'H.': 0.024892408405709453}, {'the': 0.11279369985205503, 'of': 0.10227123625501182, 'and': 0.09914095353325966, 'to': 0.0763975309636487, 'a': 0.0735564788205918, 'in': 0.03787598454799771, 'be': 0.026973960941033964, 'with': 0.022912297013938265, 'was': 0.022187205816492483}, {'of': 0.10631112473892627, 'the': 0.09943241832474299, 'and': 0.08159794106622675, 'to': 0.08044019399615582, 'a': 0.0411705846870669, 'be': 0.032482607452970214, 'was': 0.026600329505008413, 'or': 0.02456876992697593, 'is': 0.021232665187409037}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.3076166253760785, 'to': 0.16004348763442774, 'in': 0.10191932037613913, 'and': 0.07350755301085318, 'from': 0.05334537761441174, 'on': 0.052929265231401804, 'for': 0.04859017153048989, 'by': 0.046939471037067394, 'that': 0.045206959543910026}, {'and': 0.24524847203584144, 'the': 0.18369774026680227, 'any': 0.12613699894646066, 'or': 0.10926502855940946, 'of': 0.06992610698715435, 'all': 0.06475023163819912, 'no': 0.048000895475281025, 'some': 0.04349245372046067, 'in': 0.03949084798191502}, {'and': 0.2055629023542568, 'days': 0.04615768164882598, 'shortly': 0.04397581712573816, 'that': 0.03941768158848336, 'soon': 0.03770955365503764, 'minutes': 0.02888945118856962, 'until': 0.022750355982533197, 'but': 0.02139251199300761, 'Shortly': 0.019682274118805472}, {'in': 0.3807128893741397, 'of': 0.17904189345665658, 'In': 0.09302240942781599, 'the': 0.054712038954749825, 'a': 0.03853268886565612, 'to': 0.0349430497523147, 'on': 0.033520725342673675, 'at': 0.03309042717593035, 'from': 0.02992284902425152}, {'the': 0.13340436300712563, 'of': 0.10715827278933492, 'to': 0.0487178970258054, 'and': 0.045492175417691856, 'in': 0.021549516745182094, '<s>': 0.02126286016037251, 'was': 0.021063228958841267, 'on': 0.020916996126232757, 'for': 0.020194170329271288}, {'and': 0.08635405004878942, 'lying': 0.056664072149555794, 'it': 0.030031559794621132, 'was': 0.02905957210993607, 'made': 0.025069375064385915, 'now': 0.02499049033993832, 'them': 0.024871613530094306, 'that': 0.022499283729434105, 'is': 0.02183992438417851}, {'of': 0.23437227084243126, 'to': 0.1335121952624371, 'that': 0.1077565200019921, 'in': 0.09666579963469459, 'or': 0.08650102867267473, 'for': 0.08527727731637144, 'by': 0.07903191466719564, 'at': 0.04915495992043442, 'if': 0.04636826811897215}, {'and': 0.08672998852698491, 'place': 0.06738177827312677, 'point': 0.039127640895285, 'cases': 0.02766019712580496, 'spot': 0.027263524668691082, 'that': 0.02290497282942476, 'every-': 0.01980298487674155, 'places': 0.01741142795096776, 'of': 0.015405800425084486}, {'to': 0.35371424015419634, 'will': 0.09832434273670011, 'have': 0.08935378731206783, 'had': 0.07617249162936914, 'not': 0.06198615030265166, 'has': 0.06070365230545569, 'be-': 0.0529583631388141, 'they': 0.04818458330514958, 'and': 0.04167473953038493}, {'the': 0.11465877822957096, 'and': 0.08691397614958754, 'of': 0.0684481415135792, 'to': 0.047612852416672874, 'in': 0.02458400066508134, 'that': 0.022156300571771172, 'said': 0.02177707665441787, 'for': 0.020119557938665083, 'his': 0.0199577743010974}, {'the': 0.25163379397778235, 'of': 0.2206426227922566, 'for': 0.09567035478566974, 'and': 0.08766824338179006, 'or': 0.07875059126351583, 'by': 0.06472927814418697, 'in': 0.055657363213770975, 'these': 0.028828445684634846, 'that': 0.028770469227866993}, {'and': 0.17585063722392302, 'fact': 0.10400902578517979, 'said': 0.06844377842999533, 'so': 0.06232472237382234, 'believe': 0.04519952307692614, 'is': 0.039634011181226815, 'say': 0.03675663629906361, 'know': 0.036060715732595706, 'found': 0.03095250753294034}, {'the': 0.5116171143430971, 'a': 0.10312935210932735, 'any': 0.09122539790618227, 'at': 0.05725551852482952, 'tho': 0.03927798940855121, 'The': 0.038952101099651755, 'every': 0.027689827900336413, 'and': 0.026575228018733868, 'by': 0.023059229644174967}, {'and': 0.17585063722392302, 'fact': 0.10400902578517979, 'said': 0.06844377842999533, 'so': 0.06232472237382234, 'believe': 0.04519952307692614, 'is': 0.039634011181226815, 'say': 0.03675663629906361, 'know': 0.036060715732595706, 'found': 0.03095250753294034}, {'and': 0.20982951992940316, 'to': 0.1191039777715214, 'not': 0.03903957227939709, 'that': 0.028959219156538953, 'or': 0.02754408301558847, 'who': 0.02659348785819813, 'of': 0.026094111035287845, 'will': 0.025683829625368023, 're-': 0.024727742544405223}, {'the': 0.18182229309263837, 'and': 0.1055330014117007, 'of': 0.05884524489125584, 'I': 0.04558702487286792, 'to': 0.0282323731213483, 'The': 0.025952693925332067, 'do': 0.02322539462893855, 'a': 0.020542338243243422, 'in': 0.01952816403173745}, {'the': 0.38451746589142827, 'and': 0.1000786050586885, 'of': 0.09514672319420764, 'in': 0.08794956041028433, 'an': 0.07588218866019286, 'that': 0.04061297101811084, 'their': 0.03399105839235085, 'to': 0.03356403512875563, 'a': 0.031251799270555616}, {'in': 0.16609822820013234, 'the': 0.16084011735450462, 'on': 0.12498703789002344, 'a': 0.1056882521200529, 'of': 0.07284190857702601, 'In': 0.06843947375347659, 'at': 0.04281545846861254, 'from': 0.04251049452312249, 'and': 0.030000792701479283}, {'to': 0.5564670268316017, 'will': 0.10782226605196712, 'and': 0.051900468723121415, 'can': 0.047635345907954575, 'I': 0.036579350786956115, 'not': 0.0251274163347406, 'the': 0.024299128807771807, 'shall': 0.020580624475002227, 'they': 0.02024785700631829}, {'the': 0.24624586650380598, 'of': 0.12511670154155094, 'and': 0.07459332797933538, 'in': 0.06427246444335108, 'a': 0.05025398564146426, 'The': 0.033285740171146765, 'to': 0.03079809551665842, 'at': 0.022044758058172166, 'tho': 0.019189206318671104}, {'of': 0.14437040811115356, 'and': 0.1019262957194212, 'to': 0.10159731928660581, 'the': 0.07867429337387825, 'in': 0.03371455360615992, 'a': 0.03199200629921634, 'for': 0.020209553962359246, 'that': 0.0181139041599701, 'as': 0.015400966740397554}, {'the': 0.26425494071066896, 'of': 0.12642229755383344, 'and': 0.10249293683179649, 'a': 0.05573383042658805, 'in': 0.0369111210800495, 'to': 0.03297871043317414, 'or': 0.024809189594548954, 'The': 0.020961895130094933, 'at': 0.019398131613143275}, {'at': 0.4146100061267614, 'for': 0.12544368903807282, 'of': 0.08740672593164323, 'to': 0.07385031070820812, 'and': 0.050010139974232266, 'At': 0.046625176829788596, 'during': 0.04097336457253684, 'that': 0.04027340851898766, 'in': 0.03989425686292737}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'and': 0.10200894648850416, 'covered': 0.056157068350320256, 'filled': 0.05539594387765912, 'together': 0.0523288314723718, 'charged': 0.03477710872429164, 'up': 0.02760272766703195, 'that': 0.021288490154203973, 'but': 0.019060681037548446, 'it': 0.018089760313710082}, {'in': 0.17635678835710344, 'of': 0.15309164727335328, 'to': 0.09922200092870499, 'for': 0.0755201721616355, 'with': 0.0615221475086542, 'from': 0.05991868815771717, 'by': 0.05491816673292545, 'at': 0.04110373617227536, 'In': 0.04016490729053633}, {'the': 0.14549155268906372, 'of': 0.08642784091897941, 'and': 0.0698053438038775, 'on': 0.060434478647509435, 'or': 0.04444925996371202, 'as': 0.04189005414304789, 'to': 0.040788272206086724, 'be': 0.022035675164014338, 'their': 0.02192951146795815}, {'the': 0.1864637361985003, 'of': 0.10198124858143423, 'and': 0.09253105662050114, 'to': 0.05360208000552441, 'a': 0.03817158101737386, 'at': 0.02749072616614149, 'in': 0.023915547555622786, 'for': 0.02366094202479259, 'or': 0.020792292827789688}, {'of': 0.45580517089281186, 'by': 0.10545712028113712, 'to': 0.09377735360728022, 'in': 0.06488268405533472, 'and': 0.05492712493568072, 'that': 0.051944322704332344, 'at': 0.03005544782672858, 'from': 0.028247811432572097, 'on': 0.027722169679342594}, {'number': 0.07693779630193077, 'purpose': 0.0726615163442003, 'out': 0.04799019278268677, 'matter': 0.04412744762060964, 'instead': 0.04337929041053171, 'cost': 0.031125208521539948, 'means': 0.02992691111666975, 'years': 0.026219177465044114, 'line': 0.026061277623647707}, {'to': 0.37866575262458413, 'the': 0.07885005630912868, 'a': 0.07644826307905854, 'will': 0.07316814355323402, 'and': 0.051102278205677934, 'I': 0.047721273040812015, 'under-': 0.041632510580872355, 'would': 0.03933354214904795, 'not': 0.03738865008495862}, {'away': 0.09585673994494147, 'him': 0.07302626068354513, 'and': 0.057372668268616325, 'taken': 0.03628454559801494, 'came': 0.029892829010481962, 'them': 0.028845997131272033, 'it': 0.025339321689762336, 'come': 0.023550704562962068, 'returned': 0.021942335185100147}, {'one': 0.09256824762898934, 'part': 0.0674274335493596, 'some': 0.05120648280056133, 'out': 0.04944939543362918, 'all': 0.03230362698104824, 'portion': 0.028282467414459354, 'any': 0.023294251004539735, 'much': 0.02210418497572579, 'that': 0.021590985948602686}, {'of': 0.1377183274061373, 'and': 0.08645588734086838, 'the': 0.07254285181335306, 'to': 0.0490295168051381, 'said': 0.040897955331130935, 'in': 0.035026176513435966, 'was': 0.03250002302301149, 'by': 0.027693341865168586, 'be': 0.024128523671909232}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'and': 0.07212256945868688, 'to': 0.05352321058699662, 'the': 0.050577686693148806, 'of': 0.0367095224057738, 'was': 0.035748612037158914, '.': 0.03203253209180365, 'Mrs.': 0.024611672964498687, '<s>': 0.022048439717947264, 'I': 0.016976652724415602}, {'in': 0.17831071634309084, 'for': 0.15288283829349295, 'of': 0.14608337491179252, 'within': 0.07753756007710011, 'and': 0.06785450787002224, 'only': 0.06190377207193627, 'In': 0.05627073922004922, 'with': 0.0471648322568348, 'is': 0.04003434387689471}, {'and': 0.09468249737622518, 'depend': 0.03875088893599322, 'based': 0.03863406357657407, 'placed': 0.0380392715961322, 'depends': 0.03779424552216468, 'called': 0.03705486424756454, 'down': 0.03295251281941486, 'made': 0.032658028953724605, 'effect': 0.028685464570585545}, {'and': 0.15903679877661217, 'the': 0.10354084962361607, 'to': 0.05203230284949623, 'do': 0.05126928432853597, 'I': 0.04551123887109065, 'of': 0.030088947825005038, 'will': 0.022745118086963542, 'he': 0.022085591320507417, '<s>': 0.019330668585450638}, {'Mr.': 0.25501839114344094, 'Mrs.': 0.12339226542673759, 'and': 0.07685364782578226, 'Miss': 0.04420974194438056, 'of': 0.042130962638337405, 'the': 0.039179234658681186, 'Sir': 0.022881521415248702, 'that': 0.020040429574745423, 'St.': 0.019884682724773974}, {'and': 0.09156967946781422, 'of': 0.07044699307300592, 'the': 0.06598121752322068, 'to': 0.061741201633114924, 'be': 0.03728100851216372, 'was': 0.03073477408928297, 'is': 0.025306245917388802, 'a': 0.024676850002779818, 'as': 0.0208108511908404}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.32314192486263194, 'of': 0.14081472156762623, 'and': 0.08418062724595242, 'The': 0.08194065738499863, 'that': 0.05442394468829312, 'a': 0.04531309249920686, 'his': 0.03656836544158602, 'this': 0.02058637814980389, 'their': 0.019494666323153803}, {'it': 0.18143874199255758, 'there': 0.10331969695424356, 'It': 0.09198639939220059, 'which': 0.08073126991269376, 'they': 0.06240522313208139, 'that': 0.054082648531678275, 'and': 0.05144105994683339, 'he': 0.03253148924096088, 'There': 0.03214778196988864}, {'of': 0.07447535218451433, 'and': 0.07348960416279884, 'I': 0.05859389878513102, 'all': 0.049239149562227344, '.': 0.04636925208228215, 'to': 0.0334999790352794, '<s>': 0.028438619276393733, 'the': 0.02631319232748013, 'that': 0.02315840616722039}, {'they': 0.23262695197730363, 'we': 0.12407780528112466, 'who': 0.07227381190639773, 'you': 0.06071293957147721, 'They': 0.059887334940060044, 'and': 0.05253518584952284, 'We': 0.04685581973437012, 'which': 0.043148746026786235, 'that': 0.035298726953672775}, {'sum': 0.13095905575214004, 'rate': 0.11783923099919756, 'period': 0.04042867534941241, 'amount': 0.04012387371761773, 'out': 0.036635966067437555, 'number': 0.03130739288354859, 'quarter': 0.03018328153011167, 'one': 0.028209049369509947, 'cost': 0.02509332724016223}, {'the': 0.5164662326662973, 'an': 0.16508596857277927, 'The': 0.0996180176170418, 'and': 0.0327142954363957, 'of': 0.030912330999417117, 'a': 0.03035529297101268, 'his': 0.027071836678044078, 'tho': 0.022697033099624456, 'their': 0.022596210931716227}, {'and': 0.18476060236262237, 'be': 0.07907525055275301, 'was': 0.07807426774499994, 'is': 0.05343698168473458, 'the': 0.040179282440993794, 'been': 0.035317211006099435, 'of': 0.03180436531054428, 'or': 0.023915965891219138, 'are': 0.01848758048171476}, {'the': 0.14309936195386752, 'of': 0.11435851857925557, 'and': 0.07679204857230557, 'to': 0.05767422545430939, 'was': 0.051462649112687164, 'a': 0.044387177950600244, 'be': 0.039386020154803844, 'in': 0.03913091724555907, 'is': 0.03317156499467845}, {'for': 0.45501004841885007, 'of': 0.16838199161203982, 'in': 0.07607163527530232, 'so': 0.054765223992817726, 'and': 0.050519068149864045, 'as': 0.041975761615731154, 'that': 0.03334418669790003, 'For': 0.03240601516694806, 'the': 0.02680229457994419}, {'as': 0.1052981225249844, 'is': 0.07826299995580696, 'and': 0.06717602084020385, 'able': 0.06126079939881438, 'enough': 0.0569918187984373, 'order': 0.05513642227327638, 'was': 0.049900748961854195, 'not': 0.04804870798260533, 'him': 0.046515544030551935}, {'of': 0.23658508513447107, 'for': 0.18122156707855178, 'to': 0.12836219335584081, 'in': 0.09502142932918203, 'at': 0.07849260383240449, 'on': 0.05808613992504016, 'and': 0.052738470533983874, 'that': 0.04325651476157702, 'by': 0.04126392592092223}, {'the': 0.22399963993067684, 'and': 0.1153944630081706, 'in': 0.07357835817445608, 'of': 0.06889432338746938, 'to': 0.050841615969006854, 'by': 0.04316847545733864, 'that': 0.0308115735020686, 'as': 0.02970872030126589, 'for': 0.02798733610806176}, {'other': 0.29786782130198736, 'of': 0.27662131397456163, 'these': 0.08763010506381096, 'the': 0.07938419672019485, 'for': 0.04580517485593051, 'their': 0.0365356472313628, 'in': 0.03642876401233168, 'all': 0.03266409403673237, 'different': 0.029603035202844543}, {'for': 0.32258049417753715, 'or': 0.12144071710792702, 'of': 0.11225269320253008, 'about': 0.10135781865880504, 'past': 0.07412654483965514, 'in': 0.06903899137653477, 'than': 0.06526007801917458, 'and': 0.055051674156228206, 'within': 0.03391050405151099}, {'No.': 0.30175766133450693, 'lot': 0.0761425133609749, 'June': 0.07020346072819002, 'section': 0.06732949378045795, 'March': 0.06558978574749924, 'July': 0.05614599516726201, 'May': 0.04230033822010504, 'April': 0.04159656270967958, 'and': 0.03904883431234078}, {'of': 0.08143699226671361, 'and': 0.0744014531358084, 'to': 0.061044128237087936, 'the': 0.03915965132517484, 'was': 0.034273757226035935, 'in': 0.03001678770671241, 'for': 0.02930192304140329, 'be': 0.029086596157068236, '<s>': 0.026784741746939622}, {'feet': 0.49664517845947326, 'inches': 0.07048282621484377, 'and': 0.06443391600204527, 'a': 0.048069886414709585, 'so': 0.04549835564634353, 'the': 0.03796555401148575, 'to': 0.02030670089437946, 'that': 0.018872627567186356, 'of': 0.018090662252487323}, {'and': 0.08362943294997585, 'together': 0.07769806815080653, 'connected': 0.0635902168573379, 'connection': 0.06228367212358626, 'accordance': 0.047530813078388766, 'comply': 0.026000666542743977, 'acquainted': 0.023189098613704624, 'compared': 0.02214887744238745, 'contact': 0.01973810078197255}, {'the': 0.21632781868933668, 'a': 0.1465078308629371, 'to': 0.13501857866269365, 'and': 0.1021852706752743, 'of': 0.08373514951310537, 'be': 0.03775696064272083, 'was': 0.034982856962073344, 'for': 0.03491085984947076, 'or': 0.031213714449855382}, {'the': 0.1987449105593347, 'such': 0.11334311697908933, 'and': 0.09821574471652131, 'as': 0.07148972171173654, 'of': 0.06751363085466439, 'his': 0.06372144155206488, 'a': 0.042833645599842464, 'their': 0.040878047902776236, 'its': 0.035415442434353316}, {'to': 0.5724754498661945, 'will': 0.1542660382816057, 'and': 0.07419443957238353, 'would': 0.05795964656848004, 'not': 0.026294808759048917, 'shall': 0.020129579152685324, 'can': 0.01911252869198062, 'could': 0.018592075201571107, 'should': 0.0185616538906936}, {'to': 0.13278385896235975, 'for': 0.09519273366901193, 'let': 0.0863397275586039, 'with': 0.08061463275972928, 'Let': 0.07821269884567872, 'of': 0.07210484726786819, 'give': 0.0579390117840192, 'told': 0.053176772225084566, 'make': 0.04963324602718195}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.36286403721221483, 'in': 0.13988884538450752, 'to': 0.07328268771793943, 'at': 0.06813380194736547, 'In': 0.042281899141641203, 'and': 0.0303348451857273, 'as': 0.0225647272622877, 'by': 0.021941286886360982, 'from': 0.019453703450808834}, {'the': 0.1920782830252882, 'a': 0.1570090969447585, 'of': 0.07797651570728426, 'for': 0.07009290875908546, 'and': 0.04765729078121691, 'in': 0.04651869602268543, 'to': 0.020889098544116715, 'as': 0.013452806185380316, 'any': 0.013422022146736748}, {'an': 0.1810449912166267, 'the': 0.13885054607202435, 'more': 0.12921178016611995, 'greater': 0.09238761790350752, 'this': 0.074877647515022, 'any': 0.06678578638980126, 'larger': 0.06081911528303394, 'better': 0.0585662886107831, 'other': 0.05183878120035526}, {'to': 0.25337424893408345, 'and': 0.1806889181288047, 'will': 0.1381632795370138, 'they': 0.0722226986479463, 'we': 0.05932981773874053, 'who': 0.0420835312528225, 'may': 0.04195478222463087, 'not': 0.040979318170298575, 'shall': 0.03783060568440364}, {'and': 0.1309013654569353, 'the': 0.03503501896489865, 'of': 0.024295249151962288, 'I': 0.023153544921851163, 'was': 0.01898528874593556, 'that': 0.018141634495260853, 'a': 0.017388085166973228, 'he': 0.01578102802542072, 'they': 0.013709944920260933}, {'and': 0.12418203495264868, 'that': 0.041618160016948035, 'it': 0.04055830986085725, 'found': 0.024663704649277876, 'made': 0.02423444208062058, 'is': 0.02409079466227436, 'him': 0.02353174208791718, 'was': 0.022852989037061268, 'but': 0.022390301622287664}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.39554609890281284, 'a': 0.2772339543634109, 'of': 0.09363922255392197, 'and': 0.03911823233515904, 'The': 0.032154757111542254, 'in': 0.022285677976555604, 'his': 0.020949406202801734, 'tho': 0.01906165841980779, 'A': 0.016129758704085697}, {'the': 0.7513353201004039, 'of': 0.04481666591854311, 'tho': 0.030772900988692117, 'The': 0.02093247882133196, 'his': 0.017905632677876, 'a': 0.01739677353820252, 'this': 0.01431443322143638, 'tbe': 0.010920033069456684, 'their': 0.01012738814125728}, {'and': 0.09337221981083373, 'the': 0.025576345969126443, 'to': 0.02135335943578621, 'a': 0.01734053088056429, 'of': 0.01609367029896731, '<s>': 0.0136434395834145, 'lot': 0.011900654110936118, 'that': 0.011810645089598374, 'in': 0.011421131412493735}, {'and': 0.07277171662292223, 'away': 0.05413619706555429, 'taken': 0.044460878284923795, 'them': 0.024310285997948055, 'miles': 0.023589824086546616, 'come': 0.02355027722420585, 'out': 0.02299254849041232, 'came': 0.022314115584183412, 'down': 0.021745658153020583}, {'it': 0.19673777764316994, 'It': 0.1612430932759815, 'he': 0.10700343001503528, 'there': 0.07231248039929111, 'which': 0.06526002382210731, 'and': 0.047937060768994295, 'I': 0.04210716290772099, 'He': 0.038825499691904936, 'that': 0.032419186694586336}, {'opin-': 0.14747132355582507, 'inter-': 0.0229543038205113, 'com-': 0.01999583645416192, 'provis-': 0.013398635459501327, 'Un-': 0.013113064910623416, 'com\xad': 0.010352183084887652, '<s>': 0.009935546025480656, 'and': 0.009612841133237283, 'in': 0.008842236140502169}, {'be': 0.25226231008397143, 'was': 0.14094260111961682, 'been': 0.13610335518500538, 'is': 0.09967352485071557, 'are': 0.08564567261349774, 'were': 0.053581831827274405, 'and': 0.04438507218728749, 'have': 0.039975769504137705, 'being': 0.03930890914839627}, {';': 0.015326562546662585, 'it,': 0.010856772105224675, 'them,': 0.008928267026332714, 'in': 0.008664105361739267, 'him': 0.008300252198666955, 'up': 0.008273460537275951, 'it': 0.008017375488867958, 'him,': 0.007882182165360314, 'time': 0.006575278916926839}, {'.': 0.03709358559647001, 'of': 0.02676025839697523, '-': 0.018343748736632474, 'the': 0.017000944378459098, 'to': 0.011342293124971826, '<s>': 0.011024725775240345, 'and': 0.009282554602116076, 'a': 0.005763548067291831, 'Al': 0.00495946127531554}, {'is': 0.11586175911719737, 'and': 0.10813830826633274, 'was': 0.10615242556341663, 'are': 0.10231914876342355, 'been': 0.06307215716846605, 'be': 0.058074262703571994, 'not': 0.05372772823054028, 'were': 0.041046980737936944, 'or': 0.028620709238364652}, {'part': 0.07065244290369077, 'provisions': 0.06613582143727013, 'copy': 0.06296232158611743, 'date': 0.038070865775107994, 'one': 0.0375015802046037, 'out': 0.034900229906641454, 'publication': 0.03054089241709127, 'and': 0.029429229342329034, 'tion': 0.028162803371841003}, {'of': 0.11904574774402965, 'and': 0.117039163175256, 'in': 0.0579721685820925, 'to': 0.0511186639368552, 'fact': 0.03928633611901063, 'said': 0.03323136332365265, 'on': 0.029827822579143393, 'all': 0.024787499172257966, 'is': 0.02252394945510673}, {'and': 0.35106371639831374, 'he': 0.1090157602447891, 'was': 0.10558951599890719, 'I': 0.08740755541427242, 'be': 0.05679606422663959, 'but': 0.05188724426471005, 'they': 0.05165785303119698, 'had': 0.047030883465049494, 'who': 0.04351449202915878}, {'the': 0.377563175564331, 'his': 0.12777697243029834, 'their': 0.07159623640852784, 'and': 0.06491040646208561, 'my': 0.051496463256861864, 'a': 0.048933951260163915, 'of': 0.047697934088973874, 'The': 0.04014004225456367, 'her': 0.0343781736056027}, {'to': 0.5483837925596138, 'will': 0.14607233958663632, 'would': 0.06243559234620221, 'and': 0.0479931250349235, 'shall': 0.04784594898134198, 'not': 0.034818785702779735, 'should': 0.026147865892562815, 'may': 0.0251286365058676, 'could': 0.018413331301787635}, {'the': 0.249266683445187, 'of': 0.12742721103585902, 'a': 0.10580825608638403, 'and': 0.061753967681912325, 'to': 0.04989179838062143, 'for': 0.021749983646159217, 'The': 0.021590946095628432, 'in': 0.02147493147496713, 'an': 0.021361393464156126}, {'the': 0.15139873115727104, 'Mr.': 0.1499418620344205, 'and': 0.04718359684545989, '.': 0.046985793940861456, 'Dr.': 0.04597756445372461, 'John': 0.04255570688726496, 'Mr': 0.026510125839448274, 'Senator': 0.026220736568604314, 'Mrs.': 0.026213209102021667}, {'of': 0.2217433457655593, 'in': 0.17156812544387123, 'to': 0.13411852345305358, 'and': 0.08818699774759937, 'that': 0.08781322888605199, 'with': 0.052600151493428296, 'for': 0.05025522745825052, 'at': 0.0433059240637357, 'as': 0.04077410771103411}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'to': 0.20175198114323514, 'of': 0.20134450207606383, 'for': 0.12132507284020222, 'at': 0.06868484848197194, 'in': 0.06464478137167326, 'and': 0.061278865877857136, 'that': 0.059770028081442134, 'from': 0.036815903622251456, 'on': 0.029219925081164777}, {'and': 0.139942185790367, 'for': 0.13027829684651088, 'of': 0.10708982882504231, 'to': 0.09009517798632029, 'in': 0.08809019558185625, 'is': 0.07906762894897096, 'with': 0.06352662821777623, 'was': 0.061927127683990855, 'that': 0.05660260406509992}, {'the': 0.3745091942119869, 'and': 0.13954344596524101, 'or': 0.03778261832911932, 'of': 0.033744856647318244, 'The': 0.03166649488437687, 'on': 0.029086779871829224, 'to': 0.027983621537565645, 'tho': 0.026181321230449098, 'an': 0.02323651250754332}, {'de-': 0.14491267706009128, 'of': 0.1147282512724521, 'her': 0.06273303608422273, 'the': 0.05182496435620462, 'his': 0.05142340081564594, 'Mr.': 0.05093749213759929, 'com-': 0.04323512045209619, 'in': 0.04302327248719315, 're-': 0.03410024496210982}, {';': 0.017782803667513437, 'up': 0.008171848079735419, 'it,': 0.007748771555552414, 'due': 0.006758792110971176, 'them,': 0.0066207434575307235, 'street': 0.006587152840727099, 'him': 0.006013234642897487, '.': 0.00593213034731631, 'it': 0.0056680599460694515}, {'the': 0.8695203647895018, 'The': 0.04165186855764065, 'tho': 0.027579735507946655, 'a': 0.016837791164110775, 'tbe': 0.01138153487650429, 'his': 0.008233983529065084, 'an': 0.0066128732440218765, 'said': 0.004906295592939363, 'and': 0.0034479907954743107}, {'of': 0.43058650043714813, 'in': 0.1120602101377428, 'to': 0.08945386100548558, 'that': 0.04020420895498623, 'by': 0.040171221755288186, 'for': 0.03780959025892701, 'with': 0.0332078877559842, 'and': 0.02703335563918135, 'from': 0.02556800285390931}, {'of': 0.33436398185663735, 'and': 0.11170480989170832, 'that': 0.09916060582652782, 'for': 0.05963211466649396, 'with': 0.05780733038313436, 'to': 0.05737446852268507, 'by': 0.05635647292110572, 'all': 0.0526749496353244, 'any': 0.041273849981129825}, {'the': 0.19205008601294013, 'and': 0.12576537741181754, 'Mr.': 0.10840957495552987, 'The': 0.06766412276083407, 'of': 0.04034048057518777, 'Mrs.': 0.03426723617551109, 'Miss': 0.026590763552191407, '<s>': 0.020685262470016008, 'that': 0.020188074690077867}, {'it': 0.14955951016349814, 'he': 0.12208270626376869, 'It': 0.1176360424407116, 'I': 0.06377324091482366, 'He': 0.05273810719939792, 'which': 0.04762508588745403, 'and': 0.0414895552660444, 'that': 0.0313732685415149, 'who': 0.03098096546970579}, {'.': 0.09228423367218475, 'Mrs.': 0.05100301796760664, 'Mr.': 0.04588084408765579, 'of': 0.04289674460835286, 'was': 0.028347696800851238, 'and': 0.028131548381250773, '-': 0.025518831017851323, 'at': 0.022436822996115022, 'the': 0.021676934089105482}, {'and': 0.1882315059432484, 'was': 0.052868774404268105, 'the': 0.05005138038792567, 'be': 0.04246472777798872, 'is': 0.03865690459623305, 'or': 0.03386419551255653, 'not': 0.027032730184840207, 'to': 0.024934769690205152, 'of': 0.024841727833265295}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'and': 0.1936320497278477, 'that': 0.18453586024770408, 'as': 0.1309006539330437, 'which': 0.0838179809157182, 'when': 0.06201232033666147, 'but': 0.06156987228278937, 'if': 0.04900882758897206, 'what': 0.0354722579890304, 'If': 0.024390767970129824}, {'the': 0.6154616532495879, 'and': 0.06378507992581427, 'The': 0.04256751820258338, 'of': 0.03436904966502098, 'a': 0.0315959364661638, 'tho': 0.030114136652057154, 'or': 0.021111285349327328, 'other': 0.013769846437351088, 'tbe': 0.01290183570318338}, {'a': 0.33426957957844355, 'to': 0.16669602438360268, 'one': 0.07779606031238878, 'the': 0.06941503177578556, 'first': 0.05779763983699892, 'and': 0.052570593393383803, 'last': 0.04427514300655645, 'no': 0.04361600769524646, 'every': 0.03429980109790072}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'him.': 0.04883953433305226, '<s>': 0.029310224354559083, 'it.': 0.023064689758096894, 'years.': 0.014462101481399266, 'them.': 0.012520351559128446, 'time.': 0.011413469522209434, 'himself.': 0.011082028742172234, 'man.': 0.010881226604114556, 'life.': 0.010138188096401496}, {'the': 0.18569082095527795, 'of': 0.08036465464605304, 'The': 0.07771425594879346, 'Mr.': 0.07134755128871598, 'and': 0.05004412695469776, 'that': 0.04809895270981636, 'a': 0.030382148191854107, 'Mrs.': 0.02415799873788853, 'his': 0.017341480938086247}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'made': 0.11942847096974421, 'and': 0.07979570471363857, 'caused': 0.029091215056480817, 'shown': 0.028426754301022945, 'up': 0.02777670568714523, 'ed': 0.027617079589566704, 'out': 0.026630159435991316, 'taken': 0.02626602987193105, 'done': 0.02542850605479482}, {'they': 0.1503998141303743, 'we': 0.08845478154057405, 'who': 0.0796009477252637, 'which': 0.06391232683037971, 'that': 0.06348663337397344, 'there': 0.05602825507931567, 'and': 0.0538643634187584, 'They': 0.043951837178483714, 'you': 0.040595596499039995}, {'of': 0.19258264433905514, 'is': 0.11242728919735827, 'in': 0.09364780264975614, 'was': 0.08283904181847636, 'by': 0.07270813005456857, 'to': 0.07263814657490064, 'with': 0.06301103925624006, 'as': 0.05415792014635122, 'be': 0.052427485245120684}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {';': 0.036564817555138796, 'nothing': 0.019258707322298393, 'and': 0.01779391315876045, 'is': 0.01510810976078452, 'it,': 0.014402449713088981, 'them,': 0.012159405974494525, 'are': 0.012019681225245495, ',': 0.009916620042651952, 'him,': 0.008553174530880104}, {'is': 0.3002792223386115, 'are': 0.21784978279328696, 'was': 0.13594232693936037, 'and': 0.07171601835641633, 'were': 0.057573719834456485, 'Is': 0.042480012088575325, 'be': 0.0241269840342062, 'a': 0.023462526717153515, 'but': 0.021032843081802078}, {'It': 0.2556225852115587, 'it': 0.10413331642885452, 'there': 0.09308992041074945, 'that': 0.05648975203804567, 'which': 0.05286273098086458, 'There': 0.04154199557906486, 'he': 0.033006121731341764, 'This': 0.031064532402776936, 'and': 0.02812609290203946}, {'the': 0.18554142658334877, 'and': 0.11580052587238193, 'of': 0.10046825746557018, 'that': 0.029281917217386547, 'The': 0.028776420815648962, 'a': 0.02757388782740672, 'or': 0.01849222669130677, 'I': 0.018308378153822583, 'in': 0.017083742238733587}, {'to': 0.27159483743673984, 'of': 0.2001545767572641, 'with': 0.10372262862845613, 'for': 0.0775489110196292, 'among': 0.05180672276924852, 'against': 0.05116859567624606, 'by': 0.048983946801316215, 'and': 0.034630131091270944, 'before': 0.03402329499460457}, {'able': 0.08843710502665776, 'and': 0.08578490266466976, 'is': 0.07536147045479488, 'had': 0.0725962069105401, 'have': 0.06915207023042882, 'order': 0.06665664935663336, 'enough': 0.0574386054375837, 'was': 0.05656688221551093, 'not': 0.056511518575269086}, {'of': 0.18445876600880165, 'by': 0.11056295433943869, 'and': 0.10848921143149096, 'in': 0.08862127765499916, 'the': 0.0748049071940361, 'are': 0.06138227425546922, 'to': 0.04804190720356403, 'was': 0.04712930410436107, 'with': 0.04117433418406016}, {'to': 0.34378129718365846, 'will': 0.15287135864951518, 'would': 0.08615903395787451, 'may': 0.07844929048361882, 'should': 0.05682249178971402, 'shall': 0.05432412913287461, 'not': 0.05091775331157668, 'must': 0.03610577244404393, 'can': 0.03580596083245932}, {'the': 0.35583693880285094, 'and': 0.07028795354262274, 'this': 0.06428061704345728, 'of': 0.055274845267762204, 'a': 0.04131913892098664, 'that': 0.037468569975982795, 'said': 0.03199631641992939, 'these': 0.027927881779786758, 'other': 0.026235002507903376}, {'United': 0.7066569857484234, 'the': 0.04704789827867713, 'ted': 0.014588610013980138, 'of': 0.014194510494219395, 'and': 0.00916108247040692, "I'nited": 0.008985732783268384, 'Southern': 0.008970749344310658, 'nited': 0.00803229536214826, 'to': 0.005584122192771073}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'the': 0.3953228917778101, 'a': 0.27092830579804944, 'and': 0.061541760231028586, 'his': 0.048953037102153193, 'The': 0.033699555209153895, 'very': 0.03335340696217235, 'no': 0.029763188647011257, 'of': 0.024611225626306982, 'most': 0.018694836636324288}, {'one': 0.19841016183611204, 'some': 0.08598054411771398, 'any': 0.049928169296576265, 'part': 0.03717600559442992, 'most': 0.03167932939041241, 'that': 0.03156479190944986, 'out': 0.03115483846767831, 'One': 0.031026207241157983, 'all': 0.027804906615258206}, {'duly': 0.23886652959580787, 'was': 0.18809100119396635, 'be': 0.15286927107175796, 'been': 0.0727322315717809, 'and': 0.06723342204154889, 'is': 0.060541240535400116, 'were': 0.0472442395274879, 'are': 0.029366530595441465, 'as': 0.027016666440244204}, {'of': 0.32578858718050796, 'to': 0.10209889202194875, 'in': 0.0784034813840208, 'and': 0.06383026709671313, 'for': 0.049484355762382505, 'by': 0.04779993377113924, 'on': 0.045707024917298625, 'that': 0.04429545740858654, 'In': 0.03373904427851746}, {'the': 0.6258841595114457, 'this': 0.09589699902001238, 'a': 0.039940679296800494, 'tho': 0.03613572131636249, 'The': 0.03317093240048152, 'his': 0.01809482536948047, 'whole': 0.01749175066269495, 'our': 0.01653552332627946, 'tbe': 0.015193501792215753}, {'do': 0.17092023524982944, 'did': 0.15437821106768262, 'is': 0.142469198194797, 'does': 0.09736637053116264, 'are': 0.08259806869693136, 'could': 0.08181973986742992, 'was': 0.07180628910314957, 'will': 0.054482823530006816, 'would': 0.053298001464387235}, {'so': 0.3502506118776952, 'as': 0.2000063099573229, 'too': 0.1091417118147057, 'very': 0.10279437191614758, 'how': 0.057065081726304936, 'is': 0.03265388744548048, 'be': 0.030986540209866912, 'and': 0.025321331808565384, 'not': 0.020800501788580273}, {'the': 0.5716155634153793, 'a': 0.088294469648489, 'in': 0.06318201644990516, 'his': 0.056808595920516104, 'and': 0.04437648943266756, 'their': 0.03821132805462866, 'tho': 0.03294661623907853, 'this': 0.025440108406471425, 'New': 0.024790622526908127}, {'and': 0.17585063722392302, 'fact': 0.10400902578517979, 'said': 0.06844377842999533, 'so': 0.06232472237382234, 'believe': 0.04519952307692614, 'is': 0.039634011181226815, 'say': 0.03675663629906361, 'know': 0.036060715732595706, 'found': 0.03095250753294034}, {'and': 0.11582081944112449, 'was': 0.04225261395959518, 'held': 0.03592895762799326, 'Beginning': 0.02926079870317736, 'is': 0.027806631077598554, 'look': 0.026545353863800903, 'arrived': 0.026240397869270526, 'that': 0.0255265603479058, 'interest': 0.024134996272950678}, {'It': 0.1863534843032382, 'there': 0.17114302194463862, 'it': 0.1571312970353264, 'There': 0.0863267732740467, 'This': 0.05314199278471771, 'which': 0.038444543800034654, 'he': 0.03704784810338996, 'that': 0.0367825812830805, 'this': 0.03132237140267237}, {'.': 0.04277096382161085, '-': 0.023405250215191523, 'to': 0.01927798083334122, '<s>': 0.014251217586010799, 'the': 0.012857184043792384, 'and': 0.01281465195194225, '1': 0.01034609320400248, 'of': 0.008707723803774603, 'No.': 0.008566045967714476}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'and': 0.1808066015221754, 'which': 0.11694691926085257, 'I': 0.11126326824641491, 'that': 0.10017029889318363, 'it': 0.04856258512345393, 'It': 0.038648400531238226, 'he': 0.03226842091332526, '1': 0.024126110473376063, 'who': 0.01982644454210666}, {'the': 0.20449510704452153, 'of': 0.09356346448634782, 'and': 0.08843360765212932, 'to': 0.05233541527906294, 'a': 0.048281942511687895, 'The': 0.03097485472845716, 'in': 0.027053234838645503, '.': 0.019754473594704773, 'his': 0.017919771318975576}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.10958845962617088, 'of': 0.10675667129995668, 'and': 0.06519145030366695, 'to': 0.05742456994213497, 'for': 0.03902000414935977, 'a': 0.030636236466616396, 'is': 0.027370606587302792, 'was': 0.02732624962715478, 'be': 0.026884604398637296}, {'the': 0.2991914867271245, 'a': 0.2929005298963761, 'and': 0.05106802477905176, 'to': 0.04595972184912292, 'The': 0.03273136693118956, 'I': 0.03200200290530299, 'not': 0.02773089872056453, 'this': 0.026257417458964618, 'will': 0.020325354446913215}, {'to': 0.1344504110655416, 'and': 0.09696770753738487, 'of': 0.06692935421560114, 'the': 0.05794267871806159, 'in': 0.03029358260439597, '<s>': 0.018913935718769277, 'not': 0.018861960111351984, 'I': 0.016438033203847614, 'by': 0.01535041880719501}, {'of': 0.40584064580309837, 'the': 0.1482801101086633, 'and': 0.025981875123528415, 'other': 0.024890427711497718, 'old': 0.021047536561905097, 'that': 0.018868735482667726, 'his': 0.016056960984703307, 'middle': 0.014622421261215683, 'on': 0.01422995572482603}, {'be': 0.3442835080614773, 'was': 0.17881145592781814, 'been': 0.10845780668555387, 'is': 0.09532514263134423, 'were': 0.049196381047809136, 'are': 0.04653307221092783, 'and': 0.038831355332972765, 'he': 0.024135990791901433, 'being': 0.023988117236943704}, {'of': 0.17934957398759283, 'in': 0.09842004078635073, 'and': 0.0718189057052743, 'be': 0.04559228082122515, 'is': 0.03475210809331281, 'for': 0.030091649382771646, 'by': 0.029714517619742722, 'was': 0.029399870546264206, 'on': 0.029399101553570395}, {'a': 0.3072090145183706, 'of': 0.17380958998530843, 'the': 0.12608601465670913, 'in': 0.0875997655438404, 'and': 0.04834056090050116, 'for': 0.0425699384816987, 'with': 0.03378398445179936, 'as': 0.0315900817032826, 'very': 0.03108114127704718}, {'and': 0.17585063722392302, 'fact': 0.10400902578517979, 'said': 0.06844377842999533, 'so': 0.06232472237382234, 'believe': 0.04519952307692614, 'is': 0.039634011181226815, 'say': 0.03675663629906361, 'know': 0.036060715732595706, 'found': 0.03095250753294034}, {'to': 0.17989180885170286, 'and': 0.14726632051936903, 'of': 0.11610997424703218, 'by': 0.08239099265865835, 'not': 0.07300156120870047, 'at': 0.06926992996962321, 'the': 0.06039474593797006, 'is': 0.05883683268772681, 'are': 0.056751392655636064}, {'of': 0.22862100567964802, 'to': 0.12617765138447942, 'in': 0.08306067027402034, 'know': 0.08242925191986769, 'and': 0.07593320717073465, 'with': 0.05093974619609609, 'is': 0.040971487789390554, 'see': 0.037035389361565696, 'for': 0.03682720399714454}, {'a': 0.35571786997403787, 'the': 0.15288575520774297, 'On': 0.10143963212675475, 'in': 0.06119680428806265, 'of': 0.05459640591926191, 'on': 0.04868560231502961, 'his': 0.033095247095015705, 'In': 0.026002278301396314, 'from': 0.023636487667382456}, {'of': 0.3337632657575148, 'in': 0.13914581168393814, 'to': 0.11672077682012863, 'from': 0.06861917832447885, 'that': 0.056624498458707616, 'on': 0.0553102830108674, 'and': 0.05525395001285354, 'for': 0.04829259254325307, 'at': 0.04512413542668274}, {'the': 0.316450328486431, 'of': 0.20781286593001652, 'their': 0.06358982394732449, 'for': 0.042204051857255995, 'his': 0.03374347339321845, 'to': 0.032363325557050855, 'other': 0.024792605896768568, 'and': 0.024307014462980756, 'with': 0.02190537961566298}, {'and': 0.1388791732739466, 'after': 0.08373127846517103, 'by': 0.07099654110390759, 'After': 0.06715174403392472, 'of': 0.05641935550338233, 'for': 0.04728633509206469, 'in': 0.03776199593811482, 'to': 0.03407410234379608, 'before': 0.025097702276352555}, {'and': 0.11741485396964671, 'laid': 0.06654842231235991, 'came': 0.060113690277885365, 'break': 0.056545724826849386, 'went': 0.053338789151098576, 'cut': 0.05322637324841122, 'lay': 0.052364420491578474, 'it': 0.04897780302255301, 'way': 0.04804336735306891}, {';': 0.045481964367005724, 'is': 0.024958611611423324, 'was': 0.016382906247182374, 'it,': 0.015339511861883417, 'him,': 0.014953798606418869, 'time,': 0.013470706234433265, 'them,': 0.012021507802842222, ',': 0.010083119925241949, 'nothing': 0.010080215932832317}, {'the': 0.6175892603028481, 'of': 0.07017959043684563, 'The': 0.045504008122034464, 'a': 0.04311336028849613, 'and': 0.03234185164968777, 'tho': 0.02916163963282562, 'this': 0.028073762022631066, 'in': 0.02391344936951165, 'said': 0.015766721643310878}, {'of': 0.10408616689590952, 'the': 0.0986900331698948, 'and': 0.05701352615608303, 'to': 0.04502836773706315, 'a': 0.03780779334619606, 'at': 0.02937070463197546, 'his': 0.020239671670571915, 'in': 0.019761494400663476, 'is': 0.01758882123393634}, {'his': 0.5034586529593243, 'a': 0.0924021716989895, 'the': 0.0789507920163762, 'my': 0.07131296101080956, 'and': 0.047481972875010436, 'her': 0.03824396150463659, 'bis': 0.02714530023988717, 'their': 0.023548888728242588, 'of': 0.01820588945959257}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'the': 0.31840381048601146, 'a': 0.23874839901632847, 'of': 0.08732241813242188, 'and': 0.04402447357187971, 'any': 0.02989622644789582, 'this': 0.021769874022843715, 'to': 0.02113926623379721, 'with': 0.02094652254311959, 'no': 0.017372832457656796}, {'and': 0.18987220510439068, 'was': 0.13582646425391023, 'is': 0.06647169576568829, 'be': 0.05647582489387553, 'have': 0.052011725083906, 'had': 0.04417814406612089, 'has': 0.037722530296950225, 'I': 0.0339389514486863, 'he': 0.030019181749632848}, {'the': 0.20875795781850678, 'of': 0.10679379176980608, 'and': 0.07194677314309758, 'The': 0.05587069289379978, 'Mr.': 0.0381139233598429, 'a': 0.03245191283261037, 'that': 0.03157055512880962, 'this': 0.01796823055556137, 'to': 0.017692921162123208}, {'and': 0.2825717206932828, 'was': 0.06228080339905993, 'is': 0.04446878988392934, 'are': 0.0381087993245071, 'be': 0.03442323445505603, 'that': 0.03308935131119388, 'were': 0.032621890516347694, 'to': 0.03250554814495826, 'of': 0.0208992180220173}, {'it': 0.15467517530377956, 'that': 0.12043680647762427, 'there': 0.1061388378761261, 'which': 0.08972888466219406, 'they': 0.07880598993732991, 'It': 0.062080295432334676, 'he': 0.051866099311008725, 'and': 0.04651998216632048, 'There': 0.0322842212488506}, {'of': 0.18715233780746704, 'in': 0.1229440731519667, 'and': 0.11348457542408384, 'with': 0.0912918349565344, 'is': 0.0902667693585262, 'was': 0.0721366047186828, 'by': 0.06976855915478507, 'for': 0.06844874165568778, 'to': 0.05278650092688583}, {'to': 0.08491915289225421, 'of': 0.05647112271495945, '-': 0.05440709396781129, 'a': 0.043296031025778545, 'I': 0.03278958571559848, 'and': 0.02869645706749504, 'in': 0.023608342125502987, '.': 0.023378988271035475, 'by': 0.021674432267160152}, {'the': 0.09699999534974205, 'and': 0.08043042589579219, 'of': 0.06984570624792745, 'be': 0.05962382551319451, 'was': 0.054405751023254116, 'is': 0.051083447364266094, 'a': 0.04721107684414647, 'to': 0.035986029793571586, 'it': 0.03353176026070569}, {'and': 0.2597961894578448, 'who': 0.0801759332451348, 'he': 0.07204304287265886, 'that': 0.05587134597372924, 'I': 0.054285327974713686, 'was': 0.049293502480211145, 'it': 0.046555062162987944, 'He': 0.036864097125845235, 'which': 0.03582244855656652}, {'of': 0.27709880023058014, 'in': 0.14145287638255347, 'to': 0.1056518542378911, 'with': 0.06824702107013171, 'and': 0.06650509850601108, 'that': 0.06109009042945619, 'for': 0.05816029652720469, 'by': 0.052054291371046474, 'is': 0.050245001041452034}, {'to': 0.276894869072816, 'at': 0.15477262470272465, 'in': 0.12441786024087352, 'of': 0.123501158543186, 'for': 0.07607792629884073, 'and': 0.05878323987241143, 'on': 0.03562264651183066, 'In': 0.03459173827724795, 'with': 0.03354795201681053}, {'part': 0.20992839514846526, 'survey': 0.0897529136590441, 'conviction': 0.06279140606828708, 'one': 0.056682226065614474, 'payment': 0.04125777324993349, 'holder': 0.03193017171405873, 'either': 0.021451197829999123, 'sale': 0.018493618132136156, 'acres': 0.017559063851549237}, {'the': 0.08776453918579159, 'and': 0.08404909952775357, 'of': 0.07511201563157917, 'to': 0.03903756188011336, 'was': 0.029261686464068945, 'in': 0.027870050444211314, 'for': 0.022881903481582925, 'he': 0.021524025396045254, 'Mr.': 0.02045710427467145}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.3322287942813085, 'and': 0.1078198236934891, 'to': 0.09160182066398784, 'that': 0.08840326413877231, 'by': 0.055306542864494955, 'on': 0.051416170147446504, 'in': 0.05075211601960874, 'as': 0.04288156073447265, 'for': 0.04259178531683138}, {'a': 0.5344577352856759, 'per': 0.15216931327762748, 'the': 0.07506076548859315, 'one': 0.04625782811313374, 'A': 0.03416722810559248, 'and': 0.017050800116333777, 'every': 0.015995347094384937, 'each': 0.008503845640762057, 'or': 0.008417795646823274}, {'the': 0.6077440624363127, 'of': 0.06414579853600315, 'our': 0.049651914045193354, 'American': 0.039737425578778005, 'The': 0.037173791455162364, 'good': 0.032690062738440016, 'and': 0.026815869723866185, 'his': 0.02613638310835823, 'tho': 0.025422287204260593}, {'that': 0.2996795586503424, 'and': 0.11784252123648233, 'as': 0.1129072178216663, 'which': 0.1098010322935464, 'but': 0.04717833439219156, 'if': 0.03745766576788663, 'what': 0.037133521863231475, 'where': 0.036947783230378235, 'when': 0.021504701904162173}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.2521100841168505, 'a': 0.09382267739862067, 'of': 0.08875284570004315, 'and': 0.07215935674657982, 'The': 0.051317378374160616, 'to': 0.03011700607685472, 'in': 0.024701843361715107, 'tho': 0.02098457500528935, 'for': 0.020702081763861836}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'of': 0.14810671232595246, 'in': 0.10648244725052039, 'to': 0.08803424612261712, 'for': 0.05342086688678399, 'and': 0.04107861408535107, 'by': 0.029411458960990244, 'that': 0.027712110713231063, 'on': 0.020005731680303708, 'In': 0.019304938477002296}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'the': 0.2869405741605911, 'of': 0.18793856718520227, 'in': 0.1325028405151014, 'and': 0.07336909920007417, 'a': 0.06698511073285761, 'or': 0.04709270831075489, 'with': 0.03800552166337237, 'for': 0.0373862604179639, 'on': 0.03722104387528905}, {'of': 0.1825853681024317, 'to': 0.057579328651297564, 'for': 0.054158756895885056, 'in': 0.04756109661274576, 'and': 0.04589139668104724, 'by': 0.03217959787534624, 'that': 0.029286337476347752, 'on': 0.024913893059984017, 'from': 0.024383809686470727}, {'well': 0.1420469548608959, 'soon': 0.08346586017968749, 'far': 0.06359409347554842, 'and': 0.05924803504440933, 'such': 0.058495747440208544, 'long': 0.05352807933402496, 'so': 0.036003922002227795, 'much': 0.03564410393148642, 'just': 0.031762898012517325}, {'was': 0.2322206141322064, 'is': 0.21431077165490434, 'are': 0.08291373509421146, 'and': 0.062310739558063974, 'were': 0.05488726927892471, 'if': 0.0434438674322973, 'Is': 0.03897364026891889, 'do': 0.03238153454514159, 'as': 0.015996262818132788}, {'of': 0.177194092063997, 'and': 0.17645830942566407, 'in': 0.053047071817866796, 'by': 0.048974399052444946, 'for': 0.04766621414689114, 'with': 0.04496639953066091, 'on': 0.04154843450808685, 'to': 0.03970606049874036, 'after': 0.031622700228216304}, {'of': 0.21200050295988637, 'in': 0.15347234457182, 'and': 0.10263995744560621, 'with': 0.0871841033598378, 'to': 0.08342574249184728, 'for': 0.0754190254666988, 'on': 0.053045126785950775, 'from': 0.05221970131174768, 'that': 0.03419506486497605}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'to': 0.16914957697047878, 'and': 0.10714464007587517, 'of': 0.030513108887583115, 'be': 0.025525125708318774, 'I': 0.0231796433328321, 'or': 0.02169172789773339, 'was': 0.02142069454256701, '<s>': 0.020168447591651508, 'at': 0.01862693067948833}, {'they': 0.15349780970140747, 'who': 0.10807050323306365, 'and': 0.06120979261766563, 'which': 0.05183169099070986, 'we': 0.05098906572599158, 'They': 0.03220163453634488, 'men': 0.024465756684167932, 'that': 0.023194201185203635, 'I': 0.0177703649577194}, {'of': 0.3202071172223058, 'in': 0.14120681673086108, 'to': 0.11383923810824352, 'and': 0.08680733656039885, 'that': 0.08029804447004743, 'for': 0.06558587740208562, 'by': 0.043377736619262, 'In': 0.03945133308542691, 'on': 0.03614477805734463}, {'a': 0.3454821563752432, 'the': 0.10288084553472054, 'and': 0.0948205608335834, 'any': 0.077401069238472, 'to': 0.07261133064308842, 'no': 0.06608088577582304, 'in': 0.057725948825587466, 'of': 0.056621901130363556, 'by': 0.028262128815181527}, {'to': 0.20160253168348563, 'a': 0.12820199677654537, 'the': 0.07734908183688521, 'southeast': 0.055711298600712514, 'and': 0.04663136382562024, 'of': 0.04356053272806064, 'section': 0.043401097859231075, 'said': 0.040491940805214795, 'northwest': 0.03546680117476738}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.5006035683969146, 'a': 0.12729870992433504, 'The': 0.07810854188716213, 'and': 0.07131785914016583, 'of': 0.02035291746305207, 'tho': 0.016995023739546585, 'his': 0.01415681956031384, 'to': 0.01305921694322661, 'as': 0.01298399847472974}, {'of': 0.19699617293149346, 'to': 0.1356065981902818, 'as': 0.1101673047145359, 'the': 0.09110448432179406, 'at': 0.07478689530935796, 'and': 0.06593935105974086, 'in': 0.06316899276972276, 'was': 0.05522451628637752, 'be': 0.05521999093352276}, {'of': 0.16450681348106944, 'and': 0.13537803236180904, 'to': 0.11507758904003808, 'Mrs.': 0.07067780273733042, 'said': 0.04160705533392738, '.': 0.041330144024299596, 'W.': 0.032310554517299465, 'by': 0.024019171990837966, '<s>': 0.02148599204820147}, {'the': 0.48147407545734183, 'a': 0.12504886492174047, 'The': 0.06642476354281163, 'tho': 0.03654055399182993, 'A': 0.03650023884591724, 'finance': 0.034171072502673795, 'said': 0.02470176142650581, 'and': 0.02440200201731138, 'this': 0.023469373364231452}, {'to': 0.5466683800227845, 'the': 0.08634634460342017, 'and': 0.07737033029709535, 'a': 0.047262877824093386, 'will': 0.03237671513258186, 'who': 0.027012457510209326, 'this': 0.022165632441583153, 'would': 0.018858201196705705, 'not': 0.016345199715805503}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'the': 0.5396112894318289, 'of': 0.11270017598851287, 'this': 0.11021678520182573, 'said': 0.03345061280311044, 'and': 0.03276388140450603, 'tho': 0.02809780565365283, 'in': 0.023650208183595908, 'our': 0.019425486779173898, 'The': 0.015446826829865886}, {'it': 0.12280673596847544, 'they': 0.10267382507326878, 'you': 0.08800225583449943, 'and': 0.08363487933559798, 'which': 0.07925914843223192, 'It': 0.07433759989655898, 'he': 0.06849647012660331, 'who': 0.059083572994473706, 'that': 0.04682372832900562}, {'the': 0.6046424609328104, 'and': 0.07256246739023446, 'The': 0.07100141539234209, 'a': 0.06242460842381273, 'his': 0.03984628792770925, 'tho': 0.027146058978920605, 'their': 0.022816235035138882, 'of': 0.020031534789617975, 'its': 0.014131023725627417}, {'of': 0.3402090024995174, 'in': 0.1536230478514387, 'to': 0.09540678630388, 'that': 0.06952636636796662, 'for': 0.05335998185904471, 'with': 0.047742817241525744, 'from': 0.04567632093462158, 'by': 0.04517522833005589, 'In': 0.04476644909514485}, {'three': 0.5572833554732323, 'two': 0.10629057388216359, 'four': 0.05765646882864428, 'five': 0.039033763082503815, 'ten': 0.02588469321001654, 'one': 0.02073712080863655, 'eight': 0.013496086554286302, 'six': 0.012875210509232364, 'week': 0.009881243582079072}, {'and': 0.1821858293285109, 'not': 0.15407279972461338, 'to': 0.0995896623501641, 'the': 0.07563067941250913, 'I': 0.061803124949725285, 'of': 0.050029725149086414, 'that': 0.04825283578641967, 'is': 0.045615295742630874, 'we': 0.037642136043171015}, {'be': 0.21269933692488993, 'am': 0.17654400822013613, 'was': 0.155974568689009, 'is': 0.1499294940886922, 'are': 0.09654254748114247, 'very': 0.04429271602460942, 'been': 0.04118413281550064, 'were': 0.0330857894567792, 'not': 0.030813762904903962}, {'the': 0.1637734167839573, 'in': 0.14256658577136005, 'and': 0.11470473308468307, 'of': 0.0925412837820314, 'for': 0.03721487402014775, 'In': 0.034446157417245445, 'with': 0.02843722946139449, 'to': 0.02814775267034113, 'make': 0.02501225639204268}, {'the': 0.08797308219433253, 'of': 0.07658290958390869, 'and': 0.05758463868649705, 'to': 0.03644145354619216, 'a': 0.035463117841031254, 'by': 0.022822249449820097, 'at': 0.0200507544977851, 'in': 0.01918842912634311, '<s>': 0.01575019398815102}, {'and': 0.42735078227815787, 'was': 0.14396286916052742, 'He': 0.0657680492501117, 'is': 0.06274382124729534, 'were': 0.04456865578880386, 'are': 0.04308122537653313, 'he': 0.030932380161383267, 'be': 0.02179781429184027, 'been': 0.014313550182283438}, {'and': 0.2114437733887241, 'that': 0.20758850991775907, 'as': 0.08595733636117167, 'but': 0.044058739373747775, 'even': 0.04139566205914732, 'But': 0.02874639976841452, 'And': 0.02558111804298635, 'or': 0.024320334237152116, 'and,': 0.021458553886436412}, {'at': 0.37844876918070414, 'to': 0.15993554858063713, 'of': 0.14587056977910895, 'At': 0.07190615423297078, 'in': 0.06811617120866122, 'from': 0.03848413257253323, 'and': 0.030069969959657612, 'for': 0.029893712884948923, 'that': 0.029189306679932928}, {'in': 0.5647022851563623, 'In': 0.14809149672653904, 'of': 0.05229905485109053, 'without': 0.04896750214198639, 'to': 0.03643907316546325, 'and': 0.035481195591488, 'from': 0.03466252990364636, 'with': 0.033738029916551164, 'not': 0.016639411462480387}, {'and': 0.2804767870289079, 'the': 0.2194369949085239, 'a': 0.11548509935943084, 'of': 0.08380405328174978, 'with': 0.037572059010369474, 'most': 0.033949078024971685, 'two': 0.031161166689229438, 'to': 0.030005922032855136, 'The': 0.02997467562638848}, {'the': 0.23252743534142922, 'a': 0.06655470291147542, 'mil-': 0.05136165405220943, '<s>': 0.022196900139453312, 'The': 0.016681295969492752, 'tho': 0.008956246799016729, 'and': 0.008295348653378722, 'front': 0.005930116917965699, 'of': 0.005394831675560726}, {'and': 0.20580835512774043, 'was': 0.09613141267213879, 'the': 0.07675614793959884, 'be': 0.0623934118505329, 'at': 0.045688974939536525, 'years': 0.044022373154382455, 'it': 0.04161985719263526, 'is': 0.03809668078259427, 'to': 0.03780253566422557}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'of': 0.22353297567942354, 'the': 0.16601858524697516, 'and': 0.15993266594685765, 'from': 0.06648662168560422, 'to': 0.06642901942882523, 'in': 0.04728617359383617, 'that': 0.04330800849917013, 'The': 0.031865729523660256, 'for': 0.02804103868203229}, {'the': 0.21208825089385505, 'and': 0.08738496348499539, 'of': 0.08351435258565612, 'to': 0.058936976905322916, 'a': 0.05671652550770122, 'in': 0.027564436684479183, 'on': 0.020926087331746675, 'at': 0.019899990387507328, '<s>': 0.019629477884118646}, {'the': 0.22431662918633613, 'of': 0.12286282453237819, 'and': 0.06675844217411621, 'a': 0.0625079155730322, 'to': 0.06152613787730989, 'be': 0.05508004169213936, 'in': 0.0374100721299284, 'his': 0.03698231507516192, 'was': 0.0363105827980859}, {'<s>': 0.04610788657308216, 'in': 0.0229576095839799, 'the': 0.018325383817139468, 'it.': 0.015555183145995603, 'and': 0.009932097785800151, 'of': 0.009848511543227405, '.': 0.009655748257086635, 'them.': 0.008189117619467836, '1.': 0.008100283070002195}, {'<s>': 0.03567689128123262, 'and': 0.02452429667613473, 'that': 0.009807861545007237, '': 0.008257074328821518, 'which': 0.008138124534293726, '.': 0.005832557347638217, 'I': 0.004823206343588904, '1': 0.004521766771307985, 'he': 0.003934071674029116}, {'the': 0.3034198148288257, 'a': 0.25501304270808545, 'this': 0.13244086990143142, 'such': 0.054780455290806176, 'his': 0.04816912988544622, 'same': 0.026761028745934418, 'that': 0.024092953897909764, 'any': 0.022739233506144176, 'The': 0.022600117877541924}, {'the': 0.6515379620312547, 'The': 0.09087648320810772, 'Federal': 0.0397936717686764, 'tho': 0.030050675958885407, 'of': 0.02808428889179549, 'States': 0.025235423501983642, 'our': 0.02247917355742888, 'this': 0.019609759583154595, 'and': 0.016202089317076118}, {'to': 0.5137513662208685, 'and': 0.1277465777060096, 'would': 0.10465951055536588, 'not': 0.07486814609129229, 'will': 0.07296751372003, 'they': 0.0161862324047487, 'who': 0.014753261204294973, 'should': 0.014095697645933833, 'must': 0.013955097701740695}, {'one': 0.03484790154661049, 'two': 0.023728587220588612, 'on': 0.01962555546161451, 'and': 0.017693692354913217, 'three': 0.011858661224199442, 'four': 0.011426582606247852, 'them': 0.009856925306833747, 'ten': 0.009537929663504896, 'person': 0.009448180551521175}, {'it': 0.15922135025804635, 'he': 0.13595731714622472, 'It': 0.10936087760567813, 'I': 0.08546539480569064, 'and': 0.060356423981544734, 'He': 0.05792427427935359, 'which': 0.04925755313992079, 'she': 0.03742965667901356, 'there': 0.036294610712145445}, {'up': 0.02911035423323302, 'him': 0.014624830328592547, 'men': 0.013163396694937317, 'down': 0.012273988211021715, 'out': 0.011824576806258015, ';': 0.011616135166452681, 'back': 0.010585754545562744, 'time': 0.009787449391499493, 'it,': 0.009427814840242368}, {'to': 0.07124440600562953, 'and': 0.06677279586859877, 'west': 0.05897276004322648, 'east': 0.05258896039767292, 'the': 0.032714085333655975, 'of': 0.03222949419469391, 'north': 0.03158477731596126, 'south': 0.018648104921442532, 'about': 0.016012856187811973}, {'be': 0.18327589174379533, 'was': 0.1367152632039942, 'been': 0.1131416411424872, 'and': 0.09440078522167325, 'is': 0.07445586931902363, 'have': 0.0421340173031682, 'not': 0.04013589133862458, 'had': 0.03553633281506014, 'were': 0.03398090511173791}, {'the': 0.1331954013331003, 'of': 0.10395761905650669, 'and': 0.09166744382168995, 'a': 0.0674867672110823, 'to': 0.04481959524883369, 'was': 0.033914181021321675, 'be': 0.027669522756191306, 'is': 0.023821375196731925, 'been': 0.01992601692954109}, {'of': 0.11023593251952565, 'the': 0.10943061025191597, 'and': 0.06677107827628141, 'to': 0.06331035896641815, 'a': 0.05459338617388718, 'in': 0.02619607144673807, '<s>': 0.02373576597296832, 'by': 0.020775934134781803, 'Mrs.': 0.01641589967375548}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'a': 0.37918853188767576, 'the': 0.1343393088877803, 'very': 0.1203363910365308, 'and': 0.10715471994787995, 'most': 0.04343102718967714, 'as': 0.03313634597802727, 'some': 0.03229429659500429, 'his': 0.028131493979614557, 'one': 0.027748373863192545}, {'of': 0.5225403279007141, 'and': 0.08149303559402642, 'the': 0.06669987348472452, 'for': 0.03573892491178317, 'in': 0.029093233629409, 'with': 0.023532168314214483, 'to': 0.021047453344373756, 'by': 0.010844600685026818, 'The': 0.010362136916483652}, {'more': 0.028981995579884245, 'made': 0.018230315725764328, 'highest': 0.017427332123303496, 'it': 0.016251024282927812, 'time': 0.01385754408919855, 'prompt': 0.01060918877440819, 'large': 0.010574334947913756, 'good': 0.010279572217237385, 'men': 0.010272246519326232}, {'and': 0.09532497196206889, 'of': 0.09028657379826502, 'to': 0.08901485709826312, 'the': 0.06487722943323049, 'be': 0.0540862636967402, 'was': 0.042227191000682486, 'in': 0.03201436358012372, 'for': 0.027234673796871382, 'or': 0.026409517233870743}, {'and': 0.11385123617354412, 'be': 0.09864172963727943, 'was': 0.07620908437317161, 'to': 0.04887641259257306, 'been': 0.047688286220096035, 'is': 0.04482365947015291, 'of': 0.04408866282577962, 'he': 0.03874649575579709, 'were': 0.034891023983512175}, {'of': 0.13077952395256112, 'in': 0.08030976238911179, 'to': 0.04757846085755633, 'with': 0.040341962029992844, 'on': 0.035834372468230145, 'by': 0.033237163218116504, 'from': 0.030054472268327918, 'and': 0.024226936316378032, 'upon': 0.01863316475480328}, {'that': 0.19529459725552145, 'and': 0.1893205846914157, 'but': 0.10676670620972793, 'as': 0.07688705093448475, 'which': 0.058663178485630074, 'if': 0.03975885240158478, 'when': 0.03805535861827694, 'where': 0.02774861381497361, 'But': 0.025105247517370508}, {'the': 0.8283883289241207, 'The': 0.05238861484838014, 'tho': 0.027932255884137086, 'this': 0.01698217674934326, 'a': 0.011165988778192436, 'and': 0.010835424002628312, 'said': 0.010151048970063132, 'tbe': 0.009282570611441816, 'next': 0.004456367117900039}, {'and': 0.12779747032799751, 'of': 0.07742961566634882, 'that': 0.07414324503110799, 'to': 0.04643941348116379, 'which': 0.046041088956125416, 'when': 0.03429402962916093, 'as': 0.027564593426438924, 'the': 0.027250303956397354, 'but': 0.021360033699075614}, {'due': 0.0911622139073137, 'hundred': 0.02397323581927121, 'more': 0.018128057127820927, 'time': 0.017278095575019553, 'it,': 0.0113362836267279, 'work': 0.011069756332809565, 'dollars': 0.010867259917532516, 'it': 0.010684248071705881, 'them,': 0.010637952454482172}, {'board': 0.07877870720100992, 'number': 0.07735147132300524, 'out': 0.05734319340997706, 'line': 0.05172683397815709, 'matter': 0.04715599806534713, 'amount': 0.0429980678191597, 'system': 0.038891312171176404, 'right': 0.033422144146072925, 'state': 0.03306105744645058}, {'the': 0.23380600124623047, 'of': 0.14181644275975538, 'and': 0.10456886982599989, 'a': 0.07035219848752694, 'in': 0.04091024416171005, 'to': 0.035398287371630796, 'with': 0.02277439285080154, 'The': 0.022674590908061114, 'for': 0.018123034320152605}, {'he': 0.15833783157006798, 'who': 0.11252166679113242, 'which': 0.10007920750248263, 'they': 0.08307407047038702, 'it': 0.07687172224910013, 'that': 0.06547997363155768, 'I': 0.05314002564963188, 'there': 0.04507481930663967, 'she': 0.04354106747792997}, {'to': 0.16587220090853444, 'will': 0.067090844742293, 't': 0.06374855643626783, 'that': 0.04891398348951853, 'would': 0.04569880422601861, 'and': 0.04539820974480802, 'I': 0.035176957137119755, 'may': 0.030504623893655644, 'which': 0.024192384170473855}, {'and': 0.1181657968797176, 'the': 0.08937903024448819, 'of': 0.06799964324210095, 'was': 0.05968408413430633, 'is': 0.042629026459622625, 'be': 0.04241449165019433, 'to': 0.03978986112563392, 'a': 0.022561794696183544, 'he': 0.022399179613717797}, {'the': 0.5759940344560877, 'of': 0.07686087398021704, 'our': 0.03694671285300211, 'American': 0.03553623758253224, 'to': 0.02773656681517278, 'and': 0.026959878196731433, 'his': 0.023624572256853944, 'for': 0.02142062167323382, 'by': 0.021353324574674322}, {'and': 0.22931804021194213, 'is': 0.12265657942289337, 'that': 0.09242729406206465, 'or': 0.06927048859704471, 'as': 0.06714514697834655, 'if': 0.049803983029362876, 'Is': 0.04823546503219435, 'was': 0.04128645193108797, 'but': 0.03902945421987027}, {'one': 0.016368888842335127, 'more': 0.015000372690832826, 'on': 0.011189338260333165, 'day': 0.01075934247865153, 'two': 0.010752403191876184, 'person': 0.00789861567222125, 'in': 0.007751399993273645, 'man': 0.007556023970783172, 'law': 0.006531081514130428}, {'the': 0.5400775667439128, 'and': 0.06648155236046717, 'The': 0.05345543300555131, 'tho': 0.04192338386918525, 'a': 0.039769028098722715, 'of': 0.03384899867635714, 'two': 0.02627454498033311, 'all': 0.025202928767866194, 'or': 0.024968660689017087}, {'the': 0.12019147532787254, 'to': 0.11317991295410587, 'and': 0.08792340578929887, 'of': 0.08146353828966597, 'in': 0.040054442139418604, 'not': 0.024451975593149933, 'I': 0.021171806548387326, 'a': 0.020588060079176747, 'or': 0.020427076563194486}, {'of': 0.24405623702030266, 'to': 0.17076181928796058, 'in': 0.14375174776103322, 'on': 0.0645019029347818, 'and': 0.0522352795869811, 'from': 0.05125473983101422, 'that': 0.050982463846364866, 'at': 0.04900360095628074, 'by': 0.0371216354774635}, {'the': 0.23246540279465863, 'of': 0.13269367569403373, 'and': 0.08473053223125046, 'a': 0.06575552782308812, 'to': 0.051145665913285634, 'at': 0.043225061524323566, 'in': 0.03543285480285355, 'for': 0.018630936478920623, 'or': 0.01839290346583427}, {'I': 0.22071095971689755, 'he': 0.20221664124498617, 'they': 0.09659958729985518, 'it': 0.06632038777006803, 'she': 0.057993499629719523, 'we': 0.0481499407485119, 'and': 0.04773528020577294, 'who': 0.03569055197099034, 'that': 0.03435029255598252}, {'it': 0.15467517530377956, 'that': 0.12043680647762427, 'there': 0.1061388378761261, 'which': 0.08972888466219406, 'they': 0.07880598993732991, 'It': 0.062080295432334676, 'he': 0.051866099311008725, 'and': 0.04651998216632048, 'There': 0.0322842212488506}, {'the': 0.15539156127717735, 'of': 0.11917567702263197, 'and': 0.08416148317186078, 'a': 0.06334046627180517, 'to': 0.04547558587853477, 'be': 0.03126076054551573, 'was': 0.02878552919787186, 'is': 0.024581598781821767, 'in': 0.02303036781163895}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.1491090938408434, 'to': 0.10282291516168232, 'the': 0.09318505026042388, 'and': 0.06246534666274549, 'a': 0.048227360632758474, 'in': 0.04487714111916074, 'that': 0.02593654987229301, 'by': 0.023777252849679943, 'with': 0.02350566845011}, {'of': 0.27185815332049534, 'the': 0.18482888810975234, 'a': 0.09071803830552035, 'Of': 0.08752940444314557, 'this': 0.0855991188184212, 'The': 0.056056901862368905, 'that': 0.046334690979489994, 'his': 0.04453956506513823, 'This': 0.0306955749769724}, {'they': 0.1501246030979688, 'there': 0.1251462080142133, 'which': 0.061510172105724306, 'who': 0.057515559908626834, 'and': 0.05252498053270875, 'it': 0.04448100398267642, 'that': 0.03512029514486429, 'There': 0.0335359807509509, 'we': 0.032090641789458176}, {'and': 0.11582081944112449, 'was': 0.04225261395959518, 'held': 0.03592895762799326, 'Beginning': 0.02926079870317736, 'is': 0.027806631077598554, 'look': 0.026545353863800903, 'arrived': 0.026240397869270526, 'that': 0.0255265603479058, 'interest': 0.024134996272950678}, {'of': 0.3401772009759197, 'in': 0.11511127058281025, 'to': 0.09375272668020339, 'and': 0.08613759930214965, 'that': 0.06259719707805131, 'with': 0.054828676727219465, 'for': 0.05464012006091031, 'by': 0.04647272826748986, 'from': 0.03514751625709624}, {'the': 0.6672677225201066, 'a': 0.07187669396356251, 'of': 0.06651811596410369, 'The': 0.04136634103865643, 'tho': 0.03475391624279233, 'civil': 0.030950254047265632, 'this': 0.028914620702439303, 'that': 0.011577760793663733, 'for': 0.01153989969541057}, {'and': 0.05850633159345087, 'made': 0.05778236604140629, 'or': 0.027947329102333503, 'that': 0.01819347949917324, 'him': 0.01773635421536566, 'followed': 0.017704641720028166, 'owned': 0.0176503613776524, 'ed': 0.016838740781092234, 'accompanied': 0.016553199430885835}, {'number': 0.21595309122705522, 'couple': 0.13410755601631064, 'millions': 0.0583305255808885, 'amount': 0.055113838225831935, 'bushels': 0.05203572332391002, 'rate': 0.05098653638108883, 'thousands': 0.04161106402259919, 'sum': 0.035709296492605284, 'period': 0.03157826656977294}, {'and': 0.11388701016082171, 'filled': 0.04598263277118901, 'together': 0.04128901920825226, 'covered': 0.028583027442173028, 'but': 0.024872078904020063, 'that': 0.02254002474801081, 'war': 0.022227471269514187, 'charged': 0.021290698816952086, 'do': 0.020351062435980376}, {'and': 0.08856103878463627, 'the': 0.0835652593477614, 'of': 0.0829858929374518, 'in': 0.0675964118965685, 'to': 0.0580743886449225, 'a': 0.04292477984598555, 'on': 0.03742423791206846, 'for': 0.025130177841973373, 'his': 0.020850076526852314}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'is': 0.17259142955892112, 'ought': 0.08272961521902446, 'are': 0.08056057458647582, 'seems': 0.07558392967483372, 'was': 0.06572888558670693, 'not': 0.06439114674223405, 'said': 0.05149586598076354, 'seemed': 0.04272828164381891, 'as': 0.041024869025136954}, {'a': 0.2768703891777292, 'the': 0.17484211022575327, 'is': 0.12312767710506356, 'was': 0.08353171144599689, 'not': 0.06947188218187045, 'are': 0.06150518222509303, 'be': 0.042231076272374775, 'and': 0.03154304369513627, 'been': 0.025643653292679515}, {'for': 0.4239777039116525, 'of': 0.17745196862877108, 'For': 0.06704801341966621, 'at': 0.05995545618278069, 'in': 0.05946931478318634, 'that': 0.05931314561700582, 'to': 0.051492601451645366, 'and': 0.03138597110846083, 'In': 0.019217256571950884}, {'the': 0.24185825254190255, 'and': 0.12451445625998742, 'of': 0.09171835522076334, 'an': 0.08157877453310426, 'with': 0.045896202168425035, 'impurities': 0.037757560653591246, 'by': 0.03220103789545596, 'or': 0.030356220587454328, 'for': 0.02917417247976341}, {'the': 0.30101301656637924, 'not': 0.28271464914969213, 'is': 0.06847502516577599, 'The': 0.04990654321892339, 'was': 0.04944363710534573, 'had': 0.043315263464361944, 'have': 0.0413734947050433, 'and': 0.040959326945616124, 'has': 0.036712668311926794}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.16629689319691937, 'and': 0.11457624355185057, 'to': 0.08827978686582008, 'the': 0.0794036838013036, 'by': 0.07719252873395308, 'in': 0.04170774288352618, 'that': 0.03396105252124599, 'at': 0.03033891430297889, '<s>': 0.027641667090043273}, {'the': 0.19266774184672175, 'of': 0.11248180308173802, 'and': 0.10150281417176216, 'a': 0.05740653305424289, 'be': 0.04442768591843566, 'is': 0.03923872424839277, 'are': 0.03592692389619097, 'was': 0.03065449406948694, 'to': 0.02726890330857742}, {'according': 0.07427545835548732, 'went': 0.07130247132454348, 'and': 0.06045152936869599, 'sent': 0.05722682698835907, 'as': 0.04209440456796992, 'made': 0.03276479377072497, 'go': 0.03218100475344408, 'up': 0.028922053138856298, 'subject': 0.0271532043739195}, {'the': 0.17259713434005025, 'of': 0.10293073232041454, 'a': 0.0849706858676569, 'and': 0.05313687900229971, 'or': 0.042232827593931904, 'to': 0.0405057052805797, 'in': 0.03422281356011614, 'any': 0.024320751750585658, 'be': 0.019453024573303165}, {'away': 0.06925205172028555, 'and': 0.06007808449668492, 'taken': 0.04760906637168378, 'miles': 0.0428166599829834, 'feet': 0.03837562943164214, 'come': 0.026889243450533045, 'them': 0.026073675669967263, 'out': 0.02484981837258804, 'came': 0.02410733092637395}, {'and': 0.037801832806647506, 'of': 0.029413985547304764, '<s>': 0.027681866619910796, 'the': 0.023696405352157026, '-': 0.023594558502373436, '1': 0.018505147591464273, 'by': 0.017868894562735278, 'I': 0.016689620163260328, 'in': 0.015465722862206873}, {'be': 0.3019902536402382, 'was': 0.20384946480743488, 'been': 0.1239347184775965, 'were': 0.07270101731390859, 'is': 0.06377223808371592, 'are': 0.04673561122952612, 'being': 0.04054988339602108, 'and': 0.02750601668085006, 'have': 0.02017405802110583}, {'it': 0.1898936989228213, 'It': 0.08998462207640943, 'there': 0.0790469860324584, 'they': 0.06140208113455, 'that': 0.05582443981464942, 'which': 0.05166683548741283, 'he': 0.0503760176127662, 'and': 0.049222407474872956, 'I': 0.03738029063895694}, {'to': 0.12247983520969578, 'and': 0.11481374178697082, 'the': 0.1086403529599872, 'of': 0.08682124111405838, 'in': 0.027931886291906675, 'a': 0.024142213867424125, 'not': 0.023979975340734237, 'or': 0.02307617446092465, 'for': 0.02093855504019136}, {'to': 0.23444768916706854, 'and': 0.19887381184982464, 'the': 0.0799839495055891, 'was': 0.07952733020114669, 'be': 0.05244505989456077, 'were': 0.038537640346710145, 'votes': 0.031653608092155505, 'been': 0.03088797689071683, 'I': 0.027215802219869144}, {';': 0.02077262042187888, 'him,': 0.01569134723518056, 'it,': 0.014164934800835045, 'them,': 0.012817644220575653, 'in': 0.012339792863697841, 'him': 0.009472072494775809, 'up': 0.009037150725206404, 'time,': 0.0072734133805955285, 'time': 0.006859730847123165}, {'and': 0.13785108568234555, 'of': 0.09639968718339775, 'the': 0.08339723730612741, 'to': 0.04349623506683133, 'is': 0.0351878488711967, 'in': 0.03478797273886149, 'was': 0.027942141538850176, 'with': 0.02775527893394661, 'be': 0.026710743987210114}, {'I': 0.08412438415606559, 'who': 0.08181488068883551, 'and': 0.08070878344785498, 'it': 0.07497800163006382, 'we': 0.0700581386041832, 'he': 0.06320680695262315, 'they': 0.051113260956332826, 'which': 0.03823761065654651, 'It': 0.03809650401167606}, {'the': 0.35589274708782664, 'little': 0.12594593829404405, 'a': 0.11731902308705515, 'young': 0.06401781968068374, 'and': 0.040067773946361046, 'his': 0.02615984592418491, 'The': 0.02513504247804649, 'her': 0.021828059893024193, 'old': 0.016120948110927104}, {'of': 0.25491410015449306, 'in': 0.18554560111964702, 'from': 0.14420388931924655, 'at': 0.1381860026921151, 'to': 0.061445768141054916, 'the': 0.04954198462536246, 'In': 0.04436468192592638, 'and': 0.0250891121882688, 'for': 0.012287995668981621}, {'to': 0.1372314543028761, 'and': 0.10296039174025212, 'the': 0.0980193011297537, 'of': 0.07362193552282163, 'in': 0.035390626948473516, 'a': 0.020251090807030078, '<s>': 0.017746817217017118, 'not': 0.01702205167118406, 'that': 0.01610815514958733}, {'of': 0.17737607697844623, 'the': 0.1550324947079231, 'to': 0.0911618955863865, 'in': 0.07153601482633473, 'and': 0.058396775996520635, 'a': 0.05550615138598354, 'at': 0.04617699908504126, 'on': 0.0432062058292741, 'by': 0.04012348069837076}, {'the': 0.27768869736832474, 'this': 0.05335497507622538, 'a': 0.047106278929497813, 'his': 0.03553892687555827, 'county': 0.02205312862922234, 'one': 0.018464274207667594, 'of': 0.01698953503749004, 'tho': 0.01607089778945067, 'and': 0.01588784771817497}, {'the': 0.17259713434005025, 'of': 0.10293073232041454, 'a': 0.0849706858676569, 'and': 0.05313687900229971, 'or': 0.042232827593931904, 'to': 0.0405057052805797, 'in': 0.03422281356011614, 'any': 0.024320751750585658, 'be': 0.019453024573303165}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'the': 0.6077699394057496, 'of': 0.057594156500232536, 'The': 0.05082962303621073, 'and': 0.045599848161497716, 'this': 0.03325611144906724, 'tho': 0.028885227160235845, 'a': 0.02821507894661026, 'that': 0.02385015767228696, 'other': 0.014721840888795678}, {'of': 0.3323221047768298, 'in': 0.16757993870518886, 'to': 0.1153239032184126, 'that': 0.07000705408870828, 'as': 0.050608991041074046, 'all': 0.04096660931175416, 'and': 0.03868458260791762, 'with': 0.033772784565418934, 'for': 0.03223227816974238}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'and': 0.1082798509610735, 'be': 0.09484653891020561, 'was': 0.07302725610406567, 'is': 0.06753124639415749, 'of': 0.05025084178270251, 'been': 0.04112157593505163, 'to': 0.03881676068613716, 'in': 0.03731550123451758, 'are': 0.036834223910146985}, {'and': 0.10968615154899033, 'that': 0.10300191553271104, 'as': 0.06787944444478897, 'of': 0.06784266536627429, 'to': 0.04946776343917317, 'make': 0.04536235238254599, 'which': 0.043134291809455536, 'but': 0.03568964334384511, 'if': 0.0324340118960915}, {'and': 0.17585063722392302, 'fact': 0.10400902578517979, 'said': 0.06844377842999533, 'so': 0.06232472237382234, 'believe': 0.04519952307692614, 'is': 0.039634011181226815, 'say': 0.03675663629906361, 'know': 0.036060715732595706, 'found': 0.03095250753294034}, {'the': 0.32362932968466385, 'of': 0.30741424949372437, 'and': 0.07911433381874526, 'The': 0.04487202298575804, 'to': 0.03699033248810263, 'a': 0.03595267521302639, 'for': 0.02945263257962065, 'on': 0.026767704572557602, 'tho': 0.024234822017698457}, {'and': 0.041689761937720185, 'the': 0.03863220079682179, 'Mr.': 0.030368615859205736, 'of': 0.02851822882393807, 'Mrs.': 0.026604725644999223, '.': 0.025045264489362597, '<s>': 0.021064909985061067, 'said': 0.01467835825818941, 'that': 0.013556645265477422}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'the': 0.13190200889624082, 'in': 0.10333208018144008, 'his': 0.08709623621056047, 'and': 0.07258323827061156, 'their': 0.059614498977212105, 'this': 0.04976874037021959, 'an': 0.0471209690922315, 'other': 0.04621342816490165, 'my': 0.04391279163180118}, {'was': 0.19754299315053464, 'to': 0.17477600198944776, 'and': 0.1681071715186468, 'be': 0.1038697028349343, 'were': 0.06768882571017636, 'been': 0.04895784235427986, 'he': 0.04178922021727136, 'then': 0.03757352545716568, 'had': 0.02540105264585833}, {'both': 0.031166602271047467, 'them': 0.019336344896653732, 'it': 0.017680748040294177, 'the': 0.017123847536526772, 'feet': 0.017064793200204858, 'well': 0.016671362250444147, 'men': 0.01656447527215816, 'and': 0.015847840017490285, 'up': 0.014855375046341344}, {'Mr.': 0.2898203401184054, 'and': 0.09661217743859794, 'the': 0.06466972571055785, 'that': 0.0598294254671199, 'of': 0.03330924540168184, 'The': 0.0312804109627591, 'Mrs.': 0.020812411379420314, 'Miss': 0.017428044690480076, 'Mr': 0.01732738098884269}, {'is': 0.08542539666512147, 'and': 0.07114332620996264, 'ought': 0.06516747056111719, 'as': 0.06261777709053429, 'enough': 0.0507121233641489, 'not': 0.048474097514568555, 'have': 0.040879220883224834, 'able': 0.04012991371748548, 'order': 0.03901510973600211}, {'the': 0.5403485922261206, 'of': 0.15377683409653153, 'our': 0.050017090842370805, 'a': 0.03332329478880286, 'federal': 0.0330206656050774, 'tho': 0.024067561384490756, 'in': 0.020268939749192416, 'to': 0.01839271129093325, 'States': 0.017233103052777855}, {'the': 0.39595000263175334, 'whose': 0.14823304299980583, 'their': 0.11710937796859561, 'his': 0.08080439387462532, 'The': 0.06405809424386805, 'of': 0.03055444919584893, 'my': 0.028044986395872037, 'its': 0.0253648320305037, 'our': 0.024152564247763773}, {'that': 0.1533829181764659, 'and': 0.12320559878259389, 'which': 0.0953591844435863, 'when': 0.07140654048984195, 'as': 0.0639067016017661, 'to': 0.061519589588405615, 'if': 0.03221913038749884, 'will': 0.032027518221750144, 'but': 0.030234421324445447}, {'the': 0.12524961158718226, 'and': 0.09100064690048902, 'of': 0.06626144905840879, 'a': 0.039468389773337914, 'was': 0.033802810205070276, 'to': 0.031790981861766605, 'be': 0.03066803983898344, 'his': 0.0276205744431688, 'Mr.': 0.026500330082763993}, {'the': 0.4239861381291708, 'a': 0.283189678958267, 'of': 0.07411074297554447, 'this': 0.047134363563388855, 'The': 0.04327094333689738, 'with': 0.0318972343907784, 'A': 0.027183548391838994, 'tho': 0.02096190869370016, 'and': 0.02010146681185817}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'forenoon': 0.0582490741968471, 'one': 0.049862196816315006, 'result': 0.03987800092652688, 'out': 0.0376061003153729, 'all': 0.036286459703992496, 'part': 0.030758784493381777, 'some': 0.024394642915857804, 'much': 0.023956915270718103, 'is': 0.02381300320797522}, {'be': 0.19214748418863561, 'was': 0.151898751559124, 'been': 0.09181682680679042, 'and': 0.08351160376166884, 'is': 0.060288000498613575, 'being': 0.047664160071320585, 'were': 0.04493494020476518, 'now': 0.0361031085437564, 'are': 0.024211428003674214}, {'of': 0.17002385698587955, 'in': 0.14428899280931373, 'to': 0.11944079493822246, 'and': 0.10635347723009111, 'with': 0.07255523923251615, 'for': 0.05726623466653049, 'was': 0.05200005710383502, 'by': 0.04678092981763175, 'is': 0.04596826166585021}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'of': 0.34120922445500185, 'to': 0.1040885972550642, 'in': 0.10293120130657726, 'and': 0.061209794024558055, 'on': 0.055107805284584685, 'by': 0.053605999453237824, 'for': 0.0528380747026686, 'with': 0.04028888792001937, 'that': 0.03997061633295227}, {'at-': 0.33778525863903025, 'the': 0.18335987210672097, 'at¬': 0.08273278358001247, 'at\xad': 0.0444401032302501, 'and': 0.019086718086377998, 'to': 0.015723396700321225, 'The': 0.01086203080342782, 'tho': 0.010070725904926274, 'of': 0.009984288737128172}, {'the': 0.6372744818028355, 'The': 0.06538706856281795, 'a': 0.055563510541925196, 'and': 0.04009431666565126, 'an': 0.0391732781478948, 'tho': 0.03875167634008413, 'in': 0.027600045631180826, 'great': 0.019189756771960335, 'of': 0.013890940717899721}, {'has': 0.08244656746319699, 'and': 0.07244938166999627, 'the': 0.06090744620994753, 'had': 0.05812601198416831, 'have': 0.052115630905670556, 'of': 0.04037476529245228, 'which': 0.027355518936260117, 'to': 0.026197114690669238, 'it': 0.02588436778653798}, {'the': 0.07050956495789318, 'said': 0.05412704764240288, 'Main': 0.04000601954294853, 'Market': 0.02763534660732466, 'High': 0.025829700969825103, 'Third': 0.02560902842963477, 'Wall': 0.01979432531898254, 'Sixth': 0.017750275173024556, 'Seventh': 0.01661276957320731}, {'the': 0.11833510730411874, 'of': 0.10826560767671957, 'to': 0.062180528832639866, 'and': 0.05604524810393809, 'at': 0.04579398095158586, 'for': 0.034293381012215185, 'in': 0.03136179131804555, 'a': 0.024270918557850116, 'from': 0.015361783863702303}, {'the': 0.8183987188681041, 'The': 0.0347034164019706, 'tho': 0.03303984389547394, 'of': 0.018437746803407283, 'their': 0.01573400019677597, 'tbe': 0.014485353428824694, 'his': 0.014196961192036506, 'and': 0.012974356597060378, 'our': 0.01283867961375065}, {'the': 0.31657602310222227, 'of': 0.20050446268379302, 'to': 0.09114582998436672, 'in': 0.06792157487886981, 'a': 0.049761427342199585, 'on': 0.03711449072549142, 'for': 0.033519326938219865, 'his': 0.029924245189082068, 'that': 0.028657150692513154}, {'one': 0.016368888842335127, 'more': 0.015000372690832826, 'on': 0.011189338260333165, 'day': 0.01075934247865153, 'two': 0.010752403191876184, 'person': 0.00789861567222125, 'in': 0.007751399993273645, 'man': 0.007556023970783172, 'law': 0.006531081514130428}, {'and': 0.25125791445187945, 'that': 0.17300635371205286, 'of': 0.15724105168287728, 'to': 0.050078183100320764, 'we': 0.03731178929153155, 'but': 0.0366257876948579, 'when': 0.03469506954329437, 'for': 0.03316763819969859, 'if': 0.031457862003820496}, {'the': 0.2927718821182676, 'of': 0.10304401081365484, 'to': 0.05375007541609378, 'in': 0.05153694102950825, 'and': 0.04234711069902532, 'a': 0.030827282893517015, 'at': 0.027101226400904843, 'by': 0.0235926495159881, 'that': 0.018091743805967536}, {'the': 0.30685461873859576, 'his': 0.15582347831418175, 'of': 0.08664664784009228, 'and': 0.06666447862779287, 'their': 0.05647444464762393, 'a': 0.0559425857664856, 'her': 0.05269780987169395, 'good': 0.037332288187263675, 'our': 0.033434935072656935}, {'of': 0.4721939220846858, 'in': 0.11928138671131146, 'and': 0.06973453358135769, 'as': 0.04332197112979086, 'the': 0.02732281998654256, 'to': 0.023577727881144008, 'for': 0.022570156316627996, 'on': 0.01712062253157255, 'with': 0.016959627943906236}, {'of': 0.1641107075196537, 'is': 0.14938737905138352, 'was': 0.1226088509093659, 'in': 0.08769047848606899, 'with': 0.08721678395906414, 'and': 0.07790787163383474, 'to': 0.07636466191124437, 'for': 0.055753848549236935, 'as': 0.05361828260081667}, {'the': 0.24173186644873054, 'of': 0.1264804730623645, 'and': 0.08331959595593887, 'a': 0.07678669948469065, 'in': 0.02227872850197047, 'to': 0.019468778320699653, 'or': 0.017891130897969953, 'The': 0.01759084026465017, 'tho': 0.015524648398075488}, {'of': 0.350593770311935, 'and': 0.1380581311386399, 'that': 0.11518996904418863, 'all': 0.06620633321204844, 'by': 0.05592312569771673, 'to': 0.04094977622372896, 'for': 0.037954075595037606, 'with': 0.03352530282736503, 'as': 0.027308153949963783}, {'the': 0.6313097124006886, 'a': 0.07626782230590726, 'his': 0.06568464965483545, 'The': 0.045304345314887, 'tho': 0.0432375485475092, 'our': 0.020910018360732235, 'their': 0.017686800551265584, 'tbe': 0.014229726808181244, 'her': 0.014158896758713884}, {'as': 0.08745250026574988, 'according': 0.0656980254170692, 'up': 0.06458164371525271, 'and': 0.050936292680026855, 'went': 0.04228727053282009, 'back': 0.0408261884667089, 'regard': 0.03877679314119855, 'feet': 0.03598506737200505, 'down': 0.033283187341528596}, {'and': 0.17585063722392302, 'fact': 0.10400902578517979, 'said': 0.06844377842999533, 'so': 0.06232472237382234, 'believe': 0.04519952307692614, 'is': 0.039634011181226815, 'say': 0.03675663629906361, 'know': 0.036060715732595706, 'found': 0.03095250753294034}, {'chs.': 0.15246806702679347, 'ft.': 0.04786878277833025, 'and': 0.04042552162761822, 'right': 0.026299768229899944, 'went': 0.025241181027991364, 'as': 0.024279179674824482, 'order': 0.02350653870088795, 'him': 0.02199413259438468, 'made': 0.02079129229407302}, {'together': 0.06587034103488555, 'and': 0.052209488961446116, 'filled': 0.03920331832280802, 'charged': 0.03409153826428046, 'up': 0.031084368717625568, 'covered': 0.02522909753194212, 'it': 0.020788082598512326, 'him': 0.016882839683824938, 'connected': 0.016479820809808695}, {'<s>': 0.07085934014371865, '.': 0.019663219525922516, 'it.': 0.01622130295801661, 'them.': 0.015740880386511183, 'him.': 0.007696224412609772, 'time.': 0.0064731892579825935, 'her.': 0.0061040333240242285, 'country.': 0.005919277374496839, 'year.': 0.005186107930919352}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'J': 0.09573328526636675, 'and': 0.08368072379662535, '.': 0.044902876672699404, 'to': 0.0381865167841298, 'the': 0.03561577480963964, '<s>': 0.031924938905331615, 'W': 0.028438373709052438, 'of': 0.027409194060043184, 'as': 0.02379966670927431}, {'the': 0.0930072672300486, 'of': 0.06846494344309874, 'and': 0.06508762759681429, 'be': 0.05721012719057899, 'to': 0.05502551084654882, 'was': 0.04887356091582504, 'is': 0.036450096984708476, 'a': 0.028533290990081422, 'are': 0.02762552804330822}, {'the': 0.34212901392759604, 'this': 0.0786326546757235, 'that': 0.06215407977689304, 'any': 0.05016650466417408, 'in': 0.039032371020212064, 'and': 0.03473059466895226, 'of': 0.03447645820299605, 'The': 0.03154565223322452, 'tho': 0.022677405873194296}, {'to': 0.3064758709368267, 'will': 0.24740023166717792, 'would': 0.08644940566132561, 'shall': 0.07958333747813345, 'may': 0.061325075032771036, 'should': 0.060253944142859825, 'not': 0.04373096506435661, 'must': 0.03961965536578922, 'can': 0.037216765944760435}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'the': 0.4496391738652113, 'and': 0.07122422281646511, 'of': 0.031948577946067244, 'in': 0.03166291577732766, 'The': 0.028754133555787136, 'tho': 0.02760296711664328, 'a': 0.026040495410797133, 'to': 0.019388183448923388, 'on': 0.016152910133739935}, {'a': 0.4636227973865859, 'the': 0.3323216358267525, 'feet': 0.044939075334980136, 'tho': 0.031271016963764664, 'inches': 0.02587393679783399, 'The': 0.023620014547596543, 'A': 0.018800464560074767, 'of': 0.014441882238433491, 'and': 0.012786430744138079}, {'be': 0.1998296413450912, 'was': 0.143033215573479, 'and': 0.112167132278209, 'are': 0.08479686859301773, 'been': 0.08210139447391787, 'is': 0.07798590585131843, 'were': 0.0767245196939321, 'he': 0.030229169371155124, 'well': 0.027818528598144005}, {'the': 0.19832758891026814, 'of': 0.12329738883229349, 'and': 0.08567963075484682, 'to': 0.06390982801288464, 'a': 0.05292418902618554, 'in': 0.03644046679675773, 'be': 0.03343411962297833, 'was': 0.027378263028029096, 'is': 0.02580605123862503}, {'and': 0.08723146146319387, 'of': 0.05615008758688394, 'the': 0.055827304448799, 'to': 0.04532718144735124, 'be': 0.042868796912626767, 'was': 0.039454913011742705, 'is': 0.03217666773192887, 'in': 0.02507785443882515, 'been': 0.02162216235207398}, {'the': 0.47466983940454643, 'Federal': 0.06575101436076647, 'The': 0.04827108257190974, 'States': 0.043412029835797845, 'and': 0.0423771839423905, 'of': 0.03633066747543857, 'our': 0.032669152625756856, 'that': 0.025056705391309626, 'tho': 0.020570199720504296}, {'of': 0.2592108724944036, 'the': 0.22087782802422673, 'and': 0.04536832704975809, 'in': 0.036411182653566326, 'a': 0.0344637028140868, 'his': 0.026184219067638344, 'to': 0.025827301092357452, 'their': 0.023891156435518427, 'on': 0.023881894450860062}, {'the': 0.5300828020109233, 'a': 0.0641294248267201, 'of': 0.05586957406955563, 'tho': 0.0344232501806837, 'his': 0.025397705501892315, 'our': 0.02427011686736967, 'one': 0.018532875346277844, 'said': 0.017628073602122672, 'in': 0.015220916915943723}, {'a': 0.07595182207216816, 'would': 0.06643281608242355, 'something': 0.06171071770866333, 'and': 0.05397962836309366, 'looked': 0.047853039670842784, 'was': 0.047794512281697565, 'much': 0.04084462861747742, 'is': 0.03903986440395172, 'not': 0.03127024708638745}, {'of': 0.17812164892276777, 'the': 0.1012888456194023, 'and': 0.08094513092269891, 'a': 0.07630590518576001, 'to': 0.06780754766753506, 'in': 0.05360743862479921, 'was': 0.029660071061225066, 'with': 0.028416590242039894, 'is': 0.028389348603932645}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'No.': 0.20544815085633278, 'July': 0.12092268344412399, 'March': 0.08622939381737156, 'block': 0.0803217033704502, 'Block': 0.058279253910959, 'May': 0.054189333138318856, 'lot': 0.05124696668485536, 'January': 0.04852111100453034, 'April': 0.0350695744895123}, {'those': 0.18667866807059744, 'man': 0.09807292800079649, 'men': 0.09788069475370914, 'and': 0.06448154433242587, 'people': 0.03647701514511794, 'one': 0.03095764068973394, 'Those': 0.026587107612522795, 'persons': 0.02175382394054135, 'all': 0.02153416416582887}, {'one': 0.12071924630046933, 'part': 0.07000860766983956, 'out': 0.05595656241250833, 'some': 0.03688444680920712, 'members': 0.03611645172623357, 'side': 0.035149300293480096, 'portion': 0.02590197533845993, 'office': 0.024016676382918056, 'member': 0.02315847371603713}, {'turned': 0.17689741517297122, 'went': 0.11792329389869219, 'was': 0.06743746290311194, 'go': 0.05780147960762763, 'all': 0.05123278012256286, 'come': 0.049069871089041775, 'is': 0.03970234485750847, 'came': 0.03563951014489083, 'and': 0.034081559016104296}, {'be': 0.2840558749919762, 'was': 0.16452946618687406, 'been': 0.12515198768889146, 'is': 0.10940449417014114, 'are': 0.06330620678766383, 'were': 0.053920274095055995, 'and': 0.03019665822409588, 'being': 0.028584966891336636, 'Is': 0.0179901749438258}, {'of': 0.2928952778460272, 'to': 0.14223898646913344, 'in': 0.11915805863762469, 'for': 0.07372442918099541, 'that': 0.0723804009123684, 'and': 0.06367417884526481, 'by': 0.05258160674917758, 'with': 0.04076445866936669, 'is': 0.03852976250097625}, {'ves-': 0.41918314805928797, 'the': 0.10969871249776635, 'coun-': 0.09441265606068727, 'and': 0.08012494659880162, 'of': 0.054305734787980016, 'a': 0.04681761044768911, 'to': 0.02974332167713431, 'in': 0.027255609210216206, 'for': 0.015505553636725575}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.1313056501793289, 'made': 0.034551030036317, 'necessary': 0.03191530070016697, 'provide': 0.023191256277008975, 'him': 0.021827387004521748, 'time': 0.02091411247587312, 'but': 0.020346196766889778, 'pay': 0.02006785098451588, 'responsible': 0.019399383232926184}, {'of': 0.18681037871196554, 'in': 0.16209164563506884, 'and': 0.11063387232259311, 'to': 0.08329017726085124, 'that': 0.061470853917416954, 'for': 0.058543858465668785, 'with': 0.05254995671830949, 'by': 0.03193290339308103, 'on': 0.03161779308977757}, {'of': 0.15637129115129797, 'in': 0.1552143455889444, 'to': 0.10799085549018428, 'for': 0.08261684531781914, 'with': 0.0731713583685001, 'by': 0.07097512656714926, 'and': 0.05556649080002581, 'is': 0.053381750367400116, 'such': 0.050776726096153274}, {'the': 0.23750647360531613, 'of': 0.13875010467564075, 'in': 0.07025527166399353, 'to': 0.06586393463934308, 'a': 0.04541619945587987, 'by': 0.04234152604801914, 'and': 0.03619988093059612, 'that': 0.029672064534844084, 'The': 0.02483961318176135}, {'the': 0.19137113962933638, 'of': 0.12002627204804645, 'and': 0.058504923975711526, 'a': 0.04715884843105013, 'to': 0.04394839232968213, 'in': 0.02990490315289993, 'was': 0.02223742496960105, 'his': 0.02151982356156124, 'be': 0.019781657154763814}, {'of': 0.546774313668051, 'in': 0.09400787984413835, 'to': 0.07659269547875565, 'that': 0.06286739937775146, 'all': 0.03721802513370281, 'and': 0.035955869339882575, 'by': 0.02757978194233078, 'for': 0.026931988660095132, 'with': 0.025284564864782776}, {'to': 0.11272467325873015, 'the': 0.09570920935957357, 'of': 0.08084508540075111, 'and': 0.07746796351453314, 'a': 0.03161606912023797, 'in': 0.024763881588432984, 'at': 0.024446783401682257, 'for': 0.018599489625864805, 'is': 0.01726400145434898}, {'the': 0.6267109684429797, 'The': 0.08305513301904147, 'tho': 0.054798012451577116, 'his': 0.046041970281240206, 'our': 0.025524827908039244, 'of': 0.024666963748986977, 'tbe': 0.02256838367493515, 'this': 0.020272242220136516, 'my': 0.019656126817366892}, {'it': 0.17446210238267795, 'It': 0.16512138039676244, 'This': 0.11580779511931819, 'which': 0.07131888702327785, 'that': 0.06268754379599907, 'this': 0.05652048471821813, 'and': 0.04054529143452458, 'there': 0.036840538093569096, 'he': 0.03013409703322793}, {'is': 0.1333523462658913, 'of': 0.13110940511437827, 'with': 0.1269286217233343, 'such': 0.11334199250803456, 'in': 0.10652554542138694, 'as': 0.07935972135984762, 'by': 0.07541348032173471, 'to': 0.05711001872961382, 'was': 0.0565601152375168}, {'the': 0.8844239874864931, 'tho': 0.04756948702344427, 'The': 0.02033430666769642, 'tbe': 0.014816209185575809, 'of': 0.01068097499444848, 'and': 0.002900692842559579, 'by': 0.0026848525152412873, 'a': 0.002620734900998062, 'tlie': 0.0017922399025080053}, {'of': 0.44346553945655437, 'to': 0.15302986632552434, 'in': 0.09783593634338938, 'on': 0.06143438508388544, 'by': 0.03947291428856495, 'at': 0.034492380909576396, 'from': 0.03167347198909511, 'for': 0.0304489864852439, 'with': 0.026131500107664327}, {'to': 0.25680056434268805, 'I': 0.10610482774310488, 'and': 0.0854708751017408, 'will': 0.05870610795327019, 'can': 0.04751964593150449, 'they': 0.04694114883201273, 'we': 0.04124527565477524, 'not': 0.0369949378638529, 'would': 0.03150812161886735}, {'they': 0.13027974325548752, 'we': 0.12918914736743128, 'he': 0.12108787175059746, 'I': 0.11820943688797049, 'and': 0.09361062552337644, 'it': 0.0721299006900148, 'who': 0.05518906214445553, 'which': 0.043854012500950716, 'you': 0.04337267144896534}, {'be': 0.2695765494410395, 'was': 0.11088449082673413, 'been': 0.09903714859394215, 'is': 0.09879773719369701, 'and': 0.07011326851720125, 'are': 0.059564145912981176, 'were': 0.04689707550666421, 'have': 0.04357519426272011, 'not': 0.03145633284715003}, {'the': 0.13424138997703955, 'and': 0.12966537982538567, 'his': 0.08102244078080456, 'to': 0.0775201530789947, 'per': 0.06292231562625139, 'a': 0.04751526400064427, 'my': 0.04617433693766691, 'this': 0.041795852093865854, 'be-': 0.027571770525247404}, {'the': 0.24173186644873054, 'of': 0.1264804730623645, 'and': 0.08331959595593887, 'a': 0.07678669948469065, 'in': 0.02227872850197047, 'to': 0.019468778320699653, 'or': 0.017891130897969953, 'The': 0.01759084026465017, 'tho': 0.015524648398075488}, {'there': 0.030398521322705267, 'mortgage,': 0.024589634027302278, ';': 0.024432908464996232, 'it,': 0.01519495322264309, 'cause,': 0.014540507171306267, 'mortgage': 0.010583621003292989, 'them,': 0.010271711206869519, 'States': 0.008597589875224031, 'you': 0.007740314694520186}, {'and': 0.24311438819062775, 'that': 0.10711858844494336, 'as': 0.07117408927161277, 'but': 0.03898665416780675, 'even': 0.023906217180783545, 'But': 0.022158305941674065, 'And': 0.014790905528373111, 'or': 0.014301527721219247, 'see': 0.014251886781312798}, {'and': 0.15965641160850638, 'the': 0.0846282121681208, 'of': 0.05941150360151237, 'his': 0.05631768847873073, 'her': 0.0317277932136325, 'their': 0.027108305496639114, 'that': 0.02551275151208763, 'our': 0.01627645041399674, 'for': 0.01580431033838304}, {'is': 0.17846253129762432, 'and': 0.14888574507603544, 'was': 0.13952883161302299, 'that': 0.08685759268858297, 'had': 0.06465905359603899, 'have': 0.06283163182230879, 'be': 0.047969074712279514, 'of': 0.04630038056297908, 'with': 0.043113732676081415}, {'they': 0.21381486375891348, 'there': 0.11696682972403008, 'There': 0.0867840903201412, 'who': 0.07803859634606834, 'we': 0.07181109554284179, 'which': 0.06640996567069005, 'They': 0.0654513223296331, 'and': 0.03703400185991253, 'that': 0.035357173091833956}, {'the': 0.5808649571651976, 'of': 0.11883418691435768, 'tho': 0.04098057923259666, 'and': 0.030702178673481507, 'The': 0.029031782885648835, 'surface': 0.027655791089258235, 'on': 0.025034720056274724, 'a': 0.02371486636762758, 'to': 0.020119961365040424}, {'of': 0.24334882831101728, 'the': 0.11077613908082705, 'in': 0.0984694947397048, 'and': 0.06226488641954964, 'to': 0.049317341236039085, 'for': 0.027710086153963483, 'from': 0.02524429241272248, 'In': 0.024404348359895047, 'by': 0.022079085693815278}, {'plat': 0.3757104260154536, 'part': 0.11391058636689975, 'much': 0.1124607520082932, 'copy': 0.04266700281580265, 'amount': 0.03526311988761759, 'survey': 0.029398546205726187, 'payment': 0.02237687832730872, 'holder': 0.019989295406648705, 'conviction': 0.018985738842662404}, {'the': 0.4309945821485026, 'a': 0.15123327031215267, 'town-': 0.03736362201824956, 'wor-': 0.035743611720518875, 'The': 0.025052716182525678, 'tho': 0.022243276351033504, 'of': 0.02004714217507914, 'and': 0.0172956747555378, 'or': 0.017246158791502108}, {'and': 0.04440005379124634, 'as': 0.03572535139008519, 'went': 0.027002326805406957, 'him': 0.025212269516833957, 'them': 0.02153360171858815, 'up': 0.020643866738997867, 'is': 0.020539101811950334, 'go': 0.019713515897778196, 'able': 0.019233667677612948}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'and': 0.11466088913790702, 'that': 0.05532000573712739, 'as': 0.04709364811439039, 'which': 0.027921097184170882, 'the': 0.027643100012842033, 'of': 0.025193515050706702, 'but': 0.024181478855027992, '<s>': 0.02361422624512566, 'when': 0.021289870781935925}, {'the': 0.6942191377191893, 'of': 0.08100455475445045, 'a': 0.04766638887962421, 'tho': 0.038676813119358285, 'and': 0.019762435663782336, 'in': 0.01971667232531527, 'The': 0.017089821970026054, 'tbe': 0.011655369151608015, 'by': 0.009317845518355324}, {'that': 0.12961487519939777, 'and': 0.1279433749976404, 'had': 0.07582210766930095, 'but': 0.07120666496746451, 'is': 0.0665797874817165, 'as': 0.06326193408868654, 'have': 0.06319132741985337, 'Is': 0.04997318103144647, 'make': 0.04960486860394165}, {'and': 0.10728643539050407, 'of': 0.09689368708684774, 'as': 0.09430956550132799, 'the': 0.07574070144994628, 'to': 0.05122624749049644, 'be': 0.037028496537601055, 'such': 0.03566920217538001, 'much': 0.030975032286415252, 'in': 0.028365295688714418}, {'and': 0.18651488376313805, 'be': 0.1479612797902723, 'was': 0.11469052174102481, 'he': 0.10573030810609424, 'I': 0.0893662313419176, 'have': 0.06420419752258119, 'is': 0.057013796219559716, 'had': 0.05462638305429979, 'has': 0.04411855680180269}, {'of': 0.1577940433249516, 'in': 0.14711820180502172, 'the': 0.13872355832584568, 'their': 0.06670196481078296, 'his': 0.06330482790998088, 'for': 0.06146093021432275, 'and': 0.049789198353973614, 'In': 0.04801623679539793, 'a': 0.04564012150512609}, {'and': 0.0576143336636606, 'covered': 0.05152870853924029, 'filled': 0.043718130215221446, 'compared': 0.039557290234684316, 'accordance': 0.03774003274284915, 'connection': 0.032823262464525174, 'together': 0.028797594364816454, 'parallel': 0.02704677599205761, 'charged': 0.02571768753644613}, {'of': 0.31936925678403644, 'the': 0.20770290611395695, 'in': 0.14166829490403335, 'by': 0.1351478402895882, 'to': 0.05231416605680245, 'In': 0.02584904204594531, 'which': 0.025182701425375535, 'on': 0.02435861447914525, 'that': 0.019283890993724805}, {'of': 0.17723401960178664, 'the': 0.16962749090756635, 'to': 0.12094676028411222, 'and': 0.0966428359721386, '<s>': 0.029916886634181433, 'an': 0.029365372301319095, 'in': 0.028950408046359122, 'or': 0.022379354017745212, 'last': 0.020791127954267623}, {'and': 0.13282090995046292, 'to': 0.09683725576500037, 'of': 0.05378435414128199, 'which': 0.035974214964564155, 'for': 0.033457181784138354, 'that': 0.03323546261071065, 'in': 0.030399569055141656, 'or': 0.030057957347889366, 'the': 0.02797598264282952}, {'of': 0.40299883777491197, 'in': 0.3245416411852169, 'In': 0.05617052407422887, 'to': 0.0561613771070139, 'for': 0.05497165394878062, 'by': 0.02655777110727571, 'from': 0.01741830440542066, 'on': 0.01694082585657375, 'with': 0.013156572308039259}, {';': 0.012543126460709373, 'it,': 0.010603509882477598, 'years,': 0.009811287406723577, 'here': 0.007151313312249549, 'them,': 0.007068766025557525, 'him': 0.006979819620470969, 'it': 0.00686234128030254, 'time,': 0.006832856627314442, '<s>': 0.006767880104258798}, {'contained': 0.14140193921294766, 'described': 0.13624146915636706, 'stipulated': 0.10512638967797121, 'recorded': 0.0587151481274439, 'and': 0.057318062858886173, 'situated': 0.05283714866669371, 'interest': 0.04907797678820585, 'interested': 0.03980529772670137, 'filed': 0.019929824215450236}, {'costs': 0.022291259822196922, 'time': 0.015114764910872557, 'one': 0.015032752954933474, 'men': 0.012218644799701799, 'in': 0.011663105323783224, 'up': 0.010615205748114745, 'good': 0.01014339399462193, 'large': 0.009258773990958721, 'house': 0.009056037196587078}, {'is': 0.17259142955892112, 'ought': 0.08272961521902446, 'are': 0.08056057458647582, 'seems': 0.07558392967483372, 'was': 0.06572888558670693, 'not': 0.06439114674223405, 'said': 0.05149586598076354, 'seemed': 0.04272828164381891, 'as': 0.041024869025136954}, {'the': 0.4297796704900877, 'a': 0.08130740840063004, 'and': 0.05990838653861982, 'The': 0.035393619292665185, 'tho': 0.03250323709987043, 'of': 0.021780277135329193, 'tbe': 0.01614210238262321, 'in': 0.015426861912602594, 'or': 0.01441596948651094}, {'and': 0.13414388468936583, 'is': 0.10059985608232286, 'fact': 0.07587493481188981, 'know': 0.042898991292821084, 'so': 0.04076202303221304, 'say': 0.036314315809565165, 'said': 0.031303094606464306, 'but': 0.030342969249770882, 'was': 0.03012795729091715}, {'the': 0.2798149811264057, 'and': 0.11055273814777376, 'of': 0.10102642151484025, 'a': 0.08904487989487088, 'in': 0.03646421347949763, 'as': 0.02676505672680271, 'with': 0.026392046980497748, 'be': 0.025990743911080257, 'by': 0.025939373966552062}, {'be': 0.20142961186665412, 'is': 0.10711291749658944, 'was': 0.10082569721143173, 'and': 0.0934366779672115, 'are': 0.0766673741645629, 'been': 0.0706694345094168, 'were': 0.05711834719613035, 'coupons': 0.03999210654307927, 'being': 0.03383617567145018}, {'the': 0.09402048280898062, 'Mrs.': 0.09255741032231594, 'and': 0.09194153832889776, 'Mr.': 0.0644103868033307, '.': 0.03483891873260881, 'Miss': 0.03246976388101874, 'of': 0.024805914695674, '<s>': 0.024671529962553614, 'Messrs.': 0.017623147966335625}, {'that': 0.07334570646031618, '<s>': 0.06087986305187031, 'as': 0.029144775029566063, 'and': 0.02639624904047602, 'it.': 0.025517388321890745, 'which': 0.019500469247805328, 'but': 0.018010313016368507, 'of': 0.012807106026869422, 'them.': 0.012350655225466725}, {'of': 0.3306858382664441, 'to': 0.1620004607454402, 'in': 0.12291151022208896, 'on': 0.0872506440018065, 'by': 0.059557438892956754, 'at': 0.058747340212937635, 'from': 0.051814741312694985, 'with': 0.03983841064997714, 'for': 0.03467988662550187}, {'of': 0.29101867198091264, 'to': 0.11813174100818619, 'in': 0.1172972311449329, 'and': 0.06830399127118737, 'with': 0.060605934900068804, 'for': 0.05419409192275341, 'on': 0.05219893444697187, 'by': 0.041348689452230795, 'from': 0.039219237042174226}, {'the': 0.5931552337658492, 'a': 0.13897282217825818, 'The': 0.03763997369498126, 'and': 0.033495136068040804, 'tho': 0.027457491663693046, 'to': 0.01927570832793805, 'this': 0.011929700749452527, 'tbe': 0.009672614537372611, 'his': 0.00928168981964824}, {'carry': 0.18281036161031505, 'through-': 0.1659987913497337, 'with-': 0.10472532803897346, 'carrying': 0.05989436857795188, 'pointed': 0.0481862496694261, 'and': 0.04287335829430306, 'sent': 0.03982769731396628, 'brought': 0.03556484937502764, 'carried': 0.03503961230482394}, {'looked': 0.06752392593531226, 'it': 0.06702946336490001, 'gathered': 0.057018718521647874, 'arms': 0.05506786865403334, 'all': 0.053236900759582095, 'look': 0.04261724921366309, 'and': 0.03944872079107835, 'him': 0.035414844100792674, 'arm': 0.02895523861652144}, {'the': 0.33285370840995376, 'a': 0.10500790897797091, 'of': 0.08709195068617617, 'and': 0.05974813431824179, 'in': 0.038495579944603224, 'to': 0.032718436200682086, 'The': 0.03140056012058686, 'tho': 0.02153797199969984, 'an': 0.01964825434793404}, {'and': 0.09364902929500517, 'was': 0.039387332529931186, 'is': 0.03155314252837052, 'that': 0.030963552139079947, 'it': 0.0276383422950528, 'as': 0.025265361664193988, 'be': 0.023781842268242422, 'them': 0.02251835454300416, 'up': 0.022372577800821948}, {'of': 0.2975955312912373, 'the': 0.2408551408610802, 'and': 0.10807451939714682, 'in': 0.06466787514545495, 'by': 0.029756357494357517, 'a': 0.02416116354640676, 'from': 0.022230893424747118, 'with': 0.01865347409907353, '&': 0.016380937135876114}, {'and': 0.07103360074271038, 'was': 0.034731139634780285, 'is': 0.02253679116826184, 'be': 0.021818923381453966, 'are': 0.01869880827389717, 'that': 0.01788876913009931, 'it': 0.01588955262096709, 'been': 0.015099565880152918, 'made': 0.014788560508716537}, {'and': 0.09135675197490566, 'connection': 0.08829190686038713, 'together': 0.07360634008347929, 'connected': 0.07158834348765417, 'accordance': 0.04921944244548142, 'comply': 0.028909855133695192, 'up': 0.0275936917747945, 'do': 0.027212506257385628, 'compared': 0.02528870743951845}, {'and': 0.13106450109154597, 'was': 0.0420539853274194, 'Beginning': 0.02833653921636127, 'that': 0.025684662921804425, 'is': 0.025643742253009298, 'look': 0.024116136936654434, 'sold': 0.023944290627554193, 'looked': 0.023805489632319453, 'held': 0.02061468964586472}, {'Mr.': 0.01430667475640615, 'due': 0.011331022446498312, ';': 0.01057564931412305, 'in': 0.00985168224740263, 'thereof,': 0.008286973737573915, ',': 0.008084882826114356, 'up': 0.0071153618065318835, 'men': 0.006915786141693316, 'one': 0.006300114999221575}, {'was': 0.16961847785500234, 'is': 0.14856066975209428, 'are': 0.11793445945949771, 'and': 0.08417782329262873, 'been': 0.08263890554960071, 'be': 0.06535613010240157, 'were': 0.05649565568161779, 'not': 0.04423972177890394, 'of': 0.023720063680358023}, {'is': 0.11956631297974217, 'was': 0.10804268387944047, 'be': 0.05530946903505861, 'are': 0.05502699617278869, 'and': 0.047538016117098805, 'go': 0.04377687241171524, 'him': 0.04193771159317965, 'found': 0.03547433645255459, 'were': 0.035160526622150974}, {'of': 0.14521617866436812, 'in': 0.11930472917016371, 'by': 0.0935826955512427, 'and': 0.08317398411265554, 'for': 0.08038638358420302, 'that': 0.07364360689563182, 'to': 0.06534842607442784, 'with': 0.05376945527328573, 'was': 0.046813608860631815}, {'on': 0.3628913235503539, 'at': 0.1891160123817034, 'of': 0.033690648646153204, 'the': 0.020425573094746356, 'Mortgages,': 0.019106625835037132, 'and': 0.018753360391626412, 'mortgages,': 0.01404600027962815, 'from': 0.009680863424833378, 'deeds,': 0.008481356619128686}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'No.': 0.07045918961567334, 'and': 0.05712551045145394, 'the': 0.048806571737189025, 'of': 0.04607713813217821, 'at': 0.03236311171617805, '.': 0.029496589416228184, 'a': 0.029181043151900385, 'said': 0.024286560721970413, 'to': 0.022956728980699722}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'.': 0.0745944029314168, 'A': 0.056140094255638685, 'J': 0.046700290734446544, 'E': 0.04650959699725781, 'and': 0.045480617892949056, 'A.': 0.04321491597650242, '&': 0.04173264656994547, 'J.': 0.03823970699669159, 'of': 0.03236000992082089}, {'the': 0.5398926974116399, 'an': 0.25514614086122167, 'The': 0.09534394640410938, 'and': 0.025087752702803875, 'tho': 0.023325660645524233, 'An': 0.013431804351770634, 'fair': 0.010640489482037723, 'a': 0.010390369472147028, 'their': 0.010044673667965607}, {'the': 0.2272545600293146, 'a': 0.20347387051376425, 'and': 0.0856396557343859, 'of': 0.07482446895200069, 'to': 0.05112688384229802, 'with': 0.03693088136678945, 'in': 0.031430352586942836, 'for': 0.03142955074674829, 'The': 0.02718860318703793}, {'the': 0.09465852141043161, 'and': 0.07988974624357965, 'of': 0.07668969562173271, 'to': 0.06738788201408927, 'a': 0.05910141492982904, 'in': 0.03531294015657826, 'at': 0.024702761236418673, 'or': 0.019890294953798203, 'that': 0.01479619713910379}, {'the': 0.11497087823566628, 'and': 0.07777844953256008, 'of': 0.06109581545945089, 'from': 0.05879160533279114, 'a': 0.053932693970104875, 'to': 0.04397483397930592, 'be': 0.04234695733598017, 'was': 0.0361977490624909, 'is': 0.0316224313111651}, {'of': 0.29016227530489075, 'the': 0.1662822491398167, 'a': 0.11605400103332403, 'to': 0.10832659567375033, 'in': 0.06384162152904865, 'and': 0.044438253719834196, 'for': 0.037368382728208076, 'or': 0.033665179448577096, 'with': 0.029896242239635645}, {'of': 0.363384546953322, 'in': 0.12398451122701826, 'to': 0.12006445074358783, 'that': 0.05647246657350878, 'for': 0.05346346695234963, 'and': 0.052606303678225094, 'with': 0.04410861421136643, 'by': 0.04123282429951316, 'In': 0.039566429005716205}, {'be': 0.30265418146761297, 'been': 0.18740624108522158, 'was': 0.15273259519573298, 'is': 0.06321434354694452, 'were': 0.05675507551841657, 'are': 0.045615880658946756, 'has': 0.03394700673285882, 'being': 0.033817396020233245, 'and': 0.0331115667492719}, {'as': 0.058301859649369486, 'and': 0.04032542933338236, 'went': 0.035539412230453794, 'up': 0.03314634349467599, 'go': 0.02779572620133585, 'it': 0.02587894943564077, 'return': 0.02560992778323729, 'back': 0.023839220575513523, 'returned': 0.023110778622251867}, {'the': 0.23724671551316706, 'of': 0.10082538978126222, 'to': 0.05529823901616596, 'and': 0.05032481432983167, 'a': 0.04581588232752173, 'in': 0.03493169672460925, 'for': 0.02876333853190044, 'that': 0.01802484979919368, 'on': 0.015886749376415286}, {'hundred': 0.024173689727291232, 'up': 0.0056779925577832265, 'men': 0.005557899537168564, 'Hundred': 0.0049284889476935035, 'John': 0.004575624030095375, 'William': 0.004547287494524766, 'him': 0.004160062976896217, ';': 0.004139643508979887, 'due': 0.0038538925362626643}, {'the': 0.12408483870515721, 'to': 0.07205738104651305, 'and': 0.06948385167651551, 'of': 0.06883124423961622, 'a': 0.023917680430696857, 'was': 0.022532754957668606, 'at': 0.019009460865045538, 'on': 0.018868558707937893, 'be': 0.017543615282960858}, {'and': 0.09321929712960801, 'was': 0.06435437455684892, 'the': 0.06359866379196998, 'of': 0.06020286968158696, 'be': 0.0596714931441386, 'to': 0.04365096775654996, 'a': 0.0422087921788269, 'is': 0.03177625463221551, 'been': 0.028953091975489727}, {'of': 0.3898234734416741, 'in': 0.09849361017049009, 'to': 0.09358868764596592, 'for': 0.07069150906421624, 'or': 0.06884455397461618, 'by': 0.05261274486108362, 'than': 0.04697962917671983, 'from': 0.0461743711986815, 'at': 0.04372678414633659}, {'Robert': 0.022832214235206927, 'John': 0.01872753246746442, 'William': 0.018280922373156285, 'Mr.': 0.01809298347145238, 'James': 0.016795016965217683, 'Charles': 0.014071657046008136, 'George': 0.011827868949438925, 'Joseph': 0.010657621801508135, 'Thomas': 0.008299633030946964}, {'sum': 0.037688820908951065, 'number': 0.031610837754232145, 'line': 0.022480076056585172, 'city': 0.02188414322868142, 'out': 0.02167072607209978, 'day': 0.01874012176945173, 'county': 0.016720976559838112, 'amount': 0.014901325977918834, 'Board': 0.014079560506115122}, {'one': 0.07243255507598118, 'more': 0.06882114069733446, 'two': 0.029308365367723643, 'day': 0.02385759807478495, 'piece': 0.023751605135315445, 'law': 0.021700222954764346, 'person': 0.020671591802666, 'action': 0.018845918453694, 'three': 0.016140274896100128}, {'of': 0.4115467518894133, 'in': 0.1682710417402464, 'by': 0.053550346268552936, 'for': 0.047230697388283345, 'the': 0.044771297401378175, 'and': 0.04212676833874169, 'with': 0.037812250355894736, 'on': 0.031974454266935834, 'In': 0.031163809054391502}, {'will': 0.11995728045228635, 'can': 0.07070997805760378, 'and': 0.06899955507121316, 'is': 0.06545903227142827, 'would': 0.059527833890524406, 'appear': 0.052694132100004835, 'w': 0.045774286967819044, 'are': 0.045376395127676966, 'it': 0.043181698546231856}, {'the': 0.3002543321633255, 'of': 0.11021875151237132, 'or': 0.0723172985435823, 'other': 0.06005632099204032, 'their': 0.048887064586282954, 'for': 0.041824301511991104, 'trunk': 0.04122628772866341, 'these': 0.03910389503163296, 'two': 0.03484546018638012}, {'of': 0.42496534645537515, 'to': 0.12214734718383666, 'in': 0.07455922753680545, 'that': 0.06315908470852154, 'and': 0.05981613509835302, 'by': 0.059755466421850714, 'with': 0.0485365033959618, 'on': 0.03910243046820648, 'from': 0.03891124915190651}, {'to': 0.29382765206242845, 'will': 0.18802561881501803, 'would': 0.15866688056334244, 'may': 0.07624877640249736, 'should': 0.06350559991097475, 'shall': 0.058496855866419846, 'must': 0.03774504239074623, 'not': 0.03770552744535105, 'can': 0.02279149440952125}, {'for': 0.30182116260491193, 'of': 0.23759007955243389, 'in': 0.10223085766644488, 'and': 0.08845352696910372, 'about': 0.03789551416247502, 'or': 0.03769417989954919, 'the': 0.034353499761591945, 'In': 0.026450997524599753, 'with': 0.024518658079510567}, {'away': 0.06866020098629019, 'and': 0.06552223104048611, 'came': 0.06481517994135019, 'miles': 0.04873273184815845, 'come': 0.03855819420614414, 'taken': 0.036046681374160394, 'up': 0.03361391170995841, 'feet': 0.032724006046671326, 'him': 0.028471657699701457}, {'and': 0.15740996062825227, 'but': 0.05372509315886475, 'of': 0.04306367340999546, 'so': 0.04298034075806912, 'that': 0.03340457795032667, 'as': 0.032391327588937625, 'all': 0.029415153875769436, 'is': 0.025146405207467314, 'fact': 0.02424646940579851}, {'a': 0.6110693788878415, 'the': 0.10947027668788659, 'A': 0.0758040072379506, 'certain': 0.024766264688939048, 'one': 0.024725061465329108, 'described': 0.016629250171754793, 'every': 0.015610439006624203, 'large': 0.014731869743673152, 'this': 0.014428810935328315}, {'the': 0.21409270968868716, 'and': 0.14929051804655813, 'a': 0.10976395016426627, 'all': 0.09250451427899674, 'these': 0.061064902740020126, 'or': 0.046351928006748075, 'These': 0.041407872627769175, 'that': 0.04043467732868101, 'of': 0.0382512805385442}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'ten': 0.11289037433441029, '10': 0.10304691545201694, '50': 0.09665651771047248, 'fifty': 0.09310618845644318, '20': 0.07389866846352501, 'three': 0.05823489716333478, 'five': 0.05760143836063263, '25': 0.05365218306110738, '5': 0.05246995891832339}, {'they': 0.1541782586066408, 'who': 0.07423270332128717, 'there': 0.06865609592278805, 'we': 0.06743402016614146, 'which': 0.05203541969553862, 'and': 0.049343777402751934, 'you': 0.04504882927149229, 'There': 0.03909780193172581, 'They': 0.036944440497495006}, {'made': 0.11942847096974421, 'and': 0.07979570471363857, 'caused': 0.029091215056480817, 'shown': 0.028426754301022945, 'up': 0.02777670568714523, 'ed': 0.027617079589566704, 'out': 0.026630159435991316, 'taken': 0.02626602987193105, 'done': 0.02542850605479482}, {'of': 0.4451271998656662, 'to': 0.11011699368435983, 'in': 0.08306844147571942, 'by': 0.07309039748769347, 'and': 0.0626622275768648, 'that': 0.05346181313189313, 'for': 0.045231612120027916, 'with': 0.0301174454022878, 'from': 0.02210389111363714}, {'on': 0.19012505910903987, 'of': 0.18737671407679024, 'and': 0.13914697965732462, 'to': 0.09384219626836997, 'On': 0.08507769497548962, 'all': 0.05616768053368813, 'with': 0.05453764246649417, 'in': 0.052268377238133004, 'that': 0.042819262616868345}, {'the': 0.5579567553569938, 'a': 0.21303123794849818, 'The': 0.08033895779009352, 'tho': 0.037620449980530137, 'of': 0.019476473344358536, 'and': 0.016184840838569272, 'our': 0.013989579269004522, 'that': 0.012096606557122103, 'A': 0.011936429317980668}, {'of': 0.30358678632767205, 'in': 0.1023062566801382, 'to': 0.10143036594335615, 'for': 0.09820716255066682, 'with': 0.08105349853145509, 'and': 0.050382461350522066, 'by': 0.044760866141831966, 'from': 0.042448678876519465, 'at': 0.03781272431415907}, {'hundred': 0.01444191217773428, ';': 0.011834673680375107, 'him': 0.010388473796696067, 'one': 0.00968896846901267, 'feet': 0.009556811899111724, 'up': 0.008880191153313928, 'mile': 0.007973380143655012, 'feet,': 0.007606228831470488, 'time': 0.007287466987906896}, {'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}, {'covered': 0.05381635790229733, 'and': 0.04765614377069951, 'filled': 0.03421022727322769, 'up': 0.027232639159746153, 'it': 0.017054302397185774, 'made': 0.016938133516936165, 'together': 0.01283499144258129, 'loaded': 0.01262641328043077, 'trimmed': 0.0113956629914957}, {'and': 0.09505092613637062, 'days': 0.05854633307861563, 'was': 0.055780785265604635, 'or': 0.04452345547702442, 'time': 0.044028729300603336, 'that': 0.043330606482033185, 'never': 0.040732562689425815, 'long': 0.04034869323061084, 'be': 0.03779411678888612}, {'a': 0.4904504236523564, 'the': 0.1450731246234284, 'young': 0.06405882310327377, 'that': 0.03236048345628422, 'of': 0.03000688530150202, 'any': 0.027803574719939484, 'every': 0.02406187348414041, 'old': 0.022354088514170336, 'white': 0.01943502067432383}, {'of': 0.18192057336938036, 'in': 0.11858282617010835, 'for': 0.10020394717766833, 'to': 0.0905104519364831, 'with': 0.08219828013827432, 'and': 0.07069431704358467, 'by': 0.06611598933447366, 'was': 0.05889174771229984, 'is': 0.056491616149869056}, {'of': 0.15985453877695838, 'the': 0.09502846416525065, 'in': 0.05845807207715751, 'and': 0.04749673608087739, 'that': 0.03780945476695417, 'to': 0.031324348349176294, 'The': 0.026721992530225346, 'for': 0.023155839315457248, 'Mr.': 0.019973943650508502}, {'the': 0.22224321659480065, 'and': 0.09885377550960192, 'of': 0.0933046813853367, 'this': 0.03582232391701824, 'or': 0.024046190781838138, 'that': 0.02365778536454216, 'The': 0.023527757755076265, 'an': 0.020913223243485473, 'a': 0.020803270017285536}, {'the': 0.44511639364445127, 'on': 0.15369310184563725, 'a': 0.060726385382682414, 'in': 0.057524551677420446, 'of': 0.04667119987047162, 'said': 0.043029170096465404, 'this': 0.030714079248345492, 'tho': 0.028268403727508083, 'his': 0.023423081730461547}, {'of': 0.1088518327329622, '.': 0.06957019135117998, 'to': 0.06396662357387049, '&': 0.05339404832298903, '<s>': 0.03843267347909851, 'at': 0.03453757788780925, 'and': 0.03438115911914715, 'the': 0.024592699282772204, 'from': 0.021547346328038175}, {'to': 0.5694584169492605, 'I': 0.09823215137772459, 'and': 0.08974046009017288, 'not': 0.04779276204748028, 'will': 0.036947446282502995, 'would': 0.023884070923313034, 'you': 0.023171012982460493, 'should': 0.020833193808653366, 'we': 0.01943239534394991}, {'it': 0.1827374442590106, 'they': 0.09386170485643093, 'as': 0.09250863465175185, 'It': 0.08553022541709766, 'which': 0.07276020204277348, 'that': 0.060302699010586915, 'he': 0.054118784126044664, 'and': 0.04612410051665192, 'you': 0.04599448957730416}, {'the': 0.37633075034794644, 'of': 0.09348059208590237, 'a': 0.06922094937557927, 'and': 0.05929620210859334, 'to': 0.041303061843612286, 'in': 0.03248951106750678, 'tho': 0.02136766966707156, 'The': 0.0170549695414805, 'or': 0.015021390316491176}, {'they': 0.1637546813294565, 'there': 0.10469191067275256, 'There': 0.07901159543796266, 'we': 0.07078575290757244, 'who': 0.06598482638511304, 'and': 0.06334193849557056, 'They': 0.043870171576557655, 'which': 0.03705517128249535, 'you': 0.03579424887858377}, {'of': 0.10503943808781185, 'the': 0.08479146775648254, 'and': 0.05504314940290321, 'in': 0.048195629402398105, 'to': 0.046548326213919806, 'a': 0.04075509920966334, 'be': 0.02324568001398119, 'for': 0.022772020720793932, 'was': 0.020251979956273664}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'the': 0.36304807063653266, 'a': 0.09384952878456579, 'of': 0.0640455200884997, 'The': 0.05269724899001939, 'and': 0.03705472735818419, 'tho': 0.03394581679115368, 'his': 0.022708209247542462, 'our': 0.022304266204264362, 'to': 0.02039387466895338}, {'the': 0.1963888033341214, 'his': 0.14892730531516576, 'of': 0.13169989352453992, 'and': 0.1027629264363497, 'their': 0.07987485881467063, 'to': 0.05947862406980701, 'my': 0.05289915595074738, 'with': 0.04913688568226666, 'her': 0.042207531636186}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'is': 0.0952086332938432, 'and': 0.06485470206051079, 'was': 0.04861582137402764, 'simply': 0.045918643518629405, 'not': 0.04154667993226221, 'it': 0.0387718806021684, 'but': 0.024772544538330048, 'that': 0.019553489542885834, 'it,': 0.01756175467118068}, {'and': 0.1249590163878478, 'of': 0.10132944700906286, 'to': 0.08464269606101492, 'the': 0.07917494017810507, 'on': 0.030781821684468746, 'in': 0.030775427254350597, '<s>': 0.027296937937318053, 'that': 0.025864106241287706, 'from': 0.022204562405101973}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'be': 0.2911121983291653, 'was': 0.1390769351280408, 'been': 0.1108454610611129, 'is': 0.07523176050842062, 'and': 0.05529993874811094, 'were': 0.05294084553472021, 'are': 0.051430711099856086, 'being': 0.03267655685615234, 'he': 0.019926433193141444}, {'the': 0.3531755021324238, 'such': 0.08824629902550707, 'these': 0.06070480773621665, 'best': 0.05383563939105486, 'his': 0.05173168016761895, 'our': 0.04854000812216378, 'other': 0.04847733522273064, 'business': 0.04780934784034577, 'their': 0.046711702914069224}, {';': 0.05418902122739456, 'it,': 0.02132544226860451, 'him,': 0.014282448239279294, 'and': 0.013461322111999062, 'is': 0.012561994906254866, 'them,': 0.010674971250995898, 'time,': 0.010317011803786226, ',': 0.006870117455022458, 'nothing': 0.006578634194520623}, {'the': 0.19737203503818787, 'a': 0.15933425691090275, 'of': 0.11078491605692653, 'and': 0.06809753964201927, 'at': 0.046961534748461264, 'to': 0.046763316658240524, 'in': 0.036454494759249376, 'for': 0.032843460282801766, 'an': 0.023915433652431217}, {'to': 0.19305317250641824, 'I': 0.16521555490719494, 'would': 0.09757322663786742, 'we': 0.09516384096976814, 'they': 0.09018430848753058, 'who': 0.07852064646638084, 'could': 0.06267515599758222, 'must': 0.05814316791895534, 'should': 0.05128203218226723}, {'to': 0.719791006336938, 'not': 0.05902346058653421, 'will': 0.048994717201977, 'would': 0.041579970363008555, 'and': 0.030291533772023555, 'can': 0.02299021142328676, 'may': 0.021469247487898576, 'could': 0.018515801162938474, 'To': 0.01660943979738774}, {'a': 0.47524675960380375, 'the': 0.29484488049432034, 'The': 0.044564426636170655, 'of': 0.03604413874272208, 'his': 0.027406658747879398, 'this': 0.02585790939018613, 'any': 0.02228409287772844, 'A': 0.019691226071633493, 'no': 0.017594246289943646}, {'the': 0.13208187323245826, 'of': 0.08012168634042893, 'and': 0.06406071718010131, 'a': 0.047669487381373256, 'to': 0.03468962138955572, 'in': 0.02310275767337705, 'at': 0.015812913139426343, '.': 0.013881137728812965, '<s>': 0.013755337053032609}, {'part': 0.07268713102532033, 'one': 0.07071065938650846, 'some': 0.043508101530019876, 'out': 0.03575042106872343, 'members': 0.025760665467621124, 'and': 0.022440178638608456, 'tion': 0.02191026583655202, 'portion': 0.021052670553751075, 'side': 0.02092702198887348}, {'to': 0.5119351630414154, 'will': 0.1105273535889225, 'and': 0.08747627310194998, 'would': 0.061656979427197854, 'not': 0.042349883558257174, 'I': 0.02852293903610542, 'could': 0.022851834048647966, 'they': 0.02221562584767905, 'we': 0.0202847875694922}, {'and': 0.10479663189779309, 'to': 0.07974177454958935, 'of': 0.053650509361460576, 'the': 0.04746932779685031, 'which': 0.028882037624533317, 'that': 0.02768632969742771, 're-': 0.024280175106059468, 'in': 0.024236729627737486, 'for': 0.023624629292751668}, {'be': 0.20037775489565451, 'was': 0.19527985389803085, 'been': 0.12990670001970908, 'is': 0.07423765895623358, 'were': 0.07369619080367386, 'and': 0.061774693708341856, 'Action': 0.057470491167890964, 'are': 0.04968755789535415, 'being': 0.035425795736994524}, {'of': 0.25717168850799177, 'in': 0.12579859333765134, 'to': 0.11694438835862833, 'for': 0.09240234963802367, 'and': 0.0824575802797303, 'at': 0.06378736339164663, 'with': 0.05113889386577991, 'by': 0.04369719630708011, 'from': 0.04180524002897251}, {'of': 0.2930396145853633, 'to': 0.11636253998772615, 'for': 0.10570988633315767, 'by': 0.07928500468504723, 'and': 0.07123226570501578, 'that': 0.06783798008056992, 'with': 0.05829103668481965, 'in': 0.05800580237049337, 'at': 0.03761662594512555}, {'had': 0.3311247816674146, 'have': 0.21287617705380285, 'has': 0.12875030775119525, 'was': 0.08196102878130442, 'be': 0.04144294302242235, 'been': 0.03966264086071291, 'and': 0.03913243399931012, 'were': 0.02501315426299109, 'he': 0.02376980209005908}, {'a': 0.8077781483306005, 'that': 0.03737105557154736, 'of': 0.026732715310394613, 'A': 0.026195728740259678, 'and': 0.02238608961061418, 'the': 0.018772749948493785, 'as': 0.012677393554533997, 'is': 0.010727566438029431, 'in': 0.00988744895325715}, {'more': 0.029817207518464835, 'due': 0.027825799603035665, 'public': 0.025600547763764272, 'good': 0.025594956686470237, 'in': 0.024649600110616888, 'time': 0.020346459387317415, 'it': 0.017453399124434527, 'risk': 0.017327866749668297, 'large': 0.01566935173013818}, {'the': 0.19670387957172328, 'of': 0.12034700726956073, 'a': 0.08438228089640598, 'to': 0.07002755359439007, 'and': 0.06281574081115311, 'be': 0.0453128674171294, 'in': 0.03379866218947241, 'is': 0.03220276533394172, 'not': 0.029189418599409524}, {'the': 0.307612587737178, 'Supreme': 0.13454945922446296, 'District': 0.06692144991661478, 'said': 0.05305002842093336, 'Circuit': 0.04941150159092748, 'County': 0.04197666089388177, 'this': 0.03072926237126224, 'tho': 0.026012891377893768, 'of': 0.0224182925960057}, {'and': 0.08993882390965129, 'recorded': 0.03592850439397521, 'was': 0.034406616477799225, 'made': 0.03327934968747612, 'that': 0.032994209209894564, "o'clock": 0.029817856345727856, 'up': 0.027397770336943364, 'is': 0.024270559851647843, 'found': 0.02383358239775871}, {'the': 0.14049171217036022, 'of': 0.11129721382894606, 'and': 0.08908987543691149, 'to': 0.08312287486148097, 'a': 0.04211477594316105, 'be': 0.02951180015049161, 'or': 0.029425595758187317, 'his': 0.024543990657609, 'on': 0.02261090105281294}, {'to': 0.32146187778697455, 'will': 0.12283919921198497, 'be-': 0.10739691173627343, 'had': 0.0702107019309501, 'has': 0.06594344542269237, 'have': 0.06438202673201848, 'not': 0.045424208970167086, 'would': 0.043147137193373424, 'I': 0.03669646143829862}]
for elem in results:
    print(gonito_format(elem, const_wildcard=False), end='')
the:0.10147410000115062	of:0.09111821715327291	to:0.0800439308707209	and:0.06939831712209747	in:0.03536933332669831	a:0.028398293798845314	was:0.02727199167456622	be:0.0266867198491962	is:0.02415138080020866	:0.5160877154032434
hundred:0.20899361853515802	dred:0.017033094318071044	eight:0.013504214417413191	degrees:0.012456671526657324	due:0.011095587193587319	north:0.010896831403482672	long:0.010890732984234812	men:0.010857278348412578	dollars:0.010458383799497265	:0.6938135874734858
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.12438046964611195	they:0.09908896108784665	and:0.09635238176428093	which:0.0793610016130424	he:0.07389255269764594	you:0.059932821593910154	It:0.0582638900637266	I:0.05379108227004911	who:0.05158640078808042	:0.30335043847530585
able:0.08041847285999441	and:0.06501596389430095	order:0.06004630970980249	enough:0.05591913322322703	is:0.0531264962652024	him:0.048322678282867015	right:0.046470580848894764	was:0.04217700213240034	attempt:0.04192635610481366	:0.5065770066784969
is:0.26351219754795635	be:0.2078310710301647	are:0.13519178924723887	was:0.1129507276169888	and:0.07266071628417264	been:0.03818430286149086	Is:0.03605566750304204	not:0.03539323581294185	were:0.03506637057818147	:0.06315392151782241
and:0.11582081944112449	was:0.04225261395959518	held:0.03592895762799326	Beginning:0.02926079870317736	is:0.027806631077598554	look:0.026545353863800903	arrived:0.026240397869270526	that:0.0255265603479058	interest:0.024134996272950678	:0.6464828708365833
and:0.17128521616957315	of:0.15663003206239498	is:0.06033175145704086	are:0.055248814447034236	it:0.0540881034808143	after:0.052354816840982296	in:0.04540953072793188	that:0.030524961225887097	was:0.02938353503450492	:0.3447432385538363
of:0.3321050614817467	in:0.14910127502055798	and:0.09381302886709715	to:0.07400471943570397	with:0.06733612174895594	for:0.06111015936998158	that:0.039770634822513175	In:0.034716076833201	on:0.02988931332984859	:0.11815360909039395
and:0.19354989935298222	that:0.1579746913565372	as:0.15448361679314834	but:0.0475520605658099	even:0.037988917866489995	or:0.024052538746895356	But:0.02381979456009173	And:0.020301183230292875	and,:0.019836146554616362	:0.320441150973136
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.6457688471739997	a:0.10876582984709046	be-:0.056144161051548985	The:0.042204120646873455	tho:0.0333605042611211	be¬:0.0194954216076803	be­:0.017704687410423973	no:0.015251365570699942	and:0.0150275902002734	:0.046277472230288594
of:0.15945765284713104	and:0.09343927188959995	to:0.07148357208661185	the:0.06904503677902835	for:0.0457742458321099	a:0.040828961190166144	be:0.0367262297794992	in:0.03666369000645223	was:0.028448813936381198	:0.4181325256530201
<s>:0.05426565324719795	and:0.044445972365426564	made:0.021694712583539576	was:0.020931920880133754	recorded:0.017387201838834423	that:0.01661780384100564	be:0.014822874002807063	is:0.01378718404889997	o'clock:0.013297718418623995	:0.782748958773531
to:0.4279840414289704	and:0.09790467904153906	we:0.0823850058263962	I:0.06698779579928948	will:0.06383779006001988	not:0.06104220118102934	would:0.04995839358000613	they:0.035629495072022926	you:0.034289026737185334	:0.07998157127354125
and:0.0666672222818591	of:0.046193698533595215	to:0.037784114220044525	the:0.03482682720566339	<s>:0.019558576724369486	a:0.017718890064596274	his:0.01661151532382775	in:0.016191488009760443	at:0.01521039466340531	:0.7292372729728785
of:0.33016872699590255	to:0.120610215203289	and:0.08667846604786278	for:0.05683906611859967	with:0.05673218437827495	by:0.051106646881204115	that:0.02995459658412562	from:0.02989066395827932	on:0.027097492579813573	:0.21092194125264843
and:0.08065115970908836	them:0.034741264455021924	put:0.03393847235235448	out:0.030324100456217955	carry:0.024614501276048497	was:0.023915996504260528	work:0.023096297608759246	it:0.022532056597830582	that:0.022361432657540006	:0.7038247183828784
of:0.12642654347255788	and:0.06920770004749957	in:0.04113063429839098	to:0.039460944154770555	that:0.029877787057406513	on:0.02517998801676788	for:0.024471087243369164	things:0.01672232242668383	those:0.013689248065138443	:0.6138337452174152
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.09908218571238031	of:0.0769151570275628	as:0.04400910091636531	that:0.03987650373371493	all:0.036869080797058966	but:0.032298979891867606	for:0.03004246258835539	so:0.021359486626302743	fact:0.0160618876200197	:0.6034851550863722
to:0.34970354222480854	will:0.19176192979129858	not:0.09414086703025835	may:0.06008402130311699	the:0.05489464601832695	and:0.05300390730234811	shall:0.052031543443419134	a:0.0466779209798249	would:0.0450512759245379	:0.052650345982060545
with-:0.07980306238892035	and:0.07600317116707721	find:0.07581566775452665	pointed:0.06615887843051825	go:0.058961713326761415	carry:0.058362413307848963	get:0.04870678743233526	brought:0.04828336917317886	went:0.047994898107255365	:0.4399100389115777
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
and:0.07496744927759343	to:0.04881329766255247	will:0.035034172559629914	not:0.032807325221249406	I:0.030787804680282135	the:0.029891008298762914	would:0.023147759574589904	he:0.022374203253604744	is:0.021686886471943872	:0.6804900929997912
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.3939590666536084	of:0.1456155013805246	a:0.10240899903373575	and:0.056950804963789584	by:0.05025014126192817	for:0.04777049126230001	to:0.037725922518988236	The:0.02288435694767419	with:0.01877619933150951	:0.12365851664594152
and:0.0603443515981216	it:0.057758619942490125	to:0.036968149526691425	that:0.02914346259179048	is:0.027346460663969292	It:0.020737604203570945	of:0.018045576123751305	was:0.018009351090075742	which:0.017193536629341824	:0.7144528876301973
the:0.29029291752996095	of:0.2657920946732921	his:0.05163956680968951	to:0.05055019750801179	in:0.0464250320710032	their:0.04604139686994079	good:0.0441809062152359	public:0.03641956719289069	perfect:0.0333854795224581	:0.13527284160751696
was:0.07650751245762076	looked:0.06212267273319501	and:0.061495315807971525	held:0.05935352740393193	arrived:0.05517432882686205	presided:0.04446791418641999	laughed:0.04221685362511652	called:0.03738565489374883	be:0.03464768313438387	:0.5266285369307495
to:0.08931606283397064	the:0.0884031794695147	of:0.0722907445228048	and:0.05687411227644874	in:0.03218499153857406	be:0.026863622488952545	was:0.02366411475909885	that:0.020584370592096474	for:0.019862109775457847	:0.5699566917430813
we:0.14061076615510062	I:0.10160630465978483	they:0.08058734155978471	and:0.07883651104557017	he:0.07393874556028772	who:0.07030055558844002	which:0.06940665023896395	it:0.06657078356340392	that:0.031327416136994024	:0.28681492549167004
the:0.4044287728989089	a:0.1651158177173993	at:0.06392716937058537	of:0.05169544472202966	The:0.05116272930828495	an:0.03351730633822887	for:0.032930178035168345	and:0.028598159985317107	tho:0.022631786219878082	:0.14599263540419943
the:0.15378903668702737	of:0.09249548824970906	and:0.07595235865820654	to:0.07006226204227813	for:0.02569471643071183	in:0.025365441158559817	be:0.023483724513089645	is:0.020659405704139575	was:0.018878285055910545	:0.4936192815003675
and:0.0120864997976485	men:0.009953325899059158	in:0.009210879674555108	;:0.008802801507405584	there:0.007570856363255082	to:0.007221161797799322	:0.006853923248674552	right:0.00678610578059497	man:0.0067764212634914955	:0.9247380246675162
of:0.1978328667254137	and:0.12171540832325842	or:0.10172675114359758	the:0.0715347335742929	about:0.054014235225233305	to:0.05040023388824486	for:0.04610287019661807	by:0.03689998682449155	in:0.029583967752202928	:0.2901889463466467
and:0.09289682875398107	to:0.08362463815713578	of:0.07865776104634967	the:0.06502250552004986	was:0.04293123221278658	be:0.040856920591184086	for:0.03853427113734677	is:0.031189643383301092	in:0.030049705904780007	:0.4962364932930851
feet;:0.1338014044916582	;:0.05236178963222644	running:0.0496232440187462	feet,:0.04914909326083571	2;:0.046721404201345657	3;:0.04019372309644519	4;:0.03639137390251367	5;:0.03191972051789777	feet::0.031646642826013927	:0.5281916040523172
No.:0.1905574064237599	and:0.11742752150676514	the:0.08573513577163215	section:0.06716570345827272	Section:0.050372685483039234	Book:0.041964109859781606	lot:0.03038117392758461	.:0.029338886421182788	of:0.02681231493466765	:0.3602450622133142
of:0.2384161882432651	in:0.14312244080379552	and:0.1206150862929951	by:0.09827968288885396	for:0.06814733683069557	are:0.05657678758365627	In:0.054553338463706885	is:0.03975376030229968	with:0.030060094533908004	:0.1504752840568239
the:0.16916655027322977	of:0.09610972877537258	and:0.06476630762113637	a:0.05084816639771816	to:0.04541898084047627	in:0.04120047961402981	be:0.019866405767281572	for:0.0169023718586994	was:0.016076944507863202	:0.4796440643441929
this:0.36958452883098086	the:0.34259986908756906	said:0.0885473050618066	that:0.03530383876428362	York:0.024672885559096684	a:0.02104614446098538	The:0.016874915255733456	tho:0.016380934896143423	of:0.016156586306279933	:0.06883299177712095
the:0.32502446183051686	of:0.1907277669981441	and:0.08626770038412222	live:0.06550056161870133	a:0.06409949918638821	The:0.05051581748910053	tho:0.028554591600647408	capital:0.02790484696757709	his:0.02666962173745455	:0.1347351321873477
to:0.6363862723609941	and:0.06338516877403895	not:0.0516583067705787	will:0.04576649334089893	would:0.0279404977258583	they:0.020845281520806808	may:0.019190457513474823	shall:0.016220185721492277	the:0.015563994534363803	:0.1030433417374933
the:0.1606523825115084	and:0.09840462809456928	of:0.07009695972567442	was:0.043754317011795475	a:0.0428354194269197	be:0.03936489290494575	Mr.:0.02684667330048554	is:0.026349779393466152	The:0.025060469945123242	:0.46663447768551203
the:0.2994019276497981	an:0.15623501807934456	any:0.08392525459226878	that:0.05905643672949075	last:0.05378825777347446	such:0.04618134106310105	and:0.043276420916354655	of:0.04034453884708455	a:0.0400458899293403	:0.17774491441974277
the:0.18569082095527795	of:0.08036465464605304	The:0.07771425594879346	Mr.:0.07134755128871598	and:0.05004412695469776	that:0.04809895270981636	a:0.030382148191854107	Mrs.:0.02415799873788853	his:0.017341480938086247	:0.4148580096288166
of:0.42405370046663937	in:0.11989662394285966	to:0.09647579139351956	for:0.07404440944051088	by:0.05787281721668603	at:0.04998072148792678	with:0.04316641030467881	from:0.04283664288615131	In:0.032533716272405484	:0.05913916658862212
and:0.07520166197965884	is:0.06987969741216218	necessary:0.06706930058661055	as:0.06232999113078815	enough:0.056310440279060764	able:0.054538084377104	order:0.05029937523768137	was:0.0447174707921287	have:0.0440718483786297	:0.47558212982617576
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
It:0.308759070312999	it:0.23507253215569313	which:0.10498735032789805	there:0.06586242932396297	that:0.03799274013007893	There:0.03402017009191303	he:0.033236554743068795	and:0.026293100640026133	who:0.02263117467461751	:0.13114487759974247
to:0.2166549587442623	and:0.11382683339650906	in:0.061465740580443795	of:0.046522949531286294	know:0.0444676054879885	that:0.03865358001643305	or:0.038244800123143186	determine:0.03550730087390715	question:0.035507292281882485	:0.3691489389641442
part:0.07268713102532033	one:0.07071065938650846	some:0.043508101530019876	out:0.03575042106872343	members:0.025760665467621124	and:0.022440178638608456	tion:0.02191026583655202	portion:0.021052670553751075	side:0.02092702198887348	:0.6652528845040218
the:0.6969309007796757	a:0.07155852043216708	his:0.031873791237050884	tho:0.02469592979192483	The:0.02251188277184931	of:0.021786518126852155	and:0.020441210023890065	this:0.016189054079336344	said:0.01575115754757246	:0.07826103520968114
of:0.35533556986066056	to:0.12957036817900783	in:0.1064226793852042	on:0.06140220613439886	by:0.057956679082359394	and:0.056325554289380235	for:0.054395718485289	that:0.04579340593385644	from:0.044518976855363705	:0.08827884179447981
the:0.728200429724696	a:0.056723864615153	The:0.05012787139764091	of:0.04373850775587098	tho:0.03603715911854208	and:0.012791759327917408	in:0.010024460165757334	tbe:0.009586031858445247	by:0.006442254066742466	:0.04632766196923461
the:0.17172383410285816	a:0.16013837413769977	of:0.0897213990225678	and:0.07941775219595099	to:0.076457427338603	from:0.05043747281422674	is:0.049111778496207445	are:0.042402173211439326	electric:0.04018805963768791	:0.2404017290427589
to:0.11281399803289245	and:0.09843914181452033	the:0.06842805974766637	of:0.05687026202824076	in:0.04203057214573107	not:0.03970656524608337	I:0.025337889147534078	a:0.02176065028799115	or:0.020454441480062344	:0.514158420069278
the:0.18569082095527795	of:0.08036465464605304	The:0.07771425594879346	Mr.:0.07134755128871598	and:0.05004412695469776	that:0.04809895270981636	a:0.030382148191854107	Mrs.:0.02415799873788853	his:0.017341480938086247	:0.4148580096288166
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
and:0.09726853556481815	as:0.07160402239417574	able:0.059779858998548346	order:0.054447382735833286	began:0.05095759911946827	enough:0.050690463931008574	time:0.04237325790120134	right:0.03517264075211007	going:0.03257808617566102	:0.5051281524271752
I:0.17225515204316716	they:0.07018000683537888	he:0.06899820537466604	and:0.04895442916875126	we:0.0476234306971451	that:0.03070326979539832	it:0.028675648835063232	We:0.025737288915472115	who:0.022195445316665147	:0.48467712301829274
the:0.44677634503301367	court:0.1358917653913398	a:0.08757110224857889	The:0.03732288598578159	his:0.03643779935695624	school:0.03368578535572566	tho:0.02554421956250853	dwelling:0.01910098533765953	opera:0.017334181077804683	:0.1603349306506314
the:0.16819398629507223	a:0.13202403462668133	was:0.11589667815920916	is:0.10972655853104037	are:0.08450039167140182	be:0.06746333565257376	and:0.06380722929503117	were:0.05890370565310024	his:0.04548222184720917	:0.15400185826868074
his:0.0871191375784256	the:0.07267569784664335	her:0.05501978943406567	John-:0.045009422691827845	sea-:0.033726592483549235	Jack-:0.027735587511211128	of:0.025243226572607316	per-:0.024545898747016938	per:0.022846161288595165	:0.6060784858460577
and:0.2564602662320493	that:0.09313127477238857	but:0.08494204266932508	But:0.03436532817538641	time:0.031253204197043805	And:0.025145300471250315	or:0.019250281254382606	even:0.017926289307121025	day:0.014021027323826742	:0.42350498559722616
and:0.13787420496769373	the:0.09286412872217549	a:0.053992032547592744	of:0.04568366524819612	to:0.04071930171926921	in:0.03883537183877799	I:0.031239115353256207	will:0.02778423589738294	for:0.021437359698497437	:0.5095705840071582
the:0.3750943401577431	this:0.16068010179693568	a:0.10279611729457162	any:0.04634223610734871	his:0.04143611941625734	good:0.03859101366422944	same:0.036757115988318934	no:0.03399625908006325	of:0.032821664351270596	:0.1314850321432613
a:0.29632863803279347	the:0.29319660315607976	his:0.08466798825706318	and:0.0658144597103064	The:0.044372622840493044	her:0.032202816167186225	my:0.023612300999622103	their:0.022963559228793846	no:0.022225727717514736	:0.11461528389014723
and:0.1301270114295851	according:0.08525640557170482	as:0.06760175422514625	went:0.06044408235382893	go:0.055953344753071725	subject:0.05069415398410162	them:0.036027228637576764	or:0.03418997823126099	addition:0.0308032043281532	:0.4489028364855706
up:0.028727332734942778	in:0.015094152014446294	him:0.01327393335687834	them,:0.01207533412936259	;:0.01173268651389166	it,:0.011284677667053211	time:0.011243407600123281	down:0.009897075507421312	out:0.009652494656626761	:0.8770189058192538
and:0.17805051509683698	was:0.152483923042491	is:0.14159480518079579	are:0.09979590332513556	be:0.048643095909988575	were:0.045543202859017966	not:0.044103803192354324	been:0.04293661606827236	or:0.04136896168535797	:0.20547917363974946
and:0.08685753228186245	that:0.03311254863761124	was:0.030070884103840786	made:0.0246277289903959	is:0.023446737027546346	as:0.020451885404229223	it:0.019612570247315688	up:0.019077074913983288	but:0.01771085066638833	:0.7250321877268268
not:0.3645521356847308	has:0.1629487811219789	have:0.10563221637958962	had:0.06504793161278646	as:0.062037488989778775	and:0.05678746430696255	is:0.030260395006499564	which:0.019292785530021356	it:0.017026892181544115	:0.11641390918610783
the:0.3692409109447755	said:0.2046094787908835	a:0.04916009168758423	of:0.046561254189769974	this:0.03296975206290897	his:0.03066690407314564	tho:0.02142355773459549	in:0.014359703056885584	their:0.013031302405895819	:0.21797704505355528
and:0.2077384279023899	the:0.05689602980259669	I:0.04077835907797324	was:0.03862876865255101	had:0.029270341780521653	is:0.02877672650992485	he:0.02750428455663412	have:0.024488269935397027	that:0.02193389928382778	:0.5239848924981838
virtue:0.07446520038896885	out:0.065008335608151	part:0.03947215825672998	one:0.03562890125655043	quarter:0.03241584136443704	favor:0.0239235849421329	result:0.023354276051738905	guilty:0.022667050730808908	means:0.022196791642065155	:0.6608678597584168
the:0.23131570266520746	our:0.15591560146723332	their:0.13492258029805515	of:0.10801247481104359	and:0.08698386447821807	his:0.06652142903806138	in:0.053727405673914055	its:0.026373771171504103	my:0.02501282469560387	:0.11121434570115898
one:0.054270682382265484	on:0.018635178835198843	receipt,:0.017617818445693552	two:0.017537711655102473	person:0.011334835133105108	law:0.010571859356273687	and:0.010509494720972786	day:0.009758359148914084	man:0.009475781226335717	:0.8402882790961382
the:0.14852630390270222	of:0.12671608490399544	on:0.07401082247680522	to:0.055000880397542924	and:0.04738965741070641	in:0.037087094028440286	by:0.03002796918650046	a:0.027138954646907826	for:0.026336872663262553	:0.4277653603831366
amount:0.1324991777774628	number:0.1195832847481357	power:0.05600932900002943	out:0.048236251334887056	piece:0.0422564643697225	board:0.04087941925551844	state:0.039278170903067705	place:0.03585312338384088	plenty:0.03232403925452944	:0.453080739972806
the:0.8801520978546141	tho:0.03516263770939168	The:0.030731011900014205	tbe:0.013202028380028317	and:0.008723928367313288	this:0.0052139127140157495	its:0.005130562652591462	their:0.004289313862364009	of:0.003965436674753061	:0.013429069884914135
the:0.46765339487724533	of:0.12673556051297113	his:0.046588731645437066	their:0.04136282262621412	in:0.03783336999919241	a:0.03228670731075071	our:0.03133043059991987	and:0.03127061505354022	all:0.026663659935441567	:0.15827470743928757
the:0.15148490168489717	of:0.13583652804367666	sai:0.10384314468257169	in:0.061924284818837126	a:0.061761377705183015	and:0.041314510502277524	New:0.03989431812215925	an:0.024018181501534532	to:0.01909883614290916	:0.3608239167959539
<s>:0.11107758465720001	it.:0.02294468665262739	them.:0.016024343455324244	country.:0.010227144711602998	time.:0.009783760694581936	him.:0.009080371368328396	years.:0.008745155329793204	of:0.008512576172979496	.:0.008304803029606542	:0.7952995739279558
to:0.2849138609951852	has:0.15484156649993383	had:0.10323110289853107	will:0.09503781545255045	have:0.08874158352013692	and:0.08834498624543688	would:0.05632651628231597	shall:0.03514089183141581	may:0.03195973438040186	:0.06146194189409207
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
of:0.23971455144800088	to:0.1914157611989152	in:0.13305486716838594	for:0.09436628434311173	with:0.0701296758458586	on:0.052055596810937764	from:0.03632796851560582	by:0.027381580349151557	In:0.025408759699834457	:0.13014495462019804
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
of:0.26180700396004014	to:0.13046205787879683	in:0.12959874192086887	with:0.08699542108604937	and:0.0785655203909359	for:0.051131989656096895	all:0.049505110102839	on:0.04671525326389499	by:0.03052528803942879	:0.1346936137010492
not:0.2909459919268081	to:0.19162253690697897	I:0.14760361783249287	don't:0.09144714473534618	we:0.0748570676838862	you:0.061791086135353515	We:0.039977118301561976	they:0.03347822432804092	didn't:0.031096578402452012	:0.03718063374707924
the:0.14379428209276804	of:0.10823588490868821	to:0.0827042812586203	and:0.05197408721748163	in:0.0501377582593593	at:0.044645185639923424	a:0.03285920098573817	.:0.0221338463363058	for:0.019868949600616925	:0.44364652370049823
and:0.20003908491540728	is:0.04041344864029046	or:0.035237427130461144	but:0.03421646427910321	be:0.02793385549479176	was:0.02689110342832867	not:0.02677959716089306	that:0.02308569792290343	done:0.022943616466529947	:0.562459704561291
they:0.1688448108650608	who:0.10045215328306022	we:0.09201623567438437	which:0.08870867417890872	there:0.07700899795250477	that:0.05404051067376348	They:0.04588648589875279	and:0.04428233895555999	We:0.04419966447682515	:0.2845601280411797
the:0.16866521496506504	of:0.10134741350355506	and:0.07055437288341877	a:0.04534265260080411	to:0.0413013158134652	his:0.025910871644329928	be:0.025020793975801862	my:0.023697134385706232	I:0.02200907055966385	:0.47615115966818994
the:0.6562377718922799	a:0.10769780370046501	and:0.05246891076513886	The:0.03334862254039583	tho:0.029832246071983762	in:0.028500666440141598	al-:0.020544476249403042	of:0.01620732702177645	our:0.014176543941590954	:0.040985631376824504
of:0.35832925562014534	in:0.1441260964261106	to:0.10153241065591626	by:0.08224211504288392	for:0.057448987470630375	that:0.05456814295971369	and:0.04874421013993942	with:0.03929391158995342	on:0.038583091664788884	:0.07513177842991808
the:0.4194760133204718	of:0.21993837615035414	a:0.07820699333991614	for:0.06890082472066605	in:0.05989702553633682	our:0.04388859965268209	and:0.02825844469242619	with:0.026338191511716732	The:0.022108850604616738	:0.03298668047081332
to:0.6828244198750902	not:0.08674414408212534	will:0.052651854524954765	would:0.04513180164819765	and:0.0327727902958387	can:0.02887884027791392	could:0.018063576204481048	should:0.017712203148145804	may:0.016502735516020585	:0.018717634427231903
and:0.08362943294997585	together:0.07769806815080653	connected:0.0635902168573379	connection:0.06228367212358626	accordance:0.047530813078388766	comply:0.026000666542743977	acquainted:0.023189098613704624	compared:0.02214887744238745	contact:0.01973810078197255	:0.574191053459096
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.1313140036135754	of:0.1027507024190645	to:0.07476970299196374	and:0.06455885788111582	a:0.05143557469112698	in:0.031455505429987214	by:0.02601727992271456	or:0.024779628828319963	that:0.022779698424792584	:0.47013904579733923
and:0.12287239192699688	make:0.10296312716045827	for:0.07223309911829481	that:0.07158109260795523	of:0.06104855051857094	with:0.060270480909950436	to:0.04576690514902329	give:0.04424854091214321	but:0.039822350271379814	:0.3791934614252271
was:0.11732724512881941	be:0.08652388302127678	he:0.08055695572082232	and:0.06429250401260765	been:0.059084931497754484	had:0.0509735519769431	is:0.05084307137494407	above:0.04881719898528316	has:0.04362101002132871	:0.39795964826022034
of:0.26216013414220135	to:0.12922764330974462	on:0.08550387330321055	by:0.07937552076272507	in:0.07491831145146069	with:0.07485126303067323	and:0.059701424540247766	that:0.05554820111168661	from:0.03888892464011661	:0.13982470370793348
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
the:0.7077942144432715	this:0.07233378257452498	tho:0.03049263886566688	The:0.026685087890588946	to:0.02603949799452528	our:0.022425529085504856	and:0.02102891754327576	that:0.015184154862730755	any:0.015120829282898688	:0.06289534745701235
<s>:0.10514401260260799	.:0.016459320058466273	it.:0.013484712208384689	them.:0.010348158826723748	day.:0.006710013809881599	him.:0.0061878063876993515	time.:0.006177099641911567	of:0.0060543371589817695	country.:0.00551450571704916	:0.8239200335882938
to:0.45985485440783713	the:0.11545204519738739	a:0.0798073580868715	and:0.04397087254624787	will:0.038355498311099925	of:0.03275484079471082	in:0.025727743195569454	could:0.019529907514107984	can:0.018723619886100863	:0.16582326006006706
covered:0.1020858309452194	filled:0.08463863441453434	together:0.07233504976408846	and:0.06079947761630909	up:0.05254834154437108	charged:0.02855485928750383	loaded:0.023821691788717504	thence:0.021589646545428987	down:0.02155174769690413	:0.5320747203969232
as:0.07308174150437989	up:0.06573330207535677	and:0.05338260874627114	back:0.03536351272435947	down:0.031102529544523316	went:0.030671475210404937	came:0.027342903940805942	according:0.02707235506286685	regard:0.02677627423279838	:0.6294732969582333
amount:0.0995008966446256	number:0.08924763260263822	out:0.0680976611951885	point:0.0660987611323109	time:0.06588686103071821	plenty:0.04619361387646886	deal:0.03435321080490822	means:0.03229709886228123	thousands:0.032158118562754946	:0.46616614528810535
the:0.3218887590826484	a:0.08686119282433291	and:0.07613156704910069	of:0.05271960827074656	in:0.0308001910237427	to:0.028306705208173383	The:0.02672237079220858	tho:0.02064148906740596	by:0.013205292701043812	:0.342722823980597
the:0.21949346728742322	of:0.12888142478502584	young:0.0833915232260745	two:0.06304656125671602	and:0.061947647947214204	The:0.038895554760906594	good:0.026851341740849948	three:0.026364846150053897	our:0.02289391239398038	:0.32823372045175536
to:0.4201705277653777	will:0.10861571854324881	had:0.08870088084465604	have:0.07228751603267132	has:0.06324634044415882	be-:0.06304481337993445	would:0.051921641275165534	not:0.04270033070132927	and:0.03561814406608093	:0.05369408694737711
and:0.07876689232418883	as:0.06702440671241168	is:0.057637312032161936	right:0.052582805358804524	him:0.04551869721224671	able:0.041478070668639226	time:0.04102003149333166	them:0.03423358401862002	enough:0.0339909602857986	:0.5477472398937968
the:0.42446691281405696	Supreme:0.17740759813926726	said:0.05514565471941017	Circuit:0.03810957727350013	this:0.037741232843978206	Police:0.03700510120484572	District:0.03629859049347633	tho:0.03317138131996823	The:0.030150101858420538	:0.13050384933307646
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
they:0.20095910601057312	who:0.124523102880469	which:0.06576408277105182	and:0.062084023891891514	we:0.056580197458329436	there:0.04337561755871434	They:0.0415246748722641	that:0.028696993435751186	you:0.02556594275175593	:0.35092625836919955
of:0.3209870167342882	for:0.1416375557004062	by:0.08898734227630199	in:0.08569005839771135	that:0.07242008550233002	to:0.06580515891195804	and:0.06572777399041392	with:0.04330886890889293	all:0.03819141636213868	:0.07724472321555868
the:0.12671861763322573	of:0.10759771495017814	and:0.09182402573619498	to:0.07434084002111045	in:0.039655270421379785	a:0.03464549447144441	for:0.029242192494663286	or:0.021617722532755065	four:0.018022081759731044	:0.4563360399793171
the:0.15607193799238153	of:0.11543365527198013	in:0.10431001369780722	and:0.06821341557689518	to:0.056839451971798	for:0.046607655628114225	a:0.04383796269132037	In:0.028586301920093857	that:0.02810385598890731	:0.35199574926070215
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
is:0.09213517668138704	not:0.06382310314879153	able:0.06377756170911089	time:0.056390421417557485	right:0.04979551150019635	have:0.047288829236261445	him:0.04634013758712368	enough:0.04414126127098178	and:0.0433097066808092	:0.4929982907677806
and:0.2598076956190424	was:0.1309237700813833	is:0.11410946782408489	are:0.07180540799406811	but:0.06293089841184034	were:0.059636985070825314	He:0.03179594897239422	be:0.02052145526187128	has:0.0196216549090466	:0.22884671585544358
of:0.1724587128603541	and:0.10232929717210827	is:0.09706851765784583	with:0.09057319125743792	to:0.08396292664928676	by:0.06808200296295713	as:0.0660567220179131	in:0.06277988848697233	for:0.06029824593745419	:0.19639049499767036
of:0.33191907683304406	in:0.09582633658190783	and:0.07545947152368626	with:0.07320939268241085	for:0.06750175334464788	to:0.0645245293356905	that:0.0545120967352072	by:0.04342196650585442	almost:0.04080302706830654	:0.15282234938924447
of:0.2833693089484213	that:0.10811844288593726	and:0.10662083437768888	to:0.09463276672085295	in:0.08824655943488828	for:0.0664897277858954	by:0.05099602956606445	with:0.03846604802522818	as:0.03045645640010543	:0.1326038258549179
to:0.1979035151831351	of:0.18130228337517496	the:0.14541891862264808	in:0.11845236295472743	a:0.049403962657992455	and:0.047909075793789224	his:0.04076774611100155	for:0.0393177353327809	I:0.031067859526018853	:0.1484565404427315
It:0.1298655577825775	that:0.06843857316429541	it:0.06618386969877936	which:0.06265938968811574	there:0.05667034342793492	This:0.03919041274386069	and:0.032754674638403834	he:0.025159456963103066	this:0.01974738444522794	:0.49933033744770156
fifteen:0.1175977466877019	hundred:0.108713205614443	twenty:0.08505874432601553	ten:0.07470460050246855	100:0.06985567763681125	six:0.06270991108129545	eight:0.056164483599501575	50:0.05548409171088513	30:0.04181045586727101	:0.32790108297360665
more:0.08918231862693858	person:0.041925487235713044	one:0.03180862876206295	man:0.03094497516634387	law:0.02656222816492717	whether:0.015350590738477844	action:0.014585063933428025	right:0.014226183623899396	time:0.013850154256665425	:0.7215643694915437
the:0.6450752159221637	and:0.08450588324258847	The:0.05360187291303511	tho:0.040009915788677686	in:0.031213371552909607	a:0.024173531993553217	great:0.023089510428015873	of:0.020568747924298605	his:0.015091726314186846	:0.06267022392057091
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
it:0.1187102407202494	they:0.11786581505014107	he:0.08156124203831308	which:0.0662004988011087	you:0.05699203718316853	as:0.055480195818753825	we:0.05543650958894393	who:0.0551785867592742	that:0.05370926239408278	:0.33886561164596446
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
there:0.1724828893197209	they:0.10173229519452093	you:0.0685229773784888	who:0.06473490009901371	which:0.06304519538582071	that:0.06269052956244593	There:0.05250185536089249	and:0.05073874243233057	we:0.045454072307539194	:0.3180965429592268
the:0.22376675678896588	and:0.11894565519471034	to:0.10285864248691212	a:0.08975179393917965	of:0.08399001975735913	be:0.0509749888196219	his:0.037793003813015216	was:0.03609926906814657	The:0.033179033099978154	:0.22264083703211104
to:0.5709158691249301	the:0.16162644042903582	and:0.04812718944403379	that:0.03157678103716041	this:0.030732598518076318	which:0.02426002447569983	of:0.023155810006950224	a:0.01806410828225963	To:0.010305186766635277	:0.08123599191521862
and:0.06836615806839769	closing:0.050893343497395126	was:0.030410464365082754	valued:0.024267484682224193	held:0.022214654137899494	sold:0.021055232583252027	2:0.020543621014705526	is:0.020278384145430397	arrived:0.019208907943256866	:0.722761749562356
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
well:0.09857483323893175	and:0.0776383525709243	far:0.05949378141146232	such:0.04411237910605383	much:0.0329038441231109	just:0.030696561161891643	but:0.029572420729734546	so:0.029412895476331684	it:0.029270713481247494	:0.5683242187003116
the:0.11465877822957096	and:0.08691397614958754	of:0.0684481415135792	to:0.047612852416672874	in:0.02458400066508134	that:0.022156300571771172	said:0.02177707665441787	for:0.020119557938665083	his:0.0199577743010974	:0.5737715415595566
of:0.5096329782940627	in:0.19390829406097262	to:0.06149768604111854	that:0.0478889323296513	In:0.04382994975986251	for:0.03573158081883348	by:0.022830366445967906	and:0.02186583590891844	from:0.017548448563929953	:0.045265927776682556
was:0.20397999279254078	be:0.1545654388114736	been:0.10289563823003013	is:0.08499364607264678	were:0.06545001289081656	and:0.043495576852066016	are:0.04017045146598056	have:0.03716176369837105	had:0.036891598409098336	:0.2303958807769762
the:0.10567039952385696	and:0.07390389905273341	of:0.05463762196833574	to:0.04621044118977007	in:0.033743119247883264	at:0.02430700263706217	was:0.022720215418310045	is:0.022485849785225113	that:0.022154606369123413	:0.5941668448076998
the:0.5064750755708597	and:0.08850894329801963	a:0.08840703114645244	The:0.05692262014542437	tho:0.027524552461796043	of:0.026879044396871575	to:0.018651855422256176	at:0.015422020214298988	this:0.013657111408056616	:0.15755174593596444
Mr.:0.0849121196784214	A.:0.08280433874728164	.:0.08145549059216205	John:0.04920887173347141	of:0.048255303137818735	Mrs.:0.03727084497188931	and:0.0360687546207077	<s>:0.03142975192063354	C.:0.026076997903122835	:0.5225175266944914
the:0.5757104425109334	The:0.09210553393401952	and:0.0733615564919135	a:0.04465501578896293	said:0.03537417511315459	tho:0.03343098304458661	if:0.03332052632160412	of:0.02945658890728012	that:0.023550728026842143	:0.05903444986070306
of:0.15324369321951478	to:0.08933348557693582	that:0.08833595529568253	and:0.08687188196793748	in:0.04523864817614994	on:0.04336197374882581	for:0.04224528361654128	was:0.03799672110385091	with:0.03777242975799738	:0.37559992753656407
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
any:0.2832515365999	a:0.2616570442541545	the:0.14343856324525567	no:0.06841797450150143	Any:0.06430501868676096	other:0.041985669031348115	every:0.0399579403319592	some:0.03349346635638861	of:0.030305552816045325	:0.033187234176686224
to:0.11611623202716108	and:0.0927670277041291	of:0.05480015358824163	the:0.03853384443427393	is:0.03353964289198347	in:0.029809014802675858	was:0.0288691907044105	con-:0.025306563829559637	will:0.02411726427444757	:0.5561410657431172
the:0.1490099543157555	of:0.12469996092339555	and:0.0895617069776411	to:0.049555930277057104	in:0.037487343305092666	be:0.03520975431758532	for:0.034380823591628	their:0.02934071419110373	was:0.026817927384443198	:0.42393588471629784
and:0.3014821151051759	was:0.12141311355459725	as:0.07065745878115919	is:0.0628659156174078	he:0.056562473983541965	be:0.0529092060594621	not:0.04677172370402217	that:0.04453847419994225	to:0.03997021286117197	:0.20282930613351938
a:0.2798503606201979	this:0.20070722237300181	the:0.16897641755135343	to:0.14987112569239877	last:0.05248554115322125	next:0.03760344297881363	his:0.026398008137989232	that:0.024784135737151478	and:0.023535673931609113	:0.035788071824263384
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
and:0.20982951992940316	to:0.1191039777715214	not:0.03903957227939709	that:0.028959219156538953	or:0.02754408301558847	who:0.02659348785819813	of:0.026094111035287845	will:0.025683829625368023	re-:0.024727742544405223	:0.4724244567842917
as:0.15832370718864952	and:0.09669743093210365	is:0.06800357063662096	order:0.049756718090450944	necessary:0.04762907625617685	time:0.046133216802455634	not:0.044248709789671214	right:0.04397268468555158	enough:0.04218975546810305	:0.4030451301502166
the:0.20381759011136966	his:0.1584508451603503	our:0.155840569128325	a:0.10912388792065948	their:0.08413993601621798	of:0.05873872391449477	her:0.05563166856665698	my:0.04885873941725618	other:0.04347618149419944	:0.08192185827047023
part:0.041814086596334524	one:0.04134926436508371	out:0.035402841510384524	side:0.028862210444509873	line:0.02074851348144377	amount:0.019906626991899982	all:0.019737825695701743	and:0.018545975370854267	tion:0.016365261887047473	:0.7572673936567401
Los:0.8466830930694964	the:0.02830024126427634	and:0.017590412507874135	of:0.016410868106984156	com¬:0.002691539640712567	to:0.002365354116603298	com-:0.0023202245785355785	all:0.0020713007565212067	these:0.001623086261493716	:0.07994387969750262
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
the:0.10935321992562334	of:0.07055009218697632	and:0.04090699394940684	.:0.03862009833238652	a:0.03790902927964509	to:0.024032078252882866	at:0.015220112517303147	<s>:0.015038868216319239	in:0.014911123075786875	:0.6334583842636697
A.:0.544141374383763	.:0.11728122770999996	Mrs.:0.052465091200879506	J.:0.04723095565928819	W.:0.035851304608181485	S.:0.03449707137672712	M.:0.03099406149521467	C.:0.02862393458391735	N.:0.02771629806617868	:0.08119868091585006
I:0.12513872098343115	they:0.08357544414239974	it:0.08190617309249656	and:0.0815868912740847	you:0.08088658783336793	he:0.07837937158007811	which:0.06818803404394078	that:0.0672771737644144	we:0.037464759024131426	:0.2955968442616552
to:0.27545024284435193	that:0.08882073690219	may:0.07734858916335359	can:0.07638863041225788	will:0.0727722711803104	not:0.07263896487387114	should:0.04831896682563185	must:0.038231152479160736	could:0.03547045340386988	:0.21455999191500255
the:0.1844441770319582	south:0.17270827545777226	north:0.14758809253716265	east:0.13312266834521988	west:0.11740281509508677	one:0.056493289570540436	other:0.04689442941036244	either:0.029527928032793346	a:0.026020376492630268	:0.0857979480264738
provisions:0.08155268622048072	copy:0.07438298592748818	date:0.061886723423349964	part:0.06076408457322527	one:0.05124169281485493	out:0.04701489352502034	people:0.04423834088325635	publication:0.03792894646628187	members:0.026565416948037213	:0.5144242292180051
the:0.269730201415033	of:0.0910997607579036	public:0.07270172702604868	Sunday:0.06746993731138733	high:0.06561689485292851	The:0.06290812868987715	this:0.05724304568433348	a:0.04795290134879577	that:0.042642313196897395	:0.22263508971679505
and:0.10550288511889883	as:0.03892752115408401	of:0.03421751256525285	to:0.027773846585885283	or:0.02622949860078334	the:0.023926700377727126	that:0.0235657692814555	it:0.021440684085453597	in:0.019670650563019712	:0.6787449316674398
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.27986822202769596	said:0.14675203564820966	of:0.13039801432769665	and:0.07367964447176892	such:0.05845676486095778	The:0.0523158080489567	that:0.026037586080508546	or:0.020810162764091325	this:0.018602514563593943	:0.19307924720652053
the:0.2633386288666156	he:0.10313492363846669	a:0.10145314834708817	I:0.09938565863735846	and:0.09693043754174643	was:0.06166362960623837	be:0.043421860869106085	never:0.04159961644626833	is:0.03612752229036968	:0.15294457375674222
it:0.2834030725463564	It:0.23869947315892012	he:0.06361093780148354	there:0.0618799603153546	which:0.053981210955323856	that:0.04369272734238851	this:0.03143321285797801	This:0.030533814048383415	and:0.030374721819487117	:0.16239086915432446
of:0.1120222012945736	to:0.10805564283787389	and:0.10471511639213496	the:0.08010409794060377	in:0.07152795479599623	for:0.038161825115349504	that:0.03105212765693482	or:0.023210256416274246	In:0.022952299139503595	:0.4081984784107554
of:0.32095198866429236	this:0.1341791099097044	in:0.10036887990423098	the:0.08816128385190428	that:0.06927732665912303	said:0.0393615099934089	to:0.03550047194651126	In:0.020088980448438955	and:0.019269922901128684	:0.1728405257212571
feet;:0.12434890594495451	2;:0.09892656202008526	3;:0.09002356716118383	4;:0.08653608705637308	5;:0.059262211241565575	6;:0.04277447842386288	7;:0.04013091670758408	;:0.03363129180807383	feet,:0.030280831753287885	:0.39408514788302906
of:0.18171121334239781	and:0.15477625645117196	in:0.14599847856764325	that:0.094188869649063	to:0.07078393310997617	on:0.06957989816223116	nearly:0.047736657089924986	by:0.0469213034513314	with:0.04429312544393228	:0.14401026473232795
that:0.2373884972957856	and:0.1377305686505458	which:0.09625758968948137	as:0.09061390695885867	but:0.05385423997632569	what:0.04964456326503512	when:0.044032929811388136	if:0.04092900816275678	If:0.025422165943560813	:0.224126530246262
the:0.314898083850604	of:0.11117544213003971	two:0.05985457839574133	three:0.05924698429112187	several:0.05014899814858758	a:0.050108027541398134	their:0.0451153796978904	other:0.04506736821598396	for:0.04222507027796368	:0.22216006745066932
one:0.09256824762898934	part:0.0674274335493596	some:0.05120648280056133	out:0.04944939543362918	all:0.03230362698104824	portion:0.028282467414459354	any:0.023294251004539735	much:0.02210418497572579	that:0.021590985948602686	:0.6117729242630847
the:0.36857810482364345	this:0.09197424603130958	The:0.08768447883983285	National:0.08436677335282519	State:0.07198125844268286	said:0.050486287234291265	that:0.0319884174408592	City:0.03003472243513628	a:0.027591466133489843	:0.15531424526592946
southeast:0.2053673582890305	the:0.178157394364479	northwest:0.14992415284783422	northeast:0.12726195335421273	southwest:0.06706781623544061	a:0.047247609110843025	east:0.03324366400832461	west:0.0330150898364142	and:0.019789510871081165	:0.13892545108233995
two:0.16347123080564704	few:0.10644577970891445	four:0.10097772091558796	many:0.09902626114265485	ten:0.09682458200986384	three:0.08282097509223535	five:0.07083227418491503	twenty:0.0706028492665483	of:0.05946042511713626	:0.1495379017564969
the:0.28705410755788624	this:0.14593777522033138	a:0.12144293521508405	The:0.08171780573780614	his:0.06843938311666463	that:0.058441750716157335	our:0.0431207032635729	one:0.0342803563792211	said:0.03124982902855269	:0.12831535376472353
up:0.018164502101530162	;:0.01162208331085315	him,:0.010458792530640295	hundred:0.01029064135030188	him:0.00997277119613871	made:0.009888304085213614	time:0.008347658336788667	them:0.00799611659941173	them,:0.007645086513012413	:0.9056140439761093
.:0.07226717495645492	of:0.05839249190943676	and:0.053822751219334365	the:0.04665887543924675	by:0.029504441178203382	H.:0.024524614720099615	Mrs.:0.02404488748354358	J.:0.023549247209877507	to:0.02115250011442077	:0.6460830157693823
two:0.2778681957044195	few:0.14901263234834586	six:0.07855902031086825	three:0.0718606209243598	several:0.06617593445472637	four:0.058250703232083235	twenty-four:0.047838309991698226	five:0.04313986136873534	eight:0.04216565439719355	:0.16512906726756982
he:0.26234042388263396	I:0.17013104241927296	who:0.09737593636648968	they:0.08274616754030523	she:0.05702459482874251	which:0.035973378065662594	we:0.035587723425290485	He:0.03509435106233808	and:0.03291001015972299	:0.19081637224954157
set:0.3754021711138449	not:0.049805689370722474	lay:0.030130030706353537	laid:0.029154149885052195	setting:0.02860456069307257	put:0.02247348725350506	and:0.021000049501242953	to:0.017451300212391132	brought:0.013577605957435583	:0.41240095530637966
the:0.18226616748733143	of:0.09055536536617964	and:0.07875087345412557	a:0.04282959090962975	that:0.0423577110756612	The:0.028952021800772214	in:0.02827161666549837	no:0.02464103014114996	Mr.:0.02431919560564389	:0.457056427494008
and:0.1189733053664964	the:0.10287702719755622	of:0.08189169893754962	to:0.06345255385957328	be:0.04334095657672097	was:0.04121106403093484	in:0.03680279821111817	is:0.030567295462412034	are:0.02482235030573041	:0.45606095005190805
that:0.24518832228121373	and:0.1774511864229357	which:0.11564753278702528	but:0.07527064641576942	as:0.06011157558036081	when:0.05111040334296318	to:0.030375862655894644	where:0.029254414776844335	if:0.026267776143043573	:0.18932227959394934
in:0.3833961892697146	of:0.1287881518832357	In:0.08405615627912366	to:0.0779725618374049	for:0.053228439926078966	and:0.0474332600463636	with:0.04601267376095176	at:0.03635668502868479	have:0.02860321997094682	:0.11415266199749523
one:0.09011870075177028	out:0.07184222173831309	part:0.062296779890565736	some:0.04469047989410629	account:0.04430483992413245	any:0.03062274357086134	all:0.026797790022556507	that:0.02576799466411198	tion:0.0223424726678013	:0.5812159768757811
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
one:0.07824991613049741	part:0.06060505846807443	out:0.053403871939630664	some:0.031747519292171816	side:0.02766153276433834	end:0.02608831104874374	members:0.02530915101977882	portion:0.024924456047398843	all:0.023432288260240956	:0.648577895029125
it,:0.012123693715627578	it:0.010917158446305504	up:0.009895244501039282	them:0.00899939641254669	in:0.008871486514711195	men:0.008861839268313864	them,:0.008303609679136199	out:0.00812909129683783	him:0.008127168687610424	:0.9157713114778714
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
to:0.11272467325873015	the:0.09570920935957357	of:0.08084508540075111	and:0.07746796351453314	a:0.03161606912023797	in:0.024763881588432984	at:0.024446783401682257	for:0.018599489625864805	is:0.01726400145434898	:0.516562843275845
the:0.6973200896012846	of:0.056865821075184106	tho:0.038521775818648026	said:0.02858664163570219	this:0.02675206388555443	a:0.022281397898755047	for:0.013586202639459722	tbe:0.011830192600907256	his:0.011791517913735934	:0.09246429693076867
of:0.1833501196086419	and:0.10986392262179655	in:0.1073401822166999	a:0.07334323880346338	is:0.06799372196631193	are:0.06044135586870377	was:0.05369747621288452	for:0.04304761666107195	his:0.038579610158169006	:0.2623427558822571
W:0.10885086180981304	M:0.08962385808542442	J:0.08815037885305665	C:0.08144449491961595	S:0.07565573974651656	E:0.07480965297703332	A:0.07089097266370924	H:0.06872129070148511	B:0.06456748181320644	:0.2772852684301393
the:0.6273507633424429	this:0.06428085443174868	The:0.053888873766872424	a:0.04214731648537168	tho:0.033422858836492104	an:0.031228855231256673	said:0.02361540599349282	of:0.02275126857407034	that:0.021533312104755533	:0.07978049123349681
of:0.18881621532757856	or:0.1415511769484429	about:0.13279634521565203	than:0.11604813225767052	and:0.11119222556568661	the:0.08485630107188788	nearly:0.04842663153420565	thousand:0.045160577806341994	over:0.04173402538868026	:0.08941836888385356
and:0.11854277767363487	Beginning:0.0998399338242081	was:0.0504262876382174	Commencing:0.04790893866787179	is:0.032553168230926174	that:0.022915999095843454	look:0.022455180722230645	it:0.02211519550850427	him:0.02203921514419195	:0.5612033034943713
they:0.16653527163488996	there:0.15468712516904873	There:0.11213580281545406	we:0.10012079098603287	who:0.06261633608168644	They:0.058830625436879676	you:0.048694717224273106	which:0.03973434391379926	We:0.033360171193133725	:0.22328481554480217
to:0.1342220874524386	the:0.06166073887120439	and:0.061506837196195686	of:0.06125543581566612	in:0.019462387040139455	or:0.016195441492983034	<s>:0.015018534866330566	.:0.01382194424910937	be:0.01317845992440072	:0.6036781330915321
be:0.18936566582535957	was:0.15939339853344128	is:0.11124806520218214	been:0.10834581946635746	and:0.07372355767883933	are:0.06083082880280074	were:0.05862177956386812	being:0.046453157659979386	the:0.0317827813484253	:0.16023494591874665
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
it:0.14339332651152467	and:0.1410811782448388	he:0.09596237887432031	It:0.09043289531671937	that:0.07332291024651735	which:0.06295335613023384	who:0.0442292803523929	nor:0.03991938460516614	What:0.037039759317203304	:0.2716655304010833
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
to:0.15013074367116191	who:0.14895714634187476	I:0.1258992173524551	they:0.1047567116568158	we:0.09385760422557038	and:0.07091073405213177	would:0.05544815801488154	We:0.047296384041556304	not:0.04425201802116283	:0.1584912826223896
get:0.07245670546976644	was:0.06827773018828956	and:0.06627903282426373	him:0.052442468208758614	it:0.050561188617061346	them:0.04807318223935662	are:0.047026350523610795	go:0.0433307210705129	come:0.040797963484801664	:0.5107546573735783
one:0.08042420157140619	part:0.032043171700228294	out:0.0263892874605741	account:0.022973774735704888	that:0.02040503637434788	cause:0.01971525116846932	any:0.019226048295374037	some:0.01894423731088184	tion:0.0169779352099483	:0.7429010561730651
they:0.1924567231286223	we:0.09883733238354396	who:0.09825745183286565	which:0.07861762953249227	They:0.05046819547642477	that:0.03963754358107931	there:0.03793901988119814	you:0.037816969159278076	and:0.035771071796512593	:0.33019806322798295
of:0.261995217214944	in:0.11115038233339353	to:0.1071703370427688	and:0.0813716481039389	with:0.07887249248867384	that:0.06049478687833398	on:0.045805357418202595	for:0.04530444657424017	by:0.0351997100574729	:0.1726356218880313
the:0.27301107300039196	to:0.11528958522357699	will:0.09475243229828753	and:0.09321019830511688	an:0.06204374147898957	not:0.05711941521029477	of:0.05074599716025799	no:0.049395638340749025	a:0.04850604918094615	:0.15592586980138912
of:0.114846716815137	the:0.09341477184861326	and:0.09283601524646796	to:0.04889975338559888	be:0.02844673514296001	was:0.024439074852522585	in:0.024277422751602506	he:0.02410150152783796	a:0.023576819431986994	:0.5251611889972728
the:0.21359654562084998	and:0.1847861701237834	to:0.09206146196514947	a:0.07282749727972157	can:0.056429852875688524	will:0.04374234054245103	of:0.034695548447699606	that:0.033288659796426985	which:0.03268716234743573	:0.2358847610007937
and:0.11699056771139936	was:0.0642321532138564	are:0.04737744067368362	is:0.04175978206615256	be:0.03579653858854015	or:0.03323215886257419	were:0.029829858953797472	that:0.025305146102945215	it:0.023539553400793875	:0.5819368004262572
a:0.20002164488532595	the:0.12932934529955895	A:0.09248605610309635	One:0.06437520395599695	that:0.048421374421666476	one:0.04377533523948664	of:0.04346451979712173	and:0.041242438817400855	last:0.03316609189701519	:0.3037179895833309
and:0.2117867434533566	the:0.19812249802999118	of:0.19188268939153577	with:0.049108529468151946	or:0.04261569645338653	no:0.03867642767763052	for:0.03340394123066886	by:0.030366336822041224	in:0.02736049843219228	:0.17667663904104508
of:0.3973521814693932	on:0.1312837247450707	in:0.12800106798233968	to:0.10089395227941995	from:0.051804331899899615	by:0.04344476124047932	and:0.030858875496101272	along:0.02789624724265697	across:0.027785506479338164	:0.06067935116530114
there:0.29100461787593696	There:0.20961099099383865	It:0.11646010216603463	it:0.11446608423608592	which:0.044384321458045245	This:0.041346396543592547	that:0.04014586578485077	this:0.028507712450048954	he:0.020257926390959767	:0.09381598210060656
of:0.19950964421321404	at:0.1296044712487719	in:0.1121035421820745	to:0.09391235999691212	for:0.08682411368751362	on:0.08587396653774168	and:0.06438446945126378	from:0.04078696998398939	In:0.03603585209054605	:0.15096461060797292
said:0.0868038092324564	the:0.0798206479070409	of:0.07784141270367533	to:0.05712347864761651	on:0.036826508738923014	by:0.015943500991931946	his:0.014947846229651722	in:0.01379889226348476	any:0.01089133230483474	:0.6060025709803847
the:0.3202909879586693	a:0.09974488619723397	of:0.09505239532221865	in:0.06696048977029677	and:0.05609100804467277	to:0.039379671843900434	The:0.03768476941155955	an:0.027009430026169616	for:0.025945785371014156	:0.2318405760542648
the:0.6263879929494476	at:0.14675301146938013	tho:0.03823276855304896	its:0.03535960617767424	The:0.03379233204954558	our:0.02974307902040424	their:0.027033829006328735	to:0.024982860251399883	his:0.021188818462720502	:0.0165257020600502
has:0.315316474669289	have:0.3053893018954045	had:0.20094362268135563	not:0.042339835372495555	having:0.034443756042231065	lias:0.010226327690966144	ever:0.009687276184719313	bad:0.009261247364148986	never:0.008871706137810732	:0.06352045196157909
the:0.7358145973021053	tho:0.0334019054033255	of:0.028487603756501657	The:0.024765114235793723	on:0.022244428800006225	an:0.020370679073172446	in:0.016653205555832315	and:0.014322784980040611	tbe:0.014310551767378846	:0.08962912912584334
is:0.07663142334250335	able:0.05883238994114108	and:0.055989110419884816	was:0.05311460510975883	him:0.052517118155760836	as:0.05112296669023947	time:0.045713887414032955	not:0.04227122361778588	ready:0.03832997129577359	:0.5254773040131192
and:0.08610817649487001	called:0.07565170131055826	based:0.051357810871794515	down:0.049225505125758545	placed:0.043344942054355066	depend:0.03465433983402664	put:0.03383978458204052	insist:0.031799510709015606	depends:0.03094521355325884	:0.563073015464322
;:0.028431762489734294	it,:0.016981525986579843	him,:0.015372527692784979	them,:0.01130165876110519	it:0.009538954252425095	him:0.009264969159856357	in:0.00916285579949917	time,:0.008164571405095149	States,:0.008145680833819006	:0.8836354936191009
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
and:0.10554403174171771	the:0.10251672015884046	of:0.0737839692809668	to:0.037296720506854945	that:0.03218344031569238	a:0.029631321519831635	for:0.025682464394194304	which:0.023540080012729468	in:0.0210857740940172	:0.5487354779751551
be:0.19779355567490228	was:0.13144391946921405	is:0.12844929674617456	are:0.12586936670389984	been:0.0934933705976539	were:0.07910333703141507	so:0.05464690513724389	and:0.04990937391564262	have:0.03197749595213041	:0.10731337877172335
of:0.16975780532419973	the:0.15870771085682592	in:0.094827126314822	a:0.08362984967252945	to:0.03578653124101124	and:0.03319447653918662	as:0.02226184024634214	that:0.021971055319676892	from:0.01982436174938387	:0.3600392427360221
a:0.38568407431634866	the:0.24420378164404916	very:0.062060105388261795	and:0.05486576997548284	his:0.04865088079631413	their:0.04642898468570813	of:0.036884011959699224	most:0.03380516768955352	its:0.025054542070948305	:0.062362681473634246
it:0.11347727835580726	and:0.09254465393419296	he:0.08946611201896967	they:0.07684476519513142	which:0.06631593640040682	It:0.05036628708774879	I:0.04794157032603539	who:0.04410829295304152	that:0.043164193751218126	:0.37577090997744805
the:0.1666505279774501	of:0.10171362760812398	and:0.07112644144394072	in:0.06674789369654777	a:0.06288855211205885	that:0.028001179412309316	to:0.024786882385816895	for:0.023732646914443854	be:0.02271902361527242	:0.4316332248340361
sell:0.09800633926805263	and:0.06961326263530508	o'clock:0.06646160649701707	day:0.06464419372868252	sold:0.04824986800438298	held:0.04145383585627954	was:0.038361682103198035	died:0.0325895351886995	sale:0.023726232198077915	:0.5168934445203047
of:0.13041261968589551	the:0.10953871916413525	in:0.07662993640251624	for:0.06438322269599599	to:0.05566372079139247	and:0.054310490679074536	at:0.04975145345648675	a:0.041413137944625485	by:0.028734445736255984	:0.38916225344362176
and:0.2523345601922114	he:0.11021832857161948	had:0.10926773671789387	was:0.07833149062879895	I:0.06508872980288898	who:0.05038262547630787	have:0.04421910766551979	be:0.034400833045059837	He:0.03339240866417062	:0.2223641792355292
of:0.24713834878023927	to:0.1985704108781593	from:0.0731899694357484	in:0.06851168731552854	at:0.06052100598883203	and:0.04368059629581564	the:0.02423579465079348	In:0.022820660844950567	by:0.020783957688232914	:0.2405475681216999
one:0.13027668708462814	out:0.07742206756685843	part:0.06474114282857145	some:0.05640712659716483	time:0.03954471000289752	account:0.03620724368530425	all:0.03238127669140698	and:0.028154969476639407	that:0.02755643570827209	:0.5073083403582569
it:0.11538796975578612	and:0.08558513006049022	they:0.07750488065662994	which:0.06446205120127957	he:0.06124984395618844	It:0.05704976551727627	that:0.04959308137990716	you:0.04663866234631756	I:0.039975485631013996	:0.40255312949511074
of:0.10815652357631562	the:0.08657778935426479	and:0.05844284519881049	to:0.05182257355979542	in:0.0319713324801739	a:0.02719091293940763	be:0.02241762488625473	at:0.020049723286981475	as:0.019070942908865046	:0.5742997318091309
it:0.1392655652583725	he:0.12198865129870436	It:0.0920730759264974	which:0.06588711175855988	I:0.06221487354667309	and:0.05220228347513967	who:0.04105502827225842	He:0.03721999320042121	that:0.034840913784500716	:0.35325250347887277
of:0.6046398966406534	in:0.1601947225786308	to:0.03201555151056344	In:0.02742141247447321	and:0.024892812381698964	the:0.013194078276583327	by:0.010076229947305039	for:0.009329981366858564	on:0.007682150080082567	:0.1105531647431507
will:0.3987729121521245	would:0.1254220371233384	may:0.07676639134318636	could:0.062371058150742766	should:0.056721788699738956	shall:0.056485227836735576	and:0.055425738711396916	can:0.04657634311626166	not:0.044699700046200636	:0.0767588028202742
the:0.24048784398010126	of:0.10632421434120215	and:0.10553153298358099	The:0.07183108295659232	that:0.02575588295156761	his:0.017425129602790537	tho:0.015481695617446048	these:0.014408992859812612	to:0.014363182432615144	:0.3883904422742913
have:0.15589919938060376	has:0.1410355653565667	had:0.13300658977775684	and:0.1176893187679858	was:0.0685350836763307	been:0.06288057108879791	be:0.061788814606302395	is:0.05187291217134232	are:0.03950417746396868	:0.16778776771034493
to:0.08574794257686337	at:0.08150792000854312	of:0.0727453599118222	and:0.05626118174506013	the:0.053382823191769894	on:0.031699628441038935	.:0.024416692968245016	in:0.024250638424639957	for:0.02047339329940252	:0.5495144194326148
that:0.1494039970295463	and:0.11807955961541436	as:0.07486658572385042	which:0.07090312874741424	but:0.05295498695386721	what:0.02911529990874337	if:0.028283828760923717	when:0.019147653933440173	If:0.018417706627101755	:0.43882725269969847
the:0.19841723690176089	of:0.11900156441154412	a:0.11059306933687624	and:0.07458847151279195	to:0.05618040746586808	in:0.043924608425905676	that:0.025531535377807505	The:0.025278444653188504	with:0.017747358420901367	:0.32873730349335567
day:0.10446692855177825	State:0.08719471511690084	state:0.069874443548593	line:0.06889585374773621	side:0.056002114162921765	city:0.04584199732510799	county:0.045457020618963354	County:0.04037890777353817	corner:0.02432608195731209	:0.4575619371971483
that:0.1494039970295463	and:0.11807955961541436	as:0.07486658572385042	which:0.07090312874741424	but:0.05295498695386721	what:0.02911529990874337	if:0.028283828760923717	when:0.019147653933440173	If:0.018417706627101755	:0.43882725269969847
the:0.5654480028455545	of:0.13662850015798786	a:0.031657411994617655	The:0.02789048917839341	and:0.026056234219684803	tho:0.0234229112060969	on:0.018516806113261158	to:0.011011018396926253	his:0.010675291249104114	:0.1486933346383733
to:0.18639844288524918	and:0.1310172596657234	of:0.04088107338844204	the:0.034951481398091115	will:0.024651858328918447	not:0.024474295068396722	he:0.022217309236579174	I:0.020778651677317402	in:0.019715184407970418	:0.49491444394331213
the:0.20764452348708753	of:0.15501502460682523	a:0.12438548578861329	in:0.08018570422118226	to:0.05583941369632598	and:0.051268769341855945	for:0.0279549692477683	as:0.025519095615369043	In:0.02174590997779696	:0.25044110401717545
the:0.08789720635497154	and:0.07820325291506017	of:0.07409488784379216	to:0.06286243358342224	be:0.05661814672863629	a:0.04478774919695505	in:0.029168427928634	was:0.027046363262135754	is:0.026073151479528232	:0.5132483807068645
to:0.17207253898122438	and:0.14801248338639478	was:0.11574561397398539	be:0.0865748295952146	were:0.06720358019803002	been:0.053656957701084036	are:0.0428547013321966	not:0.03921331091065787	will:0.03730149534430236	:0.23736448857690995
and:0.14403712828321022	was:0.05409542049532583	is:0.04755302866199846	are:0.03933571051081775	it:0.036725988420219964	be:0.034475645091999026	that:0.03181847776710277	were:0.025977671003503573	as:0.024231652383938682	:0.5617492773818837
said:0.1450870943558143	the:0.1429704313006125	this:0.08834880498438998	and:0.08590792635385017	a:0.07696390038951245	same:0.04308818145273705	of:0.03717824993317433	next:0.025849742249983463	their:0.023882957136649553	:0.33072271184327623
the:0.18865064154752814	of:0.09521314359217854	Mr.:0.05936560020366942	The:0.05918413378541302	and:0.04789785501490848	that:0.04093932846997176	a:0.03062771603476304	this:0.01791027151166763	in:0.016031536642742206	:0.4441797731971578
of:0.10858785295590319	by:0.09132648655608773	and:0.07535420767404954	Rev.:0.06782030154176064	to:0.03352265255204117	<s>:0.028442656689521464	in:0.02211507321295788	said:0.02195704496031406	that:0.019687502765185484	:0.5311862210921788
the:0.18054390839256768	a:0.17086938177448308	of:0.1323055746893742	his:0.08287489028619138	this:0.06306957802069292	their:0.046872817419041105	no:0.0382819513535936	any:0.03766810006085749	good:0.036105625757240606	:0.21140817224595795
to:0.20999618821382707	will:0.09766199061349902	that:0.09048779989616414	would:0.08525501473290571	may:0.07434809861691094	should:0.06342090138772452	and:0.06008005993860416	which:0.04617920360348284	can:0.04023707976421504	:0.23233366323266655
in:0.3310264047719233	of:0.25982534932603396	In:0.08332644537542716	to:0.05992108197358779	for:0.04430901689492045	and:0.04392684352292606	with:0.03741039018570603	that:0.036202914902248536	by:0.0341175880817833	:0.06993396496544343
of:0.2681419968320887	in:0.12760376622753275	and:0.12176573208396027	for:0.0895731733927833	that:0.0784861047975152	to:0.05414734897068343	but:0.03184275399313908	with:0.02960213765700995	by:0.025371087762003232	:0.1734658982832841
he:0.16159108211126322	it:0.09280110668817612	It:0.07977385000479743	and:0.07613246566645786	which:0.07373407847191212	who:0.06834514445533726	He:0.06718666202572755	that:0.051282480250503096	there:0.04255798270273247	:0.28659514762309285
the:0.1969046682681857	and:0.0879894850400531	of:0.08678862173894052	a:0.0622786389833835	to:0.03640997461909609	The:0.02328725096719051	by:0.019831931687238798	with:0.017823677182975003	.:0.01665474047445631	:0.4520310110384805
to:0.31530164298214153	would:0.11152160640333642	will:0.08811312408366744	I:0.08410098120662243	we:0.06910762749823078	who:0.061483700107672366	shall:0.05587801969383202	and:0.0531429749442677	they:0.04671155666831684	:0.1146387664119125
he:0.20953008541511037	they:0.1466205001020667	I:0.1434172525182516	who:0.1275071271828291	we:0.05994566034576255	she:0.0582547947879379	and:0.04054684082742752	He:0.036482206086446034	which:0.035029705049333344	:0.14266582768483488
of:0.24121822736124499	the:0.16562174750646352	and:0.11634026087877959	to:0.09949590117715619	a:0.06001667288156687	his:0.04361858804678788	for:0.03521893976786513	at:0.030264949414990132	all:0.028042719501267466	:0.18016199346387823
the:0.5497454243876849	The:0.055538386189387834	of:0.04731352082229719	our:0.0388112795758461	his:0.03760577357955617	American:0.03279184630526833	their:0.029866829886750306	and:0.027167334369740205	tho:0.027095441882145518	:0.1540641630013234
of:0.20049164813437464	in:0.14164889230278	at:0.11799612469470523	to:0.10805733829235892	and:0.07080272692268391	on:0.06624397867355822	In:0.05530128686766816	At:0.05409308602139609	with:0.042837581200100526	:0.14252733689037428
be:0.2446803618699603	was:0.24045103008943366	been:0.12964235772723057	is:0.08139387624830605	were:0.063493478588589	are:0.04726207565379026	and:0.040184689128621734	he:0.025206037659779752	being:0.02293144488875338	:0.10475464814553528
the:0.4239861381291708	a:0.283189678958267	of:0.07411074297554447	this:0.047134363563388855	The:0.04327094333689738	with:0.0318972343907784	A:0.027183548391838994	tho:0.02096190869370016	and:0.02010146681185817	:0.028163974748555753
the:0.35360529302054805	take:0.3243013262708602	taking:0.0789098305882645	to:0.03260800302356765	a:0.03246000234419979	took:0.03116555826835659	taken:0.030499837230202474	and:0.027936729953986706	or:0.027769337937341255	:0.06074408136267277
made:0.12750493469384805	take:0.10672742669631952	make:0.09342571431332054	took:0.08098387165833265	put:0.07477720079350578	give:0.0692323356219098	taken:0.06786890847175	picked:0.05493738193761685	keep:0.05436734168556864	:0.27017488412782814
the:0.3922777023820088	of:0.11194299977228336	a:0.08818138870583082	his:0.07293291347637393	their:0.06957435477223331	its:0.04901088325967115	and:0.042300427173807956	The:0.03794517109652819	our:0.034152442656295065	:0.1016817167049674
it:0.13009728994080838	and:0.09476832599926462	I:0.08249617631883871	he:0.07211880189996134	which:0.06600138280932699	they:0.06576941534235868	It:0.053621929964999204	that:0.04920390493180151	you:0.044750088850989425	:0.3411726839416512
to:0.3514403295288277	and:0.12893104639806294	will:0.12607596020815037	would:0.08370489137140162	not:0.04399441830139313	could:0.032792801110989644	I:0.0316606376720863	can:0.028690314477239978	the:0.028367957917612437	:0.1443416430142359
the:0.19457860373787608	a:0.14162659057106844	and:0.09269958248321156	of:0.0821022314748055	to:0.05230975741486887	The:0.029662234887930017	or:0.02400461883398479	an:0.023866470716943814	in:0.021015376709852873	:0.3381345331694581
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
the:0.8343936489148255	The:0.09737956870853676	tho:0.02685986150372595	his:0.010079462218276958	tbe:0.009860757899970506	a:0.003836721055027455	its:0.003825117355377701	their:0.0035813245012620287	Tho:0.0033550371856302303	:0.006828500657366922
of:0.2888378543069679	in:0.14565989949420416	to:0.10882801372654052	with:0.06850090902861485	for:0.05109022674716648	that:0.04831058994063372	by:0.04533944438295001	at:0.03965466458052129	In:0.03215357424358222	:0.17162482354881886
<s>:0.09932472107896241	.:0.04009862314028278	lots:0.015028153269569763	Mr.:0.013779906394407342	President:0.013106263678750738	it.:0.013100639626780342	and:0.01179803866940873	St.:0.011202033728653804	from:0.010409171689378976	:0.7721524487238051
of:0.3445727144518819	to:0.142945796636849	in:0.1074707066156685	by:0.07237618509396662	and:0.05655584579804846	with:0.05553412758519381	for:0.05211972173633682	from:0.04935460542505995	that:0.034665922049704694	:0.08440437460729021
of:0.2445739193337201	that:0.22205504524676628	and:0.12064201102717556	if:0.054753602307051445	as:0.052447681595126014	to:0.04512039175079227	If:0.04418548547992442	all:0.04109616669784298	but:0.04022984947174121	:0.13489584708985972
place:0.6847151330207596	point:0.03427435409446063	day:0.011128330548355981	power:0.010265982232323927	city:0.009009083866318573	out:0.008771694715640804	state:0.0077854743670445845	and:0.004574245393623495	the:0.0036781360171977175	:0.22579756574427468
the:0.3683594850209296	a:0.1944749741009828	dining:0.07648050425715888	this:0.04298910580730175	his:0.026313283997036835	and:0.018528059734729364	other:0.017653235435818856	tho:0.017365173513785526	of:0.0172291624391035	:0.22060701569315289
and:0.07387188549544521	put:0.056654542407402586	work:0.04802035942711895	it:0.04719262512351353	out:0.043264697380459044	placed:0.036841984941081964	that:0.03505526965002433	him:0.033645445174067284	them:0.03247126099225598	:0.5929819294086311
to:0.5381762398759168	will:0.11280087728631272	would:0.053008189074136805	and:0.04685647629416636	not:0.036589985852868254	can:0.027511341161368462	must:0.027284179088937828	shall:0.026444804518138593	should:0.025864757269834972	:0.10546314957831926
the:0.15443580495470277	of:0.08033983068109139	and:0.07746673437587527	to:0.044380595986804765	a:0.023793305534792513	in:0.02204016951496984	was:0.020410415404279143	on:0.01900926995603341	he:0.01798566956746732	:0.5401382040239836
and:0.13138779441418363	of:0.11452835077345339	the:0.10108047685654721	to:0.045355374649344686	for:0.03877034419752932	a:0.038331212563399886	that:0.03577152487086106	which:0.03465855471199002	or:0.0317270974950182	:0.42838926946767264
at:0.3372955510700846	the:0.1377170698617946	of:0.04409774586575282	and:0.040896357459348075	to:0.03215571887321016	At:0.032006820188506285	a:0.021404516970922285	so:0.01763660384082514	that:0.014753750732443931	:0.32203586513711213
and:0.1115180572580448	or:0.0709501233254112	appear:0.067733809243956	days:0.06309105403646031	that:0.04739254516804717	time:0.045316007611204794	brought:0.03233941116834793	just:0.031423180951644425	long:0.03108310392237562	:0.4991527073145077
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
of:0.48907467301633617	to:0.10366521533645079	for:0.054765382097722366	that:0.04679337853417481	in:0.043868271660807936	with:0.04164082866221717	by:0.03812174037842147	all:0.036194303970519835	as:0.03191851103165302	:0.11395769531169643
the:0.7551712657460324	The:0.03374100971687465	tho:0.03302116029619504	in:0.03276759896472392	a:0.026086636338153012	and:0.025923795733714557	no:0.01991305320411212	to:0.014459931623447103	tbe:0.013446869310534317	:0.045468679066212866
the:0.18865064154752814	of:0.09521314359217854	Mr.:0.05936560020366942	The:0.05918413378541302	and:0.04789785501490848	that:0.04093932846997176	a:0.03062771603476304	this:0.01791027151166763	in:0.016031536642742206	:0.4441797731971578
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
the:0.38090175059052495	of:0.22048637673955146	and:0.133347669789427	The:0.05740260915120539	to:0.03839199674148918	for:0.024892203723528166	an:0.024821289296677766	by:0.022832548946168634	their:0.02275716776353958	:0.07416638725788792
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
of:0.07858503074155922	and:0.07803557080696075	to:0.07747135227581889	the:0.07243262796459926	in:0.06417305785045004	a:0.03357472856752043	was:0.030037390036403565	is:0.03001547729734283	for:0.026142527772413028	:0.509532236686932
I:0.4234139978675125	to:0.10529896345242151	not:0.08531615456354943	you:0.08305612212267043	we:0.06040284499345935	and:0.05291649337301706	1:0.05157874188249746	We:0.03964316901881764	they:0.025691160518944135	:0.0726823522071105
be:0.15261013619422634	have:0.14228313364017944	he:0.11007000107425262	had:0.08841411979020695	and:0.08692455514378698	was:0.06357745133702578	has:0.06292932285750318	I:0.06211740534091349	is:0.0435038250518551	:0.1875700495700501
men:0.020522431577533397	him:0.015957189656365063	time:0.013643330430092405	out:0.013118354087311632	up:0.012706198789153316	city:0.009922890016624813	them:0.009765975858123457	can:0.009536490522279645	in:0.009483412222525677	:0.8853437268399906
the:0.4211437017369511	a:0.14424407865691843	of:0.06187981858870891	on:0.05199113831692643	and:0.03168459620078188	in:0.028859553639917806	The:0.022188394591058157	for:0.02079031256486613	tho:0.020546651663456404	:0.1966717540404148
the:0.17947139721925612	of:0.12497875045865785	and:0.057027007638890195	in:0.05509407881356	a:0.04610467824206484	to:0.036129359911231874	as:0.02151368200567899	for:0.02136408597916686	that:0.02086832229033471	:0.4374486374411586
and:0.017925489173262307	it:0.013711089098122124	him:0.01355009000618232	him,:0.011923637062799265	time:0.009593940188505233	them:0.009259624967626164	men:0.008967463951530712	them,:0.008570313712148728	it,:0.008403971942964142	:0.898094379896859
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
it:0.023513092548094906	it,:0.015660870246104738	him:0.014789705264991033	up:0.014702859687941904	them,:0.012072411676076275	them:0.011138439870544192	;:0.010856962405723735	and:0.009942103715023225	time:0.009278104015795395	:0.8780454505697046
of:0.44231003909994904	in:0.14860137047152677	to:0.06399254497744683	In:0.04751703041955144	by:0.0427412201179887	that:0.042426465277037036	on:0.0420061155130906	from:0.03745404194602412	at:0.03262075015855119	:0.1003304220188343
of:0.34076260488681653	in:0.20438078804483314	to:0.06455774179674417	and:0.05482509726119695	from:0.047486896843994424	In:0.035488409541510585	on:0.03463272131965567	at:0.018053901619682705	for:0.014922705464924246	:0.1848891332206416
and:0.08362943294997585	together:0.07769806815080653	connected:0.0635902168573379	connection:0.06228367212358626	accordance:0.047530813078388766	comply:0.026000666542743977	acquainted:0.023189098613704624	compared:0.02214887744238745	contact:0.01973810078197255	:0.574191053459096
the:0.20890940245982775	of:0.09724457196565933	and:0.06404678483167926	a:0.0425979193746801	in:0.03433837491836702	to:0.030969467918345442	.:0.02565262044984228	an:0.02086168329258178	The:0.017497502998413444	:0.45788167179060363
the:0.3205916395894266	a:0.2395613970303079	of:0.13373978644487247	and:0.08420197851548993	this:0.04509444615629051	his:0.030901201851582436	very:0.03051653182123771	most:0.023542614977945815	by:0.023423029759710626	:0.06842737385313598
the:0.5216104949166935	The:0.07818913965442621	this:0.07033018329195452	of:0.06438941364134232	said:0.0349564227523208	our:0.026201637944192228	such:0.02576940211211684	any:0.02405963779209623	his:0.023501446824185958	:0.1309922210706714
that:0.2662103163765805	and:0.11649147601289526	which:0.09608614949200375	when:0.09140356497682237	but:0.06435945260703325	if:0.060158776499802315	as:0.055463078999108704	where:0.04177732096810282	what:0.03009529574810684	:0.17795456831954418
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.3908597229027021	to:0.08812723825811727	in:0.06924914866595153	with:0.05466430432393942	and:0.054189825217381755	by:0.05253876140542735	for:0.049854301420118735	that:0.04776143625151071	at:0.0369560753751861	:0.15579918617966504
of:0.38872569762854997	in:0.09780034781736963	to:0.08746401295074997	on:0.07656827131586112	by:0.0696118284114136	and:0.047773063572694424	that:0.04590947697683043	from:0.03859531020959504	with:0.03229147775874169	:0.11526051335819415
of:0.22498437770001112	the:0.06493983730122284	and:0.04433114124786183	in:0.032738584855476066	with:0.025416731407197767	it:0.024196651740311794	a:0.017892900142028288	for:0.017190267946681447	ar-:0.015349415968421654	:0.5329600916907872
the:0.6532604155092447	The:0.075229025487532	and:0.057096690909624014	tho:0.04635762106111971	a:0.030248015388437573	other:0.021592248593416814	tbe:0.01792787830694912	of:0.010460267203932514	an:0.007154805444828134	:0.08067303209491533
of:0.24922914644469146	to:0.13794371511089895	in:0.12803831460939313	and:0.09165815785495864	with:0.08896190574171425	that:0.061789011124180136	on:0.043578441932625125	from:0.03898576263302351	all:0.032989295976440736	:0.12682624857207406
it:0.034107694936003734	and:0.02793495757563469	there:0.022018091236194446	them:0.017162438378795573	day:0.016174689259432523	him:0.01611974851408758	made:0.013880773509212607	year:0.012412956866015299	<s>:0.012405654786653142	:0.8277829949379704
a:0.3851659699788809	so:0.14692445256301806	the:0.12043110909165797	very:0.06724023389517104	his:0.0378354500196206	not:0.035927927700552365	and:0.03409025215639596	as:0.028346125123387394	have:0.022901414228721665	:0.12113706524259402
of:0.304773800629139	the:0.27969142220597265	a:0.08436940563893579	and:0.04099039945583451	their:0.03884458651971239	in:0.03771891895840833	his:0.034774617019190476	to:0.024059394524206995	great:0.02129954511960073	:0.13347790992899913
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
is:0.1890011153762216	was:0.1812102952275331	be:0.1439461407181916	as:0.13835215975691656	are:0.06081729676179968	were:0.053189821933238166	and:0.04851535350733246	been:0.041687981805955475	Is:0.03484032504566676	:0.1084395098671446
and:0.128277951537973	place:0.06023411150353899	was:0.035508289270325795	held:0.03083027042280106	not:0.027958061117803194	arrived:0.02742089258377327	that:0.027393617160944825	them:0.025123625285054678	are:0.02507591892755048	:0.6121772621902347
<s>:0.09399681194208016	.:0.024657145483839432	it.:0.02142499955885138	them.:0.012891507845959896	Clerk.:0.010536916035380586	him.:0.009193494434554538	thereof.:0.008288025187299703	and:0.007419424532992537	time.:0.007144152024448378	:0.8044475229545934
the:0.3038545595448136	a:0.26951878337019686	of:0.12603348317876598	in:0.09126220275623184	and:0.04197726256673026	very:0.03708755601977781	to:0.03661112131157109	for:0.02796636361167619	The:0.02739294157892582	:0.03829572606131058
from:0.2700680120077569	and:0.1282959643078735	of:0.12805739556832293	at:0.072295807988547	in:0.047110766025175874	with:0.03169880729021013	for:0.027257230214806763	by:0.026225448213013546	to:0.025967888241582044	:0.2430226801427114
the:0.24692956159003168	of:0.12886398429875345	other:0.05535380422332906	all:0.04835596473937386	an:0.04496895562315764	a:0.036825489033968796	their:0.032845108467156645	good:0.03160517401945386	this:0.031399103075112074	:0.34285285492966294
and:0.022662324770945434	the:0.015132000791585064	persons:0.013222370972513841	feet:0.012444953676072006	a:0.012351921639297467	line:0.011315444527545416	lot:0.011233250352356389	<s>:0.010970259622256354	which:0.009415968024686033	:0.881251505622742
<s>:0.1338867402615701	it.:0.02609181338463684	them.:0.011741730159300436	::0.010197272428783525	.:0.00969989800484581	country.:0.009160280102642403	people.:0.00766769832995165	time.:0.0075792591552722435	year.:0.0074586338131543365	:0.7765166743598426
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
line:0.05455540030527523	State:0.03873239497864174	number:0.037633314083964906	name:0.03441224494063421	estate:0.02304192594385762	corner:0.021891623021569516	city:0.02189144908731446	daughter:0.021833218153425434	state:0.02080715260431728	:0.7252012768809996
be:0.41935248631642974	is:0.1012863295939082	was:0.09708483472822117	and:0.07982437192295468	been:0.07115131480322737	have:0.04005325989161435	are:0.038169902660625955	not:0.03795248192448979	had:0.0356021250715963	:0.07952289308693246
of:0.2527915939806853	the:0.2451567585283281	a:0.07711879528317057	in:0.06773741269250957	to:0.050702433861372465	and:0.03937858747610316	from:0.026472543654762502	The:0.026337178794950906	for:0.026103320862742474	:0.18820137486537494
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.10631112473892627	the:0.09943241832474299	and:0.08159794106622675	to:0.08044019399615582	a:0.0411705846870669	be:0.032482607452970214	was:0.026600329505008413	or:0.02456876992697593	is:0.021232665187409037	:0.4861633651145177
thousands:0.3466929970807679	millions:0.3182848021914284	number:0.08509443394993593	hundreds:0.07881206383078229	sum:0.03254038378417938	couple:0.02173718205006517	billions:0.017954777535904732	sands:0.011205388019234727	Millions:0.010163731769972031	:0.07751423978772945
made:0.12349235907008906	and:0.10795653013507085	or:0.06323574108540468	caused:0.035661992292693005	that:0.035280660194085184	it:0.029304422681591245	accompanied:0.02399608848039157	was:0.023950887885994355	surrounded:0.02258498349681361	:0.5345363346778664
to:0.3860482179138965	will:0.17615461198161617	may:0.10175438092405316	shall:0.06323321881208119	should:0.056737015972401474	would:0.050522907269260495	can:0.042025120120176375	must:0.04062002511837367	not:0.03211174013306918	:0.05079276175507183
went:0.08683324565499717	go:0.07476330580440535	came:0.05394514230576035	back:0.047297493639340674	it:0.04706181582391388	out:0.046435294313249977	put:0.044640592301587366	down:0.04048017963153846	come:0.03746281779864652	:0.5210801127265603
or:0.23390180043969425	and:0.11006864250430576	not:0.10849369410727655	be:0.0930284628117784	was:0.06875407562355483	the:0.06327773124192466	is:0.05671500887486831	are:0.0553302414079964	with:0.04451351391020234	:0.1659168290783985
the:0.19160126594257101	and:0.100250567070355	of:0.08693368689376259	a:0.05377930019925598	be:0.04253538924496419	to:0.04168896895704185	in:0.0363660647004163	was:0.02809540747755261	his:0.023990108892760164	:0.3947592406213203
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
that:0.30246902938335324	which:0.10704091316787251	if:0.08469709230156716	as:0.07844477058325534	and:0.07460880669444017	when:0.06247567718397861	where:0.052738740885928975	but:0.04462112473008598	whom:0.04135188655360903	:0.151551958515909
W:0.10885086180981304	M:0.08962385808542442	J:0.08815037885305665	C:0.08144449491961595	S:0.07565573974651656	E:0.07480965297703332	A:0.07089097266370924	H:0.06872129070148511	B:0.06456748181320644	:0.2772852684301393
one:0.13027668708462814	out:0.07742206756685843	part:0.06474114282857145	some:0.05640712659716483	time:0.03954471000289752	account:0.03620724368530425	all:0.03238127669140698	and:0.028154969476639407	that:0.02755643570827209	:0.5073083403582569
and:0.18982846063657646	fact:0.08636389629172457	said:0.06689448016241971	so:0.0629021587670802	believe:0.0515993089842667	say:0.048249381541273735	know:0.04583908674047788	stated:0.028470845041112556	show:0.026244421298845532	:0.39360796053622266
of:0.17662243176141348	<s>:0.1321589673951811	the:0.10288493455073111	to:0.09783704449014641	in:0.03994158514824103	and:0.03427436504895227	said:0.02857560477033286	for:0.02580397603423429	by:0.020611760818374354	:0.3412893299823931
and:0.09611377979382967	together:0.06030448595031675	covered:0.03676937166272939	him:0.032438653052046594	up:0.030460413497620714	it:0.02269175320641507	met:0.021809108688738414	them:0.02113687577611875	but:0.01784208772281916	:0.6604334706493655
and:0.0864082807169658	that:0.035408922365818565	of:0.03293668690789474	or:0.017829553571295224	it:0.015866632564093652	the:0.013872350972873607	him:0.01372686058766437	<s>:0.013500434184049817	for:0.013201902450339567	:0.7572483756790047
an:0.5307015015012837	the:0.17174108937468094	proposed:0.044647272562304025	this:0.04156791046610866	said:0.026906685345025168	An:0.024470026700152626	from:0.020288096572120738	a:0.017956425368274746	and:0.015845651521376798	:0.10587534058867262
the:0.1331954013331003	of:0.10395761905650669	and:0.09166744382168995	a:0.0674867672110823	to:0.04481959524883369	was:0.033914181021321675	be:0.027669522756191306	is:0.023821375196731925	been:0.01992601692954109	:0.4535420774250011
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
virtue:0.07446520038896885	out:0.065008335608151	part:0.03947215825672998	one:0.03562890125655043	quarter:0.03241584136443704	favor:0.0239235849421329	result:0.023354276051738905	guilty:0.022667050730808908	means:0.022196791642065155	:0.6608678597584168
<s>:0.07037752055964767	and:0.04171036397520784	was:0.01793185209281164	that:0.017850205571295075	made:0.016091896972288522	it.:0.015031913622321813	file:0.014852976451169154	is:0.011815953178702224	be:0.010141608905394478	:0.7841957086711616
and:0.11838072578865622	It:0.11106901293053309	it:0.1057196161244008	he:0.09596508021861545	I:0.0818472320629072	which:0.04516010053904725	He:0.03932569595655428	who:0.03795485547277035	1:0.03343575843070501	:0.33114192247581037
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
day:0.05605722078687592	State:0.03412492128126604	side:0.01812447280490586	corner:0.013974666879395952	county:0.012089673309696085	state:0.01122491882734514	line:0.01082023914461269	part:0.010508128869820204	House:0.010474530195833498	:0.8226012279002486
the:0.7503347230691612	The:0.049654749596183025	a:0.03805058105941272	tho:0.03322960143140841	his:0.027350071364232956	their:0.025299604185153035	its:0.021038610195265088	our:0.01655964833476579	and:0.016400303817221663	:0.022082106947196183
and:0.16164800464696896	looked:0.045216115691277876	look:0.04033698320051188	down:0.03882943462177904	called:0.038020213833549574	imposed:0.03750932733015356	bestowed:0.03547947855056595	that:0.033050869693857135	conferred:0.03242395721706223	:0.5374856152142738
was:0.19217740219953444	is:0.16636750306851786	are:0.06365852674724218	and:0.06297842081453316	be:0.05283384276418337	had:0.052349125571853776	were:0.044980606439849066	been:0.038109291367387624	has:0.034620961925959114	:0.29192431910093947
and:0.11466088913790702	that:0.05532000573712739	as:0.04709364811439039	which:0.027921097184170882	the:0.027643100012842033	of:0.025193515050706702	but:0.024181478855027992	<s>:0.02361422624512566	when:0.021289870781935925	:0.633082168880766
to:0.2331445121053883	told:0.11998769619887521	of:0.11399635935288124	with:0.09693419694040241	tell:0.07979949389916866	tells:0.07688704976492547	for:0.07262489052805095	upon:0.04956886175085805	by:0.04205935565295525	:0.11499758380649444
of:0.28904275301978616	to:0.10425489449077704	with:0.08335158245061107	and:0.08130176230066131	is:0.07483310701908084	in:0.07117533326210203	that:0.05315215290608015	by:0.049864758545983615	for:0.049609958070349375	:0.14341369793456837
and:0.1184209893340516	time:0.028649742499019717	week:0.025500704121281883	up:0.0166876248559706	one:0.014656815853786859	that:0.014627028491013744	demand:0.01353565870986673	but:0.013187863744962438	day:0.012785249410117147	:0.7419483229799293
of:0.20780635281744989	in:0.17801110175732154	without:0.0915478616053879	to:0.08583686423718223	have:0.07022817093801804	make:0.06621122143790516	by:0.06275090740569912	for:0.05222353332242955	or:0.04946092822028797	:0.1359230582583186
in:0.019644948386125977	up:0.017334454224300737	;:0.011225791933419467	him,:0.010184032075675632	him:0.008218272151289877	it,:0.008147540050876168	them,:0.006667325084324974	up,:0.0063580877567533875	,:0.006102134847413745	:0.90611741348982
of:0.1185212040020593	the:0.10565420974429535	and:0.06675772832788313	to:0.05490707131792555	in:0.04790252568823683	be:0.034091047418141306	a:0.030375565391413503	or:0.02966883251926121	for:0.028101475749425182	:0.48402033984135867
to:0.11272467325873015	the:0.09570920935957357	of:0.08084508540075111	and:0.07746796351453314	a:0.03161606912023797	in:0.024763881588432984	at:0.024446783401682257	for:0.018599489625864805	is:0.01726400145434898	:0.516562843275845
of:0.05820818162700881	<s>:0.05247775566051044	and:0.03664222722627784	::0.03482022157200749	in:0.028932312768545996	the:0.028304059053122117	to:0.02022467418801367	.:0.018897297910205738	as:0.0186971689240886	:0.7027961010702193
of:0.17816318309358542	and:0.10700500752284052	in:0.10093079046733842	with:0.09398745388885821	as:0.09233730060526593	to:0.08812241324220688	for:0.06376433141624357	is:0.05666944968456332	by:0.05446462795648978	:0.16455544212260792
the:0.17995379374225942	of:0.12918827017959583	a:0.05542226251253751	at:0.05540984440073911	and:0.05381124978842609	to:0.0375741823394331	in:0.0302388151779323	.:0.023903814550487668	<s>:0.017379245685460763	:0.41711852162312824
and:0.11855345980160215	that:0.04834655291398339	made:0.0378194600336547	is:0.03527537111848093	was:0.03499608325061649	placed:0.02838596072187782	as:0.025722738445492364	be:0.025414814918467716	or:0.02501953233801765	:0.6204660264578068
the:0.2617639967904876	and:0.20166142384879185	to:0.09490365254244706	of:0.06923060031864038	The:0.048973128206264795	that:0.02913510871047933	which:0.025205451268786178	or:0.02464222035599852	an:0.022766910001227218	:0.22171750795687703
of:0.30781243347322285	in:0.12963719533411652	to:0.12791085336364197	and:0.08077257294304888	for:0.05630466354387866	by:0.0460194242675015	that:0.044144188421520826	with:0.043587430127283736	from:0.03790693314755587	:0.12590430537822916
and:0.17924669708147947	of:0.14508780436401067	that:0.1171472381364496	in:0.10651945547008625	for:0.09426087088967157	to:0.0834449398347438	by:0.04440375131331862	or:0.04372192304801074	with:0.037187321923578535	:0.14897999793865077
.:0.06323508034611855	and:0.048142569627102776	be-:0.024584746729157083	<s>:0.024387447838941125	of:0.02105265622113751	Mrs.:0.020691801667463185	Mr.:0.019588445997910382	said:0.016724236058338244	W.:0.015290854396980575	:0.7463021611168505
the:0.18900385325169994	and:0.1615464516564065	in:0.10180116208560017	of:0.09934648325360598	their:0.06253459686428224	for:0.057564644632529194	a:0.04680906503691979	or:0.04370184804668206	to:0.04127236907671182	:0.1964195260955623
of:0.2346017983177867	to:0.12912800942609948	in:0.11648202190610984	for:0.11019453915830224	that:0.09380396104598324	and:0.07011853167342323	by:0.05179785909900997	with:0.05138972197064697	In:0.03299676202655354	:0.1094867953760848
and:0.10968615154899033	that:0.10300191553271104	as:0.06787944444478897	of:0.06784266536627429	to:0.04946776343917317	make:0.04536235238254599	which:0.043134291809455536	but:0.03568964334384511	if:0.0324340118960915	:0.4455017602361241
the:0.1918999409162787	of:0.15192051112495283	to:0.07065234045676035	and:0.06944169659195475	in:0.042883776196565755	a:0.03371894818679388	with:0.02554145244754443	on:0.024654792034055486	The:0.021736652753211374	:0.3675498892918824
of:0.09924636802463128	the:0.09190321226143573	and:0.07873357061964639	to:0.05403607539554666	be:0.04740400120181518	in:0.03165088556212201	or:0.028533597054211397	for:0.024261752734536787	re-:0.023287272260284375	:0.5209432648857701
min.:0.16489391881703153	.:0.112059476390314	N.:0.09890751747488893	Mrs.:0.09233982565529299	M.:0.06303262423809297	W.:0.06248722672801971	mln.:0.06110884664387726	J.:0.059914059495868276	deg.:0.04851978176963528	:0.23673672278697908
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.09412589747639956	of:0.08742134541196799	to:0.07431018669063834	in:0.06390942503732248	and:0.061275412914504994	a:0.04817862118106245	In:0.02406162173729238	by:0.021405273222558276	for:0.02128642569329682	:0.5040257906349567
and:0.2030063790731375	that:0.05076267883276005	was:0.02838552512212713	or:0.02589431089047292	it:0.024084669608190893	is:0.02230044850805885	but:0.020845014230754383	them:0.01880305831409997	as:0.01788544774589804	:0.5880324676745002
the:0.5382231329869738	a:0.24484230507039403	The:0.06604372779041708	tho:0.02894787889617785	this:0.021952854374347474	and:0.011610329363556483	his:0.011184460874438352	whole:0.011046996548628188	A:0.01077728065555105	:0.05537103343951566
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
be:0.10978933935270511	He:0.1075187534560298	is:0.10643148385812715	and:0.09920615698129431	was:0.09884662497208835	he:0.09594132799425883	also:0.04108853124951731	so:0.03735012001303525	been:0.03450718850973367	:0.2693204736132102
of:0.4691158447359111	to:0.12003620321103169	in:0.09218556811572956	by:0.07244098785868025	with:0.04214096059786822	that:0.038442501837149305	and:0.036169450200930514	for:0.029317168336054248	as:0.02477258243583875	:0.07537873267080636
and:0.20233363206878235	was:0.16109320265550872	be:0.12853972343484282	he:0.05358139993617746	is:0.05339511367765178	were:0.051612806625708114	it:0.04629006991254946	He:0.044096607012114535	years:0.042801499622417846	:0.21625594505424692
of:0.29628695009727757	and:0.1257427468730856	that:0.09868338348776563	in:0.09078379751193343	to:0.08203860384908024	with:0.05510655783384547	at:0.03774746853160076	by:0.03638612637651264	for:0.03299753562292425	:0.14422682981597443
2;:0.12842526652845418	feet;:0.12542479605669	3;:0.10991548806810661	4;:0.10396655960160153	5;:0.07943565877134534	6;:0.04023071957040373	8;:0.028329609747140445	;:0.025350240853238067	lode,:0.022326939650445455	:0.33659472115257466
the:0.3085463982317545	of:0.1520529320109287	in:0.07338603849763992	Key:0.049468971012951043	to:0.044980459669008155	from:0.04033849677707739	at:0.035799741184064086	and:0.03022766467521507	In:0.024492601995420252	:0.24070669594594085
a:0.36103348261237234	the:0.3269004637024176	her:0.03840719991468899	his:0.03654320848554969	The:0.03559032006658648	very:0.03432899179878398	and:0.02985802384629305	on:0.02945506172771413	A:0.021980776735800376	:0.0859024711097934
to:0.22516789385496064	a:0.17362387228237683	and:0.10123547732320823	the:0.0798143104778006	of:0.06911718377163896	his:0.04772290934960988	their:0.03981661041029065	will:0.033253290381230934	not:0.023700003840048972	:0.20654844830883431
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
be:0.30185098693241896	was:0.17098499679457857	been:0.1507338467744888	are:0.06810252476586133	is:0.06794003935851436	were:0.06768380799509922	not:0.03552783752160908	and:0.034823958591550914	being:0.031788565829266154	:0.07056343543661257
the:0.18226616748733143	of:0.09055536536617964	and:0.07875087345412557	a:0.04282959090962975	that:0.0423577110756612	The:0.028952021800772214	in:0.02827161666549837	no:0.02464103014114996	Mr.:0.02431919560564389	:0.457056427494008
and:0.10728643539050407	of:0.09689368708684774	as:0.09430956550132799	the:0.07574070144994628	to:0.05122624749049644	be:0.037028496537601055	such:0.03566920217538001	much:0.030975032286415252	in:0.028365295688714418	:0.44250533639276673
to:0.3090501729480853	will:0.25756960213237584	would:0.1251692248806639	not:0.05724654488876003	shall:0.05654243150916109	may:0.05554422611077525	should:0.04692487547867767	must:0.02568908846002492	can:0.02203813144621834	:0.04422570214525771
and:0.16020120338766708	of:0.08685718497833594	to:0.08399503967667783	the:0.06943891233164705	in:0.05884921383794103	or:0.040621043920846804	that:0.03912403354901541	for:0.02818228214969146	on:0.028164677194048932	:0.40456640897412843
a:0.36377461809042416	most:0.23447332686689132	the:0.10718954495629919	and:0.09718379475479254	more:0.04539424495540545	of:0.027447377994800546	very:0.026919546331716008	are:0.02345348979935944	not:0.02312043376741239	:0.05104362248289895
would:0.18671410518497575	will:0.1369485962502549	to:0.13684710490540336	I:0.11804868853485817	we:0.10929258547996494	they:0.07046804572904675	who:0.056304436139126945	you:0.049441553579728674	not:0.04672165169243901	:0.08921323250420152
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
the:0.18635094821463588	of:0.13092691060682204	and:0.08953686621361837	to:0.08543503883939431	in:0.04463607233103281	a:0.04452095176172935	be:0.03708117054764228	for:0.02750398240718926	his:0.026634273326519665	:0.327373785751416
the:0.1287053056813113	and:0.09508927028557602	to:0.07119949655636888	of:0.06102613577256228	so:0.03421728976199958	is:0.030015551339827497	be:0.023127371175015583	he:0.020689572386688632	was:0.018665179604157495	:0.5172648274364927
to:0.3759161508671919	will:0.1870698076997338	would:0.08493695166754842	not:0.07070449761285126	shall:0.06577535734022946	may:0.05812536267127526	should:0.05184064428717594	and:0.03156918958276016	must:0.023962761185111595	:0.050099277086122225
of:0.14797499445143766	in:0.11218001226258782	to:0.07849769288893634	In:0.04365812862673623	for:0.04270793296517899	on:0.03409336144416247	<s>:0.028261868566220816	and:0.026446339050859583	at:0.022229563747557954	:0.46395010599632214
the:0.46488502879254723	his:0.1458126720156708	my:0.0758048049617436	their:0.05149175394465298	The:0.046623850386187084	her:0.03937742530908344	and:0.03140906647621429	of:0.031110820856734073	tho:0.023308478140071046	:0.09017609911709545
thereof:0.148492123086778	such:0.1005449071611134	well:0.07136555695074975	far:0.06575927754034791	and:0.0624738927405904	that:0.024950724187767597	but:0.024079258365566073	soon:0.023892082074917068	much:0.023310846035979244	:0.45513133185619054
out:0.09006316610353199	purpose:0.08137727712642014	means:0.042244689944397014	number:0.039348662976175224	one:0.0328317184883553	all:0.030022041400085964	some:0.025889733105652523	and:0.02542168216809563	point:0.02478217222228569	:0.6080188564650005
as:0.6073264240170588	so:0.12570819864730268	and:0.06687737414795873	of:0.039878107358104826	the:0.027663856238360995	is:0.0274959420455965	very:0.02114225200612142	a:0.01573417786667885	be:0.01406779614854226	:0.05410587152427491
the:0.2678127271606585	a:0.19863248634598826	his:0.13947237873972332	of:0.11164159937446114	their:0.07338770880419918	our:0.04395187724340407	to:0.02896002190269809	my:0.02806365429818965	and:0.021379960733699344	:0.08669758539697846
is:0.3009001205600618	was:0.16445926455152693	and:0.10154849499826091	are:0.09714413516834423	Is:0.04854676710816726	had:0.04303217749020616	were:0.03773644303921645	have:0.037520484924625	has:0.02821804973263618	:0.1408940624269551
thence:0.2302558101186079	came:0.06862785206158112	get:0.06427979950761627	going:0.05881512461003678	went:0.050698373867137006	feet:0.047042978400244614	walked:0.04238454425493571	go:0.040041795086953685	all:0.03473350361628515	:0.36312021847660175
of:0.1740449550455355	the:0.11980413230518858	to:0.06456352741649714	in:0.05453479609755336	on:0.040600662783194574	a:0.038739595224523526	and:0.03701511453381656	by:0.034425799960206886	for:0.026069071894816557	:0.41020234473866735
and:0.18214828659494192	of:0.12605966053321385	was:0.11623430446271397	are:0.08369438013437581	is:0.0632563366000676	been:0.05957069166930004	the:0.055250649550304065	by:0.04903478027457213	were:0.04529961181655485	:0.21945129836395572
the:0.20177071455586273	of:0.07973092050253969	and:0.06278678876929093	a:0.058628158851229406	to:0.03013640504881719	in:0.0280455388373876	The:0.027665697131399446	Mr.:0.021150499814924808	by:0.01935136035972762	:0.4707339161288206
the:0.30951666011284207	and:0.08631345201153295	an:0.04124041803786068	The:0.030191547302089124	or:0.029688839620401232	first:0.027830563687530136	a:0.022927544472471386	as:0.022908024167388505	tho:0.017695095223615624	:0.41168785536426833
of:0.25322264143247536	a:0.11603388645384938	to:0.08220776234682682	in:0.05434533688372498	with:0.050134762686077035	the:0.04892166567689527	and:0.046346879855007184	by:0.035330848756702345	that:0.030351216965267807	:0.2831049989431738
a:0.5310135009541387	the:0.26952471268565337	large:0.03936898083859084	great:0.03642164359152054	The:0.02240580763590828	vast:0.01632193313019641	tho:0.015122208022167754	his:0.012987746067395837	A:0.012737189689443871	:0.044096277384984416
the:0.11942499690886942	of:0.08782170550350654	and:0.08117031876689648	to:0.06853854397881164	in:0.036928174219376025	a:0.03488122497995583	at:0.02676061509712923	or:0.025571680768255525	for:0.022836816723242948	:0.49606592305395636
of:0.38870625685347543	to:0.14426578924468836	in:0.14119390233858803	by:0.07400580819855207	on:0.039532454978125256	with:0.03951666313605802	from:0.03665420771694572	and:0.03243489099070761	that:0.029298068229292963	:0.07439195831356654
and:0.11216435356770388	depend:0.04052132740766872	that:0.027163236052818004	depends:0.026736680984193927	called:0.02465829214948171	based:0.024645718329936863	look:0.02373575220297127	down:0.02112605981774554	call:0.019757911007946195	:0.6794906684795339
and:0.08793627417053602	the:0.058062596342082995	to:0.05616145386902443	will:0.05024895711553716	which:0.04934421954894263	said:0.04911162949450814	of:0.048468472203261496	that:0.03815540925302591	may:0.03659240513259149	:0.5259185828704898
more:0.09842496534734087	law:0.02183729742887233	one:0.021582948119298805	be:0.017096259273389865	good:0.016971707084357784	man:0.015685364334155343	it:0.01546342129388931	and:0.014815006779396556	is:0.013047265338290549	:0.7650757650010086
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
virtue:0.07446520038896885	out:0.065008335608151	part:0.03947215825672998	one:0.03562890125655043	quarter:0.03241584136443704	favor:0.0239235849421329	result:0.023354276051738905	guilty:0.022667050730808908	means:0.022196791642065155	:0.6608678597584168
of:0.14706270034795357	as:0.1269393610011496	for:0.10711669102488648	to:0.10525975235921634	is:0.09600026209589976	by:0.09432382890036566	with:0.07146015549941638	at:0.0681148979576176	and:0.06651177233020894	:0.11721057848328564
It:0.1863534843032382	there:0.17114302194463862	it:0.1571312970353264	There:0.0863267732740467	This:0.05314199278471771	which:0.038444543800034654	he:0.03704784810338996	that:0.0367825812830805	this:0.03132237140267237	:0.20230608606885483
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
the:0.25899815938004445	of:0.15676477870725936	at:0.09823334572475122	to:0.08947089734438365	his:0.061717445332661984	their:0.06072008886117653	this:0.05761528223930023	in:0.03828266407897751	a:0.036953408195203395	:0.14124393013624167
that:0.3039434052225785	and:0.12470214444376379	which:0.08572015622662967	as:0.06889204945133748	but:0.05379011913939501	if:0.04886684107570884	what:0.041927141152196666	If:0.027352688228482948	where:0.027245966328651543	:0.21755948873125558
and:0.11192071948425236	feet:0.03554228313947749	north:0.03425734607167571	committee:0.02807741467160246	put:0.020516150589709563	Mortgages,:0.020323014538700647	mortgages,:0.018986714681600212	mortgages:0.017966168869197604	men:0.017953384029676	:0.6944568039241079
the:0.3780049265175813	of:0.08192637226311297	said:0.08061255713096911	this:0.07201814002685827	and:0.04088086720393033	The:0.03459357071159431	a:0.024258936875199304	that:0.02103412285337606	Custer:0.019688263065019054	:0.2469822433523593
and:0.12680305371971057	was:0.04787460445502102	is:0.043195070023051216	that:0.040655715831305415	as:0.037935016719518426	be:0.033090057214328526	are:0.027130164359379455	or:0.026000820390126467	it:0.025387200661201665	:0.5919282966263573
cut:0.07577084294136396	cutting:0.031995838373853495	it:0.029503744086168952	and:0.0273209800574872	taken:0.02672736002962793	went:0.026264991865157683	them:0.025854654087216197	of:0.023979028934794786	falling:0.023281318226669356	:0.7093012413976605
matter:0.0610713045138858	bushels:0.04509519183658979	purpose:0.043328141322785035	number:0.03754385338393655	out:0.028584932194831655	point:0.026975621325537297	cost:0.024775932539791722	amount:0.02234959973599157	pounds:0.02196464930946792	:0.6883107738371826
and:0.10723033250438467	it:0.05559303722465169	pain:0.04948680842417035	was:0.03016410543330205	him:0.028667508434370933	not:0.028625149798078335	that:0.02783886748991313	up:0.02560941319093722	is:0.02465372951719969	:0.6221310479829919
the:0.14995457845066296	and:0.10622875647675366	a:0.08793070484898935	of:0.05680267277478127	to:0.03882242802833114	for:0.0273504012389872	will:0.020031092947238576	in:0.018329754677717504	their:0.015213708290201574	:0.47933590226633677
up:0.01681185827025568	due:0.015276345139994965	hundred:0.013751366996276004	quiet:0.012269236128350852	out:0.01179248233118531	;:0.011658618495725545	made:0.011615591321067115	him:0.01153288963240908	it:0.01103971597523642	:0.884251895709499
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
Section:0.05008664084269772	<s>:0.03091098352420703	.:0.0223272757517557	lot:0.01676380906468016	and:0.013835147612022659	Sec.:0.011967016079771308	April:0.010168907672673507	of:0.009617220303754425	May:0.009602695281086168	:0.8247203038673513
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
of:0.3292586113773334	in:0.1329967391346107	the:0.09743448744667713	and:0.07304522720230285	to:0.03975734235087581	with:0.029368533000427414	for:0.028945455370043043	from:0.028491858740196163	In:0.027503489849909878	:0.21319825552762361
years,:0.01163686010178612	man:0.009328599399312017	it,:0.008721134117144006	him:0.008457578024797055	it:0.007885679810683431	them,:0.007512540703029457	;:0.007505264067369993	him,:0.0068773260053691465	time:0.006644535351863785	:0.925430482418645
in:0.2767399566335732	of:0.2315791994993909	In:0.0901169345411973	by:0.07035581420228576	and:0.050715154967932524	with:0.04549898805529966	to:0.0360992546164922	for:0.03476540031294445	from:0.023761880134653433	:0.14036741703623057
and:0.20198575038058372	of:0.12529995995712295	fact:0.07181284276790949	to:0.0686684949581843	all:0.0417563828992807	in:0.03990367365466811	on:0.03742225302041481	at:0.037296173817838424	is:0.036758637883619286	:0.3390958306603782
of:0.3417139080141959	to:0.11100281795992989	and:0.09840497932057657	that:0.0734988733545617	in:0.06187627614134353	for:0.0615312420081817	by:0.05602415921894213	at:0.05388355324443441	from:0.0416313287566577	:0.1004328619811765
he:0.22029058175615085	who:0.09273975352262213	which:0.09210952948225536	He:0.0763740896586195	and:0.0687323926159862	she:0.051393581814930235	that:0.04605027267259714	it:0.041146986504325946	It:0.03462576944682233	:0.27653704252569034
of:0.2757505430988448	to:0.13534858097016017	in:0.1350398325469434	and:0.07308809539097243	for:0.06721950772882451	with:0.043318453245285674	by:0.039161396213122514	on:0.03473920220409024	oi:0.03371435150412753	:0.16262003709762876
is:0.204441834277465	and:0.17189124680564494	was:0.10870934758551673	are:0.07968767355203131	be:0.06940896975023289	or:0.06747530648153365	had:0.049394080403127406	not:0.049214925405113186	were:0.04370004872744365	:0.1560765670118912
it:0.1795624119188648	It:0.1697965543313083	there:0.10126896400527097	that:0.06185792843651882	which:0.05326106355791173	There:0.05180122313355322	and:0.04738297176221348	this:0.04390850110112635	This:0.039371504854667054	:0.2517888768985653
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
and:0.12854359302238966	to:0.07789189763123787	of:0.043534308489866384	re-:0.039957421791734254	that:0.031140535029898674	which:0.030509099143971666	in:0.02905976998159479	for:0.02790745326009253	or:0.02670583860075817	:0.564750083048456
of:0.25186830287688394	to:0.12698775202813245	for:0.09820719537257554	and:0.0859099817268021	in:0.08527937915122497	on:0.08075899071241902	with:0.07182641649893269	at:0.04413367288250511	that:0.041553186022555866	:0.11347512272796832
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.6896473402593617	a:0.07403615878396884	The:0.037165260468211433	tho:0.035510399239632714	and:0.023142055604057087	of:0.013690549677025987	other:0.012838826252981467	tbe:0.010908460009145925	great:0.010871970616959215	:0.0921889790886556
went:0.08683324565499717	go:0.07476330580440535	came:0.05394514230576035	back:0.047297493639340674	it:0.04706181582391388	out:0.046435294313249977	put:0.044640592301587366	down:0.04048017963153846	come:0.03746281779864652	:0.5210801127265603
go:0.10388677888155633	went:0.09363290357279282	going:0.0760838145486161	carried:0.06877150313192873	and:0.05166840258366935	was:0.04737393386614069	goes:0.04255995374509381	came:0.037674566818190945	put:0.03380326972235045	:0.4445448731296608
the:0.757131117741043	a:0.06277120047561922	The:0.060920348509810755	tho:0.04767917784885431	tbe:0.019416792695040333	and:0.010940382271877488	great:0.008770428186948754	this:0.00742488364928314	his:0.006740861615104454	:0.018204807006418494
all:0.36369154657077923	the:0.0956312805131605	many:0.07823056612757974	these:0.07748673684428421	other:0.07539830101488611	as:0.048716725176560075	and:0.04590772543260795	different:0.042789536630632966	some:0.04271126031406503	:0.1294363213754442
Survey:0.1433115938990114	survey:0.11479187581627509	Cor.:0.060613392819950415	lot:0.03854569057732918	and:0.035090636888453236	of:0.034559995757483204	District:0.026934539488199783	vey:0.02522523167487086	marked:0.02347206160559093	:0.4974549814728359
the:0.42950961622435524	an:0.15149196347466287	his:0.11717412821524222	their:0.06182457131010594	any:0.04813230453997225	a:0.0374892359257904	of:0.03730588751997711	The:0.036642233028011756	in:0.031190293576242017	:0.0492397661856402
the:0.24534895573408574	of:0.2220585775898521	in:0.15671072427575272	and:0.06835784814511511	are:0.05764213974149814	all:0.03938551362988315	In:0.03809686304655123	a:0.03762608783175329	is:0.03231446954007106	:0.10245882046543747
of:0.29409801126731044	in:0.20902869552099834	on:0.08253975653871935	In:0.07787387308289552	to:0.05185205362016022	that:0.05113517655735124	from:0.04916776638440274	and:0.04542749700213501	at:0.03848276769288141	:0.10039440233314574
of:0.14320949515556322	on:0.08685349862413887	the:0.07840766297968157	in:0.047934499277335695	to:0.04074780305964237	and:0.039103117593472424	<s>:0.03190220097103373	at:0.023226903514706656	by:0.021371919760606883	:0.48724289906381857
and:0.09000302108432018	pay:0.03754680150166416	demand:0.03568981002418859	ready:0.03289143415780952	it:0.031188189762073718	used:0.029585140706872615	paid:0.029379391577681824	is:0.02907144996741414	not:0.028736530589822448	:0.6559082306281528
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
the:0.46164762822860833	and:0.10972070111314594	of:0.03882872751955916	The:0.03641437130979664	tho:0.03179804539691075	said:0.018806047051138496	a:0.016794458683940965	an:0.011991395486703978	tbe:0.011655107558261336	:0.26234351765193437
a:0.15466598941221246	of:0.1501356236704209	the:0.14985872804569492	in:0.08039941824440108	to:0.07529721331023753	and:0.03681246139893993	by:0.028983277873162832	an:0.022260402532012658	from:0.022070473668116656	:0.279516411844801
the:0.34863227673434466	a:0.27755452832859245	of:0.16446921244529628	in:0.06541340239779157	and:0.023568357548056314	tho:0.020133751489809285	The:0.018669351273950623	In:0.015940616215931482	for:0.009585047077370337	:0.056033456488857006
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
the:0.4692063432872256	of:0.1302252607203191	a:0.12579064814696184	The:0.047610557618450906	his:0.041326201794866575	our:0.038143446061407495	their:0.035350911459382135	in:0.027541789718606758	tho:0.026938073036147564	:0.05786676815663201
and:0.07183289031255977	demand:0.025944685217575657	ready:0.021477506387310677	used:0.020653840313379437	time:0.018693235575541325	not:0.014344251169100857	vote:0.014321157386397571	it:0.014219992250690474	candidate:0.013420651590409303	:0.785091789797035
;:0.034265465108686215	and:0.028528642821599573	<s>:0.01114096392178109	that:0.007843917537807398	was:0.006824812810572503	it,:0.006386843845468153	as:0.006378641591913008	,:0.005867869157411548	them,:0.005613102617341976	:0.8871497405874186
the:0.19055952672278936	of:0.0795653192075879	to:0.0658260664913985	in:0.04637463290776387	and:0.03732944075962127	his:0.021784580423421334	was:0.020677416113598083	be:0.020043012366661332	a:0.019657117522378715	:0.4981828874847796
the:0.46762465778008216	said:0.2001062823918703	State:0.027084953714066953	this:0.026219388476873856	of:0.02549133066936443	and:0.024937797783054726	The:0.02246625707890655	tho:0.021555642697708325	a:0.019057216876552513	:0.16545647253152015
is:0.08819764834260754	not:0.0723113246742233	and:0.068036837042161	able:0.06618901460851317	have:0.05547886997666187	enough:0.05274697497476267	was:0.04821679772898482	ought:0.04455587191323984	right:0.044334130556727816	:0.45993253018211794
of:0.18502425049382423	and:0.13827943124602643	a:0.110003307919881	the:0.1070121150277455	as:0.09748997618992958	so:0.06351781367001376	is:0.042919991751444744	that:0.03991344911685492	very:0.036810160280029015	:0.17902950430425085
at:0.1959864678778205	the:0.18701796008876057	was:0.1317325809932355	be:0.1137759759298022	to:0.08526187164102265	were:0.0619940637656644	is:0.04995165847316248	not:0.03976360785292266	and:0.03326722675428619	:0.10124858662332284
be:0.2590688789934383	is:0.1960800395966459	more:0.1058698860093521	very:0.09603836486158374	was:0.07248527012119793	and:0.06864520383288586	are:0.05176305231493094	as:0.049448853297031956	been:0.04584313803418818	too:0.044757312938745096	:0.01
of:0.15991606946796225	and:0.059098889002341344	to:0.047718785266035464	in:0.03376962374444844	on:0.0331267581234383	as:0.020615939824818245	the:0.019605712256811778	for:0.01731546130318102	-:0.01661049428589098	:0.5922222667250722
the:0.5550733953238811	of:0.056468007045984106	their:0.05565197398930311	and:0.03949378266781845	a:0.03854625631616709	in:0.03722626808139736	his:0.03173633596747072	tho:0.028683362911981067	our:0.02836657364526603	:0.12875404405073096
they:0.0813142561937685	and:0.07666112579481092	who:0.055577148735631965	which:0.045114537032465554	there:0.03326186572918409	that:0.030808452544693037	we:0.03080248874808138	They:0.02421864498003272	men:0.022004830682615883	:0.6002366495587159
the:0.4165110352694668	a:0.31041547182521134	this:0.07848022187975168	his:0.051002073824728114	The:0.03296652237156842	tho:0.02766882378006381	their:0.021430762007121053	its:0.015798411577671777	an:0.014961661639933762	:0.03076501582448324
and:0.13876259509082478	a:0.13772942986680134	be:0.1360734100171304	so:0.10192987472260016	are:0.08322714116371335	is:0.06831801590137172	was:0.06774178869546975	the:0.05706318264043204	been:0.04093502419815132	:0.16821953770350515
of:0.09924636802463128	the:0.09190321226143573	and:0.07873357061964639	to:0.05403607539554666	be:0.04740400120181518	in:0.03165088556212201	or:0.028533597054211397	for:0.024261752734536787	re-:0.023287272260284375	:0.5209432648857701
of:0.11305483202408124	the:0.08497729084617245	and:0.07475454907004843	to:0.06197008150135842	by:0.028593266282971284	Mrs.:0.027301700958346175	.:0.0233998467142003	<s>:0.022749693811900198	said:0.015864428534010537	:0.5473343102569109
and:0.20206284091416882	days:0.15638444440138755	that:0.05334122174106728	soon:0.05032953003369687	day:0.04850911127122358	years:0.04388611004013725	time:0.040519659591513026	immediately:0.03906328043946935	months:0.03713831395481504	:0.3287654876125213
and:0.20982951992940316	to:0.1191039777715214	not:0.03903957227939709	that:0.028959219156538953	or:0.02754408301558847	who:0.02659348785819813	of:0.026094111035287845	will:0.025683829625368023	re-:0.024727742544405223	:0.4724244567842917
they:0.19211548886231886	who:0.12343601594527749	there:0.11414321909019756	There:0.07477321509325151	we:0.07046712476884391	which:0.06116371214489076	They:0.05605362638536556	and:0.04556828241225912	that:0.04106392442645773	:0.2212153908711375
the:0.3663883477934749	of:0.20442402171569188	and:0.07473357866500137	that:0.05863415301134764	this:0.05420676449732365	for:0.05361621847828037	in:0.05092497913444905	a:0.04773210707139564	their:0.02904436059537149	:0.060295469037664015
the:0.36792295400691116	his:0.2032672944363198	an:0.07525604410033776	The:0.07109126947818593	their:0.053282781998086635	my:0.05211848565255605	her:0.04768490465599119	His:0.02649235893380767	tho:0.0253804605157176	:0.07750344622208617
thousand:0.2617515681677172	hundred:0.20306230231761843	of:0.07964547397413164	fifty:0.061074467715276255	million:0.04230135277521191	ten:0.03312071497083211	five:0.03290172568425656	the:0.016309285824269437	to:0.015988821829164977	:0.2538442867415215
the:0.6238785821282669	a:0.15945076243997258	in:0.040299770145448444	The:0.039980380888914674	tho:0.03310590964676888	of:0.026693721809375195	and:0.019063555224647977	our:0.0147168375768992	tbe:0.013577506289365583	:0.029232973850340644
the:0.22955369359058506	and:0.13828906872191193	The:0.09076616838453752	of:0.08652750330498996	or:0.0795017757683082	with:0.05513385599161545	by:0.04791728221536561	these:0.047139919867688666	These:0.04075094421199804	:0.18441978794299954
the:0.3326496052959826	a:0.3228502565303803	of:0.06834483860248002	said:0.045613235792997336	any:0.039490903198608616	or:0.029230365134710737	and:0.02842331772008746	this:0.02480652417923212	by:0.02166528030849258	:0.08692567323702824
his:0.2955678842870891	their:0.1445924382328429	her:0.1264883142112149	the:0.07596354290809612	my:0.07275400437939102	our:0.0512697903786048	of:0.02890563442127064	its:0.026431012349131554	your:0.023760103126456322	:0.15426727570590265
be:0.4099420788400191	was:0.1141749055103561	is:0.10994781455067396	been:0.10228942438740223	are:0.0642941938016479	being:0.047605382508084416	were:0.040665985357421	not:0.0387818495893267	and:0.025350678125205306	:0.046947687329863284
of:0.2428873537692233	in:0.11973680612014662	to:0.11603402741270599	for:0.07714789713097062	and:0.06946396848994019	with:0.060658363724453455	on:0.047862408375154715	from:0.04110232559766807	by:0.036546241757073966	:0.18856060762266308
and:0.10742217479881554	made:0.06861499950248383	or:0.05173416665119355	done:0.029571138695684566	that:0.024070745074564286	but:0.02376012340638354	up:0.023114983065661808	it:0.021446539281676766	them:0.020148162293580515	:0.6301169672299556
be:0.23039996834650678	is:0.1572032880650692	was:0.12473753993159434	he:0.11009984547934315	and:0.08836977266549334	had:0.05691172854819164	they:0.044585082855199104	have:0.04321572610365147	been:0.03941608506890332	:0.10506096293604764
the:0.15151597658953436	and:0.11664386533237642	be:0.10476042387072498	are:0.09716699610661692	is:0.08192914142218644	of:0.07677565907616889	in:0.0687851361905132	was:0.06782314029619285	been:0.0644716315394218	:0.17012802957626413
of:0.39926568772094134	in:0.09702551256937017	to:0.07607132891363193	and:0.07291098955718993	from:0.04896920867449756	on:0.04791147004056889	by:0.04745666473004698	that:0.04405174944441594	with:0.03412848206031928	:0.13220890628901796
and:0.12345616763579784	resale:0.0712551872711301	was:0.05452303050590319	is:0.043046791670976504	that:0.03973126820428519	inserted:0.03883282225541393	be:0.032432038298398636	it:0.030641010585479068	but:0.030025372185232803	:0.5360563113873827
the:0.43027185410293656	a:0.1978505810122299	of:0.10696224324424423	with:0.05060374005504533	in:0.040257234176169415	and:0.038616893579911896	this:0.03708664342687076	The:0.028989037932272577	very:0.027220117865084974	:0.04214165460523432
of:0.19058348473468312	in:0.17060128605517993	to:0.07773330483391827	with:0.06301980342477112	at:0.06166301487434199	as:0.05252872229801481	by:0.04899415345210524	on:0.04895485761322952	and:0.04827394200202666	:0.23764743071172933
of:0.14160251999375226	for:0.13797669369373328	and:0.10840656235649523	in:0.09213036037635178	to:0.08322125764822189	with:0.06998140216819988	as:0.06237892221583092	was:0.060923179805711644	is:0.05883809130590009	:0.18454101043580304
it:0.20009487951772253	It:0.13662155496952133	which:0.08462308071345959	he:0.06064788539794049	and:0.060267531284352416	that:0.054917481084689725	there:0.04408361668581946	who:0.0320962710870034	what:0.026203611617225644	:0.3004440876422654
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
of:0.40918332118818207	to:0.08777998266848082	in:0.08523839978694796	for:0.07791930731706416	and:0.06701629011461271	that:0.06296408467400447	by:0.050889970313362023	with:0.041848362570920464	on:0.026093825837233794	:0.0910664555291915
of:0.1811274542152831	the:0.11724100319071222	to:0.06978003574019406	and:0.043510236077350606	a:0.03820648703507358	in:0.03109401838265297	on:0.027736140865210434	at:0.022462183244930118	for:0.01945762133063437	:0.44938481991795853
that:0.32162847781005305	when:0.10978895792406886	and:0.08809702734424533	which:0.0747229635926207	as:0.06446107279083658	if:0.04651245418284462	where:0.04510537429293735	but:0.04392555524448781	said:0.03680389826227941	:0.1689542185556263
he:0.21706781227338762	I:0.17042016703324106	and:0.1244521958475372	they:0.05539377074741826	she:0.04989538827719779	He:0.04895947516526171	we:0.04127749710601666	who:0.03206416037934271	then:0.031568429557851184	:0.22890110361274582
of:0.33861002356054887	and:0.10023279703108641	by:0.0887291061947386	to:0.0870410807420933	that:0.0848422128883682	in:0.07782903584534362	from:0.04410246335591921	for:0.042860973423990104	with:0.032576456414438265	:0.1031758505434734
of:0.2978417583756784	and:0.11809420618863535	to:0.11077529497406904	by:0.0761481955134902	in:0.060746109299202	that:0.05541587007418779	from:0.04657086605254984	on:0.046371632024544224	with:0.03477867477419145	:0.15325739272345174
it:0.13796128875087904	which:0.12123151758558284	It:0.1190182297647619	that:0.07907127608922525	who:0.07084173501939091	he:0.07065862855136053	there:0.05551808419416357	and:0.034746175819115654	There:0.029925963619018833	:0.2810271006065015
the:0.20093917849643148	a:0.1362915480508698	of:0.08535741444639704	and:0.059427500181414586	to:0.04164722258319169	The:0.02997063175186316	in:0.029784709445848337	as:0.02500093911847977	that:0.024103552914216512	:0.3674773030112876
hundred:0.04805245380179887	one:0.01864545719481607	dollars:0.012686547985942931	up:0.010785168709603502	large:0.010682064345516124	feet:0.009450625050275606	more:0.008706436824662078	day:0.008110064365127304	men:0.007508505697277183	:0.8653726760249804
the:0.5882544024923221	The:0.0808982665290057	not:0.06919519612631857	is:0.05077985129369271	a:0.031043276974118225	was:0.02876371775611267	and:0.02848845292096397	tho:0.021170685884875504	are:0.018918794784798024	:0.08248735523779253
soon:0.1393937380265557	long:0.0813202972997303	far:0.07824177416217376	and:0.06341957882991932	well:0.05608493092246934	just:0.048004374580780426	much:0.040416555373408374	such:0.03511475962545337	but:0.026649783471726012	:0.43135420770778343
it:0.16747301095601322	he:0.15038518671492693	It:0.15012693899070906	I:0.08673225904607307	there:0.05773480960566197	He:0.052702735132203866	and:0.03969218541356171	she:0.03926310788856527	which:0.0388707460451963	:0.2170190202070886
on:0.34284813658206076	of:0.20178528347353678	in:0.10125550676868886	to:0.08680941150145709	from:0.05221207531099097	at:0.04350694461877711	In:0.04232695981241574	and:0.030463240516797465	On:0.029668081868032294	:0.06912435954724296
.:0.09361308933067275	and:0.046381234402791904	of:0.032357888678761014	S.:0.03187891493914849	W.:0.030769513492952254	M.:0.030331696782997034	A.:0.02993286923176642	the:0.029863334771600077	Mrs.:0.02741637430289563	:0.6474550840664144
and:0.3074113402402708	is:0.06704921377453615	was:0.058890346487961605	are:0.04990205773251878	be:0.032218831562535674	more:0.03147299406489003	were:0.02351564998551187	but:0.017734597349398307	been:0.017232837755752847	:0.3945721310466239
Mr.:0.33907920544368597	Mrs.:0.10381446058201307	Dr.:0.08848293534759581	of:0.04595673536861195	.:0.04209440234821481	A.:0.03795859376193447	the:0.036757498035926185	John:0.03094801812496464	M.:0.025799055577180638	:0.24910909540987244
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
and:0.2184250907332619	as:0.13492750297092465	that:0.13127157638203973	but:0.08182448775328931	when:0.056043779597446476	if:0.05321400063908155	which:0.04612971495004039	do:0.04002861218939386	what:0.03321326861868319	:0.20492196616583894
and:0.09377129454296322	was:0.04271315341537484	out:0.028524574363226172	that:0.02811573968936019	placed:0.027131868575018914	work:0.02578173844450971	made:0.024681420068921236	is:0.024021050156212566	up:0.023509378606325886	:0.6817497821380872
and:0.09326647752053993	is:0.09252383903740966	as:0.060265675280976636	was:0.054646142521285995	able:0.054148311475556696	not:0.05217694319456736	enough:0.04469041992993177	him:0.04395007442710523	order:0.04267089496063146	:0.46166122165199525
the:0.33022239389554525	of:0.20307791699383018	said:0.05531841743434172	and:0.03227478184277067	Eng-:0.03216450991946038	for:0.027603316811579282	tho:0.02622416821902471	in:0.02303249141172174	our:0.02266917964166522	:0.24741282383006086
and:0.10296216891554934	to:0.08970289029041499	of:0.07334396940833994	the:0.052215712741654645	in:0.041328010095749663	not:0.034779882272106606	for:0.033805091899429	that:0.03154244476403794	I:0.031053380416102085	:0.5092664491966158
and:0.07984998411171478	demand:0.029318310782824323	not:0.026304673595935427	used:0.025229038886483403	was:0.024876432444730517	paid:0.024808875757519985	is:0.023152537444250762	them:0.023070271385966328	been:0.021268852318195797	:0.7221210232723787
he:0.2065191488500741	I:0.14420656740854348	it:0.12594827150354734	they:0.11129488122277068	we:0.057452893635613095	that:0.04862820313821132	who:0.04171147039966225	she:0.04065306265459809	It:0.03496959801386561	:0.18861590317311405
do:0.4054177436600282	did:0.28275138878366574	does:0.09163408427402613	could:0.07588815985179427	would:0.057949083222909877	will:0.041580290409458126	should:0.010717874990436223	shall:0.00977521103128042	may:0.009488386021530978	:0.01479777775487004
the:0.40917684262586024	a:0.13233841460940798	this:0.07183696668841913	The:0.05185338280882467	that:0.03946700813765489	good:0.03760075427306547	any:0.03509191110100378	of:0.03156299942470563	corn:0.029195708333276258	:0.16187601199778193
and:0.09377129454296322	was:0.04271315341537484	out:0.028524574363226172	that:0.02811573968936019	placed:0.027131868575018914	work:0.02578173844450971	made:0.024681420068921236	is:0.024021050156212566	up:0.023509378606325886	:0.6817497821380872
the:0.45082535474246926	this:0.07569199292510759	said:0.0625840592031633	The:0.05878583995520539	that:0.02904258692632517	of:0.026498819898927422	and:0.02430241519018143	tho:0.01933104717019396	a:0.014489294910229471	:0.23844858907819697
a:0.3100401088406764	the:0.14855469161068938	so:0.10306513944427428	of:0.10151591190159899	is:0.07386428840104325	with:0.05773957383534759	are:0.051693663828689236	be:0.050018650233206674	and:0.04492130113692852	:0.05858667076754567
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.09176277096642228	the:0.08822569652131762	of:0.0752300711186679	to:0.07277113120849943	in:0.0268203173313594	be:0.02645144814453517	he:0.02332390697524339	was:0.020355946102980093	a:0.020354437758042243	:0.5547042738729324
of:0.2700612861368795	with:0.13720155708081538	as:0.09058279035377462	by:0.0842089579059682	and:0.07985734975558079	for:0.05613995757351461	in:0.054769812330255845	to:0.05402479999554726	is:0.050172154948641974	:0.1229813339190218
of:0.12642654347255788	and:0.06920770004749957	in:0.04113063429839098	to:0.039460944154770555	that:0.029877787057406513	on:0.02517998801676788	for:0.024471087243369164	things:0.01672232242668383	those:0.013689248065138443	:0.6138337452174152
the:0.12911698678785677	con-:0.11680430811621666	a:0.11086445379672402	certain:0.04415109525137884	and:0.043281703789021166	acre:0.04286753614326921	con­:0.035107748140610816	con¬:0.03436210042365577	said:0.032931640155497884	:0.4105124273957689
it:0.18143874199255758	there:0.10331969695424356	It:0.09198639939220059	which:0.08073126991269376	they:0.06240522313208139	that:0.054082648531678275	and:0.05144105994683339	he:0.03253148924096088	There:0.03214778196988864	:0.30991568892686194
of:0.2428873537692233	in:0.11973680612014662	to:0.11603402741270599	for:0.07714789713097062	and:0.06946396848994019	with:0.060658363724453455	on:0.047862408375154715	from:0.04110232559766807	by:0.036546241757073966	:0.18856060762266308
the:0.5671539017779457	a:0.14375862486316995	The:0.07137986071045645	of:0.043552803449524786	tho:0.03654939704073431	and:0.024303873492554154	that:0.014776902606910565	tbe:0.014008169498163942	this:0.013390034291583022	:0.07112643226895715
It:0.1863534843032382	there:0.17114302194463862	it:0.1571312970353264	There:0.0863267732740467	This:0.05314199278471771	which:0.038444543800034654	he:0.03704784810338996	that:0.0367825812830805	this:0.03132237140267237	:0.20230608606885483
a:0.7564826604216917	the:0.06789456716848893	in:0.049805863811615794	very:0.026207044800864054	of:0.021115496982144513	A:0.017419498041684814	any:0.013910347945015628	some:0.01387037048946249	In:0.013084684999526048	:0.02020946533950609
number:0.049887583343417786	out:0.04296456119780169	means:0.03060821986986029	purpose:0.02447904553233523	place:0.022037047358200577	and:0.02020567013672534	full:0.019735380146901564	form:0.01924972565734438	amount:0.01863923660595739	:0.7521935301514557
;:0.033710545448882814	and:0.029935415398051807	<s>:0.011009987123721872	it,:0.009867826075904352	that:0.009228401456983113	I:0.00900034069476977	them,:0.008142746792361254	is:0.007967869284016943	it:0.00786666456399579	:0.8732702031613123
to:0.49484307139427486	will:0.09350830148000386	and:0.08574460082447175	would:0.04476206442592183	I:0.032761357789477835	may:0.028896013247053143	not:0.026931556243801356	could:0.01995063235221219	can:0.018896662058125513	:0.15370574018465766
of:0.49963397736354126	in:0.16231851323734825	to:0.07738278906648388	on:0.04579370474829101	by:0.044770573469195066	from:0.03401208171597404	for:0.030974207273914294	In:0.025326768425554147	and:0.02379465746348467	:0.05599272723621339
Mr.:0.46495348806056347	Mrs.:0.09897671091820083	W.:0.07697078514498343	J.:0.06081074537023615	.:0.05036441841821609	H.:0.03845037017922849	E.:0.03019849882780718	Dr.:0.028588376725672417	John:0.02788344198477272	:0.12280316437031923
of:0.16945557090539823	in:0.0581840426519193	the:0.05648127090287954	and:0.05448622992993907	to:0.04378684666667831	at:0.03701638302813849	for:0.0342687757937155	on:0.030959510107763002	a:0.021189058481221226	:0.4941723115323473
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
to:0.11272467325873015	the:0.09570920935957357	of:0.08084508540075111	and:0.07746796351453314	a:0.03161606912023797	in:0.024763881588432984	at:0.024446783401682257	for:0.018599489625864805	is:0.01726400145434898	:0.516562843275845
the:0.6783401244513817	The:0.06806603388235101	tho:0.0326559653114165	of:0.03211375353214706	that:0.02824559271533432	this:0.020097580360668776	to:0.019084440528823066	and:0.01680207997018691	any:0.01571194187377942	:0.08888248737391125
it:0.27957038428918407	It:0.14069168722916756	there:0.0780604064737155	he:0.0673522127670591	that:0.061371482220746135	they:0.04852180992353207	which:0.044772571877851546	and:0.031977859656019285	I:0.020031431466088268	:0.22765015409663647
I:0.2598282957996882	we:0.13957909730737045	they:0.1388188210180517	We:0.09412798836302537	who:0.059590244341527994	to:0.05349153900233156	and:0.044784269505557875	you:0.04266533122354936	They:0.03252473414757809	:0.13458967929131946
the:0.26527019777655625	of:0.2544435054810415	and:0.05903230132243649	for:0.04590641022946897	The:0.04121203489489026	plant:0.039411291575904984	that:0.0320703431138973	or:0.027143383374284125	as:0.025507824262883852	:0.2100027079686363
the:0.2296155962050423	of:0.08261118741080081	a:0.05637406874735146	and:0.05607719865006335	to:0.04679917618006225	in:0.038649912620889564	The:0.021750635908558424	that:0.019910739596622186	an:0.017193685934938183	:0.4310177987456715
of:0.20119353723169006	and:0.18495719054569873	but:0.07244931250195387	know:0.06910321274696105	that:0.04467831515882281	But:0.0412493090138845	to:0.04072370536250456	for:0.03640012015979224	knew:0.03381146323855412	:0.27543383404013805
of:0.14593252668371873	and:0.10617723167594738	to:0.07234383507622914	be:0.06693114835987767	the:0.057792868285988716	a:0.0556377856247452	was:0.039731941074283	in:0.03284151707433803	at:0.02595495242234332	:0.3966561937225288
I:0.2603929946240397	to:0.12718227753348973	we:0.11170187405841288	they:0.08270943075636826	would:0.07597869220047962	We:0.06819277041136776	who:0.05760132774426267	you:0.05416724903013555	will:0.04587550107554564	:0.11619788256589819
the:0.18628310155866923	and:0.11364735359462258	of:0.09319808363021688	a:0.06185307764233338	The:0.03096681038588631	to:0.030232781484690812	was:0.024590546734730098	that:0.023847940807494257	Mr.:0.022359926585080465	:0.41302037757627597
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
of:0.1294332356344894	the:0.1256489571923964	and:0.05628694111552233	in:0.051776887071981643	a:0.05102402194110841	for:0.04070876448650138	to:0.03419247738295212	that:0.020830073345653146	In:0.017767487329668326	:0.4723311544997268
and:0.4569179202676867	was:0.0615110024581741	Since:0.05970753256676459	And:0.04788397891548404	is:0.023529586051756347	were:0.01720900838192079	but:0.016415493386853414	;:0.016195747753221877	are:0.01578352708587774	:0.2848462031322604
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.18799707762218731	of:0.11525313844642997	a:0.07091539409944786	and:0.06965605669134654	to:0.06265075420645462	his:0.053599522894522016	in:0.042995003391059175	was:0.03175116562643384	be:0.03093738066132356	:0.3342445063607951
;:0.029061144993926435	it,:0.02070973329715201	them,:0.012405376909913618	him,:0.010368224398011185	in:0.008788771398788718	time,:0.00812818481080709	him:0.007812333873097617	country,:0.00724525915849591	years,:0.006623675703907612	:0.8888572954558998
the:0.23949289819101896	of:0.14963826851196957	and:0.13593372041627125	a:0.07124359874837738	two:0.05579673283950908	most:0.04178859612345123	many:0.025252607707023665	three:0.02473881715482211	Two:0.0237084297996361	:0.23240633050792064
and:0.04628057715184563	meth-:0.04348142294756562	of:0.034889332186038555	to:0.023247336201654745	.:0.018343661109198307	<s>:0.014075931514291946	is:0.013433729569013245	by:0.012820394990497386	with:0.010540480145038882	:0.7828871341848557
of:0.12242548825415826	the:0.11372438501316291	and:0.0734584202745589	a:0.06536420696543743	to:0.060137771784791245	for:0.05759139303857994	in:0.04416462426982061	that:0.03314221199981047	or:0.019073753032180188	:0.41091774536750003
not:0.3993326536935023	or:0.11754989067811468	much:0.06275124440138657	be:0.06035632643886388	in:0.04932038068690653	of:0.048957505878572574	no:0.043701762287305095	for:0.04145124404022575	and:0.03675426589597169	:0.1398247259991509
<s>:0.06038961238351117	it.:0.032866969803937725	them.:0.01984209180929083	him.:0.012981157472631982	country.:0.009401846543828156	time.:0.008984773016393003	again.:0.007828120148357787	people.:0.007022390490042573	life.:0.006707320792452612	:0.8339757175395541
he:0.28685394552275617	they:0.15232625641218855	I:0.13007331217220494	she:0.07698586745847341	who:0.05890023727781446	we:0.04869517934886555	it:0.03856826081573326	which:0.027845487171419464	and:0.02754449817803738	:0.15220695564250683
it:0.13939956683886323	he:0.1319835276575274	It:0.08830467542489258	I:0.06676087073950412	and:0.06338886748560649	which:0.058507507841828336	He:0.048896626847122475	who:0.047860233589133064	she:0.029631707006290687	:0.3252664165692316
the:0.22929611479671322	of:0.10188905056942292	and:0.09265638720786683	other:0.0828288382222172	The:0.0688835520995169	a:0.04100944858740125	such:0.04080655962297059	his:0.03823089345950291	their:0.025859417785914815	:0.27853973764847334
and:0.1334921517549103	was:0.09697126296987511	not:0.07187567292600956	in:0.07157883284311005	be:0.062229109774397405	to:0.0613574355368583	of:0.056954506906166394	a:0.05650780467370353	is:0.056161119418057855	:0.33287210319691146
that:0.18055192031725972	as:0.1250343499451286	and:0.09925984689590349	but:0.0707041858316937	when:0.05295887141178031	if:0.04640091715559969	which:0.04101136851120604	what:0.03971403983119894	If:0.02008742764632646	:0.324277072453903
the:0.7045656855619107	a:0.09439250802600929	The:0.03179735674199868	first:0.030598342105265873	tho:0.02698997962858196	some:0.023680298506204962	in:0.023020785628587375	any:0.019579829524311844	this:0.016262555861784694	:0.02911265841534467
Mr.:0.20876648793374142	Abraham:0.10346209726000705	of:0.09562409718380663	in:0.06413871686902174	and:0.057363630338756987	the:0.04868147651938574	so:0.0396715775914942	.:0.023037198294001922	President:0.022665611270501828	:0.3365891067392825
there:0.4947976857743224	There:0.24538552235225128	they:0.07256587053391021	They:0.024838515038065723	who:0.01710659603725948	we:0.016787267440002092	and:0.014080342371626288	it:0.013870704875476833	which:0.012521984086318601	:0.08804551149076706
a:0.24296212471942893	the:0.17183166674382166	The:0.11474690607692027	young:0.08886907273500295	that:0.06719263590596253	This:0.050325216660632055	this:0.04957204881560874	one:0.03364423357135728	A:0.03156171179949583	:0.14929438297176975
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.37418212788396676	of:0.11759330998129107	and:0.09648451913058123	a:0.069886744750882	his:0.0408179721014617	in:0.03528743719526324	to:0.031963862914806934	tho:0.027377280157793955	with:0.02600922824633032	:0.18039751763762277
and:0.23886647779380607	that:0.08316104919738272	but:0.08181601609208637	time:0.04402520637974863	But:0.033212668718497027	And:0.023637469379113405	me:0.021739431298813228	ago,:0.01809314200245958	even:0.016002524667081804	:0.43944601447101117
to:0.2632133117764924	this:0.13123750932460948	in:0.11691717745366048	of:0.11021093763304411	and:0.06009623330545972	that:0.059314934175147986	the:0.05505612497583809	In:0.048729274085845924	without:0.048317978268414975	:0.10690651900148684
of:0.3294317447934532	in:0.11841728032973023	to:0.09166420079397447	for:0.08136283096240035	that:0.06427956703958881	and:0.06361830906538464	by:0.05459731233534296	from:0.0465107995808166	with:0.045132201058733654	:0.1049857540405751
the:0.5086837462862208	this:0.21480830845201823	a:0.07438140924457835	his:0.03163759693113559	tho:0.031004513581903828	other:0.02421223114961097	our:0.023834808189082273	The:0.022079824422450912	of:0.02134955997752182	:0.04800800176547717
the:0.17859074799153166	and:0.1366884015659006	be:0.12138604172666476	have:0.07445735816949478	had:0.07196078669103093	was:0.06757316066697222	of:0.06615666967485821	has:0.05981260602340858	an:0.05700644066700218	:0.1663677868231361
be:0.328096253589759	was:0.16436390945117846	been:0.14781500260202332	were:0.08483657245392849	is:0.0785260415476621	are:0.07286375053034436	so:0.03247885145408647	being:0.02885483175531001	as:0.02174784904018981	:0.04041693757551794
the:0.7143065598219641	and:0.061132351517013	The:0.053156048882040986	tho:0.04158143188474388	a:0.03186555907300141	of:0.024854119643783097	in:0.017554679071214396	tbe:0.013776810666375273	or:0.010986663690696424	:0.030785775749167462
the:0.653426846471978	The:0.08075634372682644	a:0.06335513674461375	and:0.05152486817281464	tho:0.03741030840985241	tbe:0.016161519128747494	by:0.009470251991667646	in:0.009400609807679055	large:0.008668900068574664	:0.0698252154772459
of:0.3283959799325634	to:0.1049773904527541	and:0.08852382312660678	on:0.06944538936903599	in:0.06752453945482767	with:0.06578704026683577	for:0.06392064442563	that:0.06197548730191455	by:0.04036518530374826	:0.10908452036608346
get:0.07245670546976644	was:0.06827773018828956	and:0.06627903282426373	him:0.052442468208758614	it:0.050561188617061346	them:0.04807318223935662	are:0.047026350523610795	go:0.0433307210705129	come:0.040797963484801664	:0.5107546573735783
to:0.35405462500968277	with:0.129535370050555	of:0.07830590394764277	for:0.07553055844817104	upon:0.048971622432915	told:0.03642742475835671	by:0.035371285084635336	before:0.028481012904006626	on:0.027325252917965285	:0.1859969444460695
and:0.09326647752053993	is:0.09252383903740966	as:0.060265675280976636	was:0.054646142521285995	able:0.054148311475556696	not:0.05217694319456736	enough:0.04469041992993177	him:0.04395007442710523	order:0.04267089496063146	:0.46166122165199525
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
and:0.07932332476523427	it:0.03777115471393844	that:0.03521181109585008	made:0.0304455323772926	was:0.029232040604250307	them:0.02918324411458556	found:0.027894514941700078	is:0.023195472409976825	up:0.021464246214078785	:0.686278658763093
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
and:0.11033662772941852	was:0.09950148661500781	committee:0.04788047532619822	went:0.03242196831585215	out:0.029849366691828468	be:0.028409042094360088	that:0.027505186936499167	is:0.026637377596690843	up:0.026504408542557582	:0.5709540601515871
is:0.1476925150779905	as:0.11980011997853847	too:0.10440571133895213	and:0.09673559955733531	are:0.09311090659650714	a:0.0917959912878884	be:0.07916681427967631	of:0.06653461511096041	so:0.06216470259950539	:0.13859302417264593
a:0.2922400643858777	the:0.22663226305515166	The:0.12553338373851092	A:0.0906831837016798	his:0.06025303668044332	this:0.05838119768965581	This:0.029546979763717427	His:0.02786075499231477	my:0.023257921376981912	:0.0656112146156667
not:0.45438372869586313	was:0.09285954902060213	is:0.08346010236725011	be:0.053411163238589104	and:0.05011325195850256	are:0.041901167676931556	the:0.03236705123971728	were:0.02943869451942387	Not:0.028600689380267358	:0.13346460190285292
the:0.4495949601322156	of:0.2790818394294076	and:0.046232673120321	The:0.04575070731355407	tho:0.02885693295380311	an:0.022897307280960517	in:0.019718305969189703	South:0.01858337514489813	North:0.016211698262477394	:0.0730722003931728
feet:0.09124682453705052	poles:0.0730701371555321	up:0.05088279168420823	chains:0.04885658892872941	entitled:0.03694920633644442	went:0.034748145318504654	came:0.03280590556373315	down:0.032521221296211	him:0.032446562119539564	:0.5664726170600469
and:0.14000952201521522	he:0.07661203902425673	be:0.06018623585623639	who:0.05801688028386291	it:0.054367792141707484	one:0.04886204414287892	man:0.032981189838413416	was:0.029684528763537915	all:0.028832264433950355	:0.4704475034999407
are:0.15812075143092563	is:0.14901927749264843	by:0.12725267717403707	and:0.072956674577535	of:0.06490340157777609	was:0.06215020659277985	the:0.05949218751909137	be:0.057862795787547334	more:0.0571976059833127	:0.1910444218643465
more:0.31907888249530003	rather:0.10276598093659012	less:0.07516116735319062	better:0.050183633350092925	greater:0.04311599942331263	other:0.024749970263823726	and:0.01756405348065394	higher:0.017118888019876814	worse:0.015959914062364855	:0.33430151061479435
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
the:0.21482503871097655	of:0.0879656591643845	and:0.06543190799158612	The:0.046975079105021314	that:0.038849712397286885	a:0.03777529088264809	Mr.:0.0309043392282334	in:0.028378766067391672	which:0.02274956050094077	:0.42614464595153073
the:0.4484148508921458	of:0.11622566812912925	at:0.09397709302491546	a:0.07806966726649767	for:0.03417955196167832	in:0.030206457651264305	to:0.026435998249153127	and:0.026033988741756928	The:0.02236964753828148	:0.1240870765451777
the:0.5314618157096246	a:0.1109075513309643	of:0.06311367254005026	this:0.051274974798217146	an:0.046773846472333534	The:0.03346179931536006	such:0.032716831848699314	tho:0.031360298262085945	other:0.030797094457429272	:0.06813211526523558
of:0.4010704480999936	in:0.09893076583882825	to:0.09035436688986173	on:0.07087007774039691	that:0.06134619691342619	from:0.04848922896257072	for:0.04496811970682603	and:0.044295846343134375	by:0.03947388865416096	:0.10020106085080127
the:0.1331954013331003	of:0.10395761905650669	and:0.09166744382168995	a:0.0674867672110823	to:0.04481959524883369	was:0.033914181021321675	be:0.027669522756191306	is:0.023821375196731925	been:0.01992601692954109	:0.4535420774250011
of:0.1881748666843997	in:0.16417960753128513	the:0.16054320398913777	to:0.06529918338462562	a:0.06438869022661636	In:0.04082425653035334	and:0.037434142673642055	from:0.02451790663698923	that:0.01897557987066979	:0.23566256247228104
hundred:0.01444191217773428	;:0.011834673680375107	him:0.010388473796696067	one:0.00968896846901267	feet:0.009556811899111724	up:0.008880191153313928	mile:0.007973380143655012	feet,:0.007606228831470488	time:0.007287466987906896	:0.9123418928607239
of:0.16938852434524684	and:0.13535805117526226	know:0.12331995214412159	to:0.10257947169757985	see:0.061535529470462896	for:0.055414809189790415	just:0.04753977032308962	in:0.04705024987386477	with:0.042281882353740904	:0.21553175942684086
;:0.02255620845960988	it,:0.018938466820205693	here:0.01419691666680549	him,:0.013908502069253172	them,:0.011076069037997814	him:0.009444246935145272	up:0.009440770847772572	time,:0.009063235768169722	in:0.008019594958106535	:0.8833559884369339
of:0.1297393219114919	and:0.056140437439795646	in:0.05220452633804173	that:0.048601245437568254	for:0.028350575127897785	to:0.015427435176291792	on:0.013689484315848975	but:0.012389125100590771	from:0.01147313242086057	:0.6319847167316126
six:0.056417710736807646	four:0.05173120015602291	two:0.0502828926560119	the:0.04506680902154452	hundred:0.04496226017806337	three:0.044037780184747036	five:0.033180988654187914	fifty:0.03240860339120147	their:0.031884149679306036	:0.6100276053421072
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
of:0.11362245358565806	and:0.09495297522241032	on:0.042597609187389	to:0.03339104163973362	that:0.030456859131877758	for:0.029971360916759462	in:0.017686510131811873	with:0.015973081911168984	from:0.015799394819533154	:0.6055487134536578
the:0.278198349504412	that:0.1305235129147135	this:0.10920740415921236	same:0.10691158001880514	short:0.09325282794291431	a:0.07812729288595845	some:0.06499972155769919	long:0.04871333869364311	first:0.038731726974191694	:0.0513342453484502
in:0.3822771063298983	the:0.18631626582241487	In:0.10274714395675255	a:0.09240657434283632	take:0.07837367901174151	took:0.036691486630496185	and:0.022647816674350053	or:0.021413470599818244	have:0.020355840208249112	:0.05677061642344283
was:0.13507864540566064	be:0.09861062981169369	and:0.095646896670274	is:0.09108547521770319	I:0.0652682581976251	not:0.05979422180910818	had:0.05178115435661584	that:0.04722428526868794	but:0.04154530621590986	:0.3139651270467216
the:0.6801564624058678	and:0.059727363270642236	a:0.0562208275954774	The:0.04052978143859007	to:0.03858715897518032	tho:0.03579143134845204	tbe:0.014876758511374918	in:0.012864010721348714	his:0.012278232594083541	:0.04896797313898297
and:0.16851355650298486	that:0.12597001181296297	as:0.10291776123285563	which:0.04538566041629105	but:0.03715653621836043	when:0.030567528245211816	of:0.026966887768550267	for:0.02116016711922772	the:0.018741947462697986	:0.4226199432208573
an:0.2793236054947057	on:0.20579950293471505	to:0.0942576478622574	the:0.05989078574485888	no:0.05158185957531166	this:0.04743112706499059	and:0.04220510288989752	his:0.039704060787263046	of:0.03818196953019555	:0.14162433811580458
the:0.3458319334662269	of:0.17993010026355336	in:0.12048041541244832	The:0.10279915828623025	In:0.03786480965382589	and:0.027656463721243578	that:0.027141068343412036	Mr.:0.021678303737651266	tho:0.02031114778016891	:0.11630659933523946
the:0.0723833885684058	of:0.057918698012553775	<s>:0.05106311153752209	and:0.04707706637591134	a:0.022994416762841252	as:0.02162928890797726	to:0.015555172669601063	that:0.014091288933965567	::0.013827583878041259	:0.6834599843531806
the:0.20209133221107184	of:0.1764219717140052	such:0.09849631826343826	in:0.09275776707479867	his:0.08962696387503097	a:0.07180267472521865	their:0.05148585407932932	and:0.04874349305045897	doing:0.0252862185454633	:0.14328740646118485
and:0.06836615806839769	closing:0.050893343497395126	was:0.030410464365082754	valued:0.024267484682224193	held:0.022214654137899494	sold:0.021055232583252027	2:0.020543621014705526	is:0.020278384145430397	arrived:0.019208907943256866	:0.722761749562356
that:0.14761509234726727	and:0.132902955503845	which:0.06948164936456268	as:0.06488903005888713	but:0.0465141489531365	if:0.03849574763484008	what:0.03389364261514095	when:0.032067898285310904	If:0.01588748599497465	:0.41825234924203486
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
be:0.20617055879373597	was:0.17681655979942124	is:0.10114699523769793	been:0.07122859969157398	have:0.04685419989860767	were:0.042810189332782494	and:0.04219034429290506	he:0.03956579471082437	had:0.036605328845057836	:0.23661142939739344
the:0.59665752675806	this:0.03470690233717206	tho:0.023074814519004002	American:0.017423700353019173	of:0.016965982459077718	Mississippi:0.015580419550582545	<s>:0.014582965860348858	York:0.013710505940284955	States:0.013647021183924248	:0.25365016103852633
went:0.08404885135538691	made:0.07469592510536423	taken:0.074190398128692	came:0.07288325666873213	it:0.05827742348958244	come:0.052644015404451835	put:0.046516636118755644	brought:0.04276189202875106	and:0.03618348172051444	:0.4577981199797693
of:0.5637964082683005	in:0.16916856235080283	the:0.050498224110419626	In:0.03310243805784476	and:0.029535177905741106	for:0.022924030919883227	that:0.02193507215161607	or:0.010929288568099282	by:0.010846699703147765	:0.08726409796414486
and:0.08011939572848915	able:0.07054989655632328	enough:0.06923843450589566	is:0.06706848987981781	necessary:0.06249730256286022	him:0.061081764524616264	not:0.05393187787704939	right:0.05164302521368969	me:0.047528167658131934	:0.4363416454931266
the:0.17564694765042163	of:0.13222182944146685	in:0.10475918983881656	a:0.10402822375899061	and:0.06770138137381142	by:0.04450069743201255	from:0.04422013271613144	their:0.03599648532340244	his:0.033629231816028934	:0.25729588064891756
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
of:0.07920615573033254	in:0.05520807563431305	the:0.05029586386084144	and:0.041821522852287164	at:0.03908189837406748	to:0.02019006105983526	<s>:0.01812573740039098	In:0.016784849209278415	a:0.015816010595309397	:0.6634698252833443
be:0.17064463215062015	was:0.16230215377108492	he:0.11194916732166811	and:0.0988104752657909	I:0.09216600889849523	is:0.07206331542078913	been:0.04962447267433385	they:0.043091889851487854	have:0.04173858154957571	:0.15760930309615417
and:0.24220706698722558	to:0.07465596744082229	so:0.05838679438345814	fact:0.0581926221601448	say:0.048663183290980065	know:0.04380296920039052	of:0.03966264549970165	but:0.038888788299948795	than:0.03669713801798877	:0.35884282471933937
and:0.12314566171927444	of:0.09044736050414963	the:0.08070003651577501	in:0.06988136625200729	a:0.05667242288660446	to:0.04533988497179064	for:0.030144922378417833	that:0.02839728027012205	an:0.0249622830881788	:0.45030878141367986
in:0.23440726361338926	to:0.19650868212627803	of:0.1409538653952258	on:0.09912702393820641	In:0.06689401403926339	at:0.0643879477780157	with:0.03507905371922974	and:0.0331037030497086	from:0.03068697711023204	:0.09885146923045103
part:0.07268713102532033	one:0.07071065938650846	some:0.043508101530019876	out:0.03575042106872343	members:0.025760665467621124	and:0.022440178638608456	tion:0.02191026583655202	portion:0.021052670553751075	side:0.02092702198887348	:0.6652528845040218
the:0.538088668282188	of:0.05562637080883386	American:0.050891962699603284	many:0.046357709470675704	our:0.045569212764853394	The:0.045240514183935	young:0.04352021279533325	a:0.037362834133236204	colored:0.028338991513927755	:0.10900352334741356
of:0.3103915580110174	and:0.15998429985566806	the:0.11328394451485113	that:0.04550011151444157	in:0.03856719412902189	as:0.03600287246082348	for:0.03271681510555126	or:0.03168440230587289	The:0.029661045698227865	:0.20220775640452446
the:0.19827818374096803	of:0.09899241752629395	and:0.07607969463982635	to:0.036811501060814274	in:0.03191428356483028	a:0.024868324398891955	at:0.023950866343042134	or:0.016924576173619487	.:0.0146057157148932	:0.4775744368368203
the:0.2224350607184588	of:0.11408291459844028	to:0.07197209951677344	and:0.07173347820151878	a:0.06683689953430502	in:0.03715274516796121	be:0.029452467724584354	his:0.02806603570368859	is:0.02392704783804425	:0.33434125099622525
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
be:0.25497450144193634	debt:0.19472576284943344	been:0.09160101976372562	and:0.08788585571813576	was:0.0686177288478717	were:0.04622331298471308	is:0.046089566305924964	are:0.04318457514452077	he:0.040163979195869955	:0.12653369774786838
and:0.07942342471700072	heirs:0.03450015931322845	was:0.034065434084577476	proceeding:0.03235767741528098	that:0.02825996270308552	held:0.022455500724505237	as:0.0216901563248921	sold:0.020158345751604682	closing:0.019328163198743812	:0.707761175767081
and:0.19451156188186852	was:0.06546029225640582	to:0.06406486719590619	is:0.05247789180580447	are:0.034662322697080424	not:0.033830387861149114	had:0.033747299384746396	that:0.03320951010038835	of:0.03287656844961334	:0.45515929836703733
and:0.08982958695143188	as:0.057872506399982974	up:0.03797818852282238	it:0.03558311627548061	addition:0.03475437521256774	according:0.029937851424849105	them:0.02917724694962127	him:0.0252912593620309	entitled:0.024724715744633273	:0.6348511531565799
that:0.3419610332794053	and:0.17462108718691777	but:0.062204517718653825	if:0.04193203612257851	when:0.04154521289619864	where:0.03998376405915123	which:0.03682454935730665	as:0.03417839862064303	Then:0.02354848377482195	:0.2032009169843231
and:0.10472854097721558	demand:0.04002707859071284	made:0.027510700291387788	vote:0.02685656289502053	provided:0.02396234934255043	provide:0.02266155670640385	necessary:0.022229271155731485	reason:0.020563311856172984	ready:0.01985471220062884	:0.6916059159841756
give:0.1957541829767769	gave:0.16822180813146717	to:0.15444931961872838	with:0.079341331874428	for:0.06549234777506777	make:0.057603060875411546	made:0.03518299692671612	told:0.034803656301066806	by:0.03134755913409229	:0.17780373638624503
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
W.:0.10910289710465958	J.:0.09147918810911722	.:0.08402348618194148	A.:0.0767841830533225	Mrs.:0.07643107488644303	Mr.:0.07524758511930714	C.:0.06644073403455131	M.:0.06002912346810373	John:0.05040926282278363	:0.31005246521977037
of:0.26683868841147	to:0.1195274472243455	that:0.11225613856172156	in:0.07533537438234343	and:0.06733627873513146	on:0.05582064331274979	at:0.053727239634686765	for:0.04421604569716921	is:0.03915567404176077	:0.1657864699986215
of:0.174414123876763	the:0.16235311386917156	and:0.11254122992925111	to:0.05371218676963981	a:0.04897259807229386	for:0.026920938707866937	at:0.02657341971501574	or:0.025288781666679618	in:0.02194606138379003	:0.3472775460095283
the:0.3559120982539087	of:0.2029863532469069	The:0.12978374024625272	that:0.05075161124454338	in:0.038610008617194505	and:0.037577453211020524	a:0.02955021605025984	such:0.025974088239713193	an:0.025653091549242432	:0.10320133934095782
and:0.300689427090973	so:0.08102102919521516	fact:0.06510414263868644	to:0.062266987290070956	is:0.0404472851461685	of:0.038839353541045084	do:0.03789078134429332	say:0.0333328966877148	than:0.032749337710205696	:0.30765875935562703
and:0.14571580361134515	to:0.10417231242657625	the:0.08053110903788653	of:0.06371228121402907	in:0.03881752267493309	that:0.03420705576120947	or:0.02703063621406625	a:0.02333162527633467	an:0.022905736105267957	:0.4595759176783516
a:0.13326010022644788	the:0.11378455441743222	of:0.10028899223945181	and:0.09431486957949671	to:0.05980036912590545	in:0.054083217259166316	for:0.05310007522305343	that:0.03503192327240865	by:0.026177663580490545	:0.33015823507614694
has:0.40203289942150433	had:0.3034790339736372	have:0.21662248879148063	lias:0.01363895317959515	is:0.011930167144133879	could:0.008963629384937949	it:0.00843359542990992	was:0.007480745725498966	bad:0.006577677953726409	:0.020840808995575572
.:0.06160849161727469	the:0.06141457027012069	and:0.045671166104205685	of:0.04218312291350319	to:0.03182967239132327	Mr.:0.025211624905875075	Mrs.:0.02503558869820992	Miss:0.024978400589256586	a:0.022389770384820148	:0.6596775921254108
the:0.4473189123192248	and:0.12401140928799852	any:0.06391179088016027	of:0.05909926253927807	no:0.05457208495449223	that:0.04214135503224673	a:0.03905719035482111	to:0.03478227558705802	this:0.03236639797689655	:0.1027393210678237
the:0.1663140810893889	a:0.11284346658446505	and:0.09911998347439738	of:0.08676953467647398	to:0.05169783926444807	is:0.028490819720949957	are:0.0246730369301796	or:0.02454803685564961	in:0.022184916875210615	:0.38335828452883686
<s>:0.051276110057831926	it.:0.02181131242739845	that:0.019879805349452367	him.:0.018025524257495054	and:0.01541346809812912	them.:0.011645631666848207	years.:0.010563156189303476	time.:0.008299714815435632	her.:0.008021297444840161	:0.8350639796932656
the:0.4911449071322698	a:0.1189708549848931	and:0.09671140571770946	of:0.055729119670001596	to:0.03691691246178378	in:0.03268271934911281	The:0.029821599908816575	tho:0.025747712335402156	or:0.020688227078496515	:0.09158654136151416
the:0.25512770061415047	of:0.09763544652004073	and:0.08208984874777703	a:0.04866147342142189	at:0.034460097401755006	to:0.03069511038642095	The:0.02647537363342576	in:0.02056281957205981	tho:0.0183656470235858	:0.3859264826793625
he:0.1506439167305114	it:0.10828348832785491	they:0.06916069159459322	that:0.06025367837025623	I:0.05782377273162864	and:0.0525697880207187	It:0.050091615567670424	who:0.0484728455269146	which:0.044975949375746775	:0.3577242537541051
and:0.12103790820059825	the:0.11885815286618662	of:0.0874750621165266	to:0.04533378739296885	a:0.031113494973757115	he:0.03074092340962421	which:0.028854487840671135	that:0.02541260273458154	be:0.024590803590132437	:0.48658277687495327
the:0.3370024408376553	such:0.16387066894049662	said:0.09479620558094143	no:0.07952924132654668	this:0.06324582152176417	that:0.053458445006289115	and:0.04835694109619471	any:0.038356120888966394	The:0.03163119719422727	:0.08975291760691832
to:0.11272467325873015	the:0.09570920935957357	of:0.08084508540075111	and:0.07746796351453314	a:0.03161606912023797	in:0.024763881588432984	at:0.024446783401682257	for:0.018599489625864805	is:0.01726400145434898	:0.516562843275845
and:0.16375752804560312	to:0.11552152283118085	of:0.07156872855578654	the:0.05662169259954789	not:0.03785057683079765	or:0.0271920812735755	he:0.026993202119968033	have:0.023755548055794124	who:0.02272035528578683	:0.45401876440195943
of:0.11547172264842294	in:0.09440388808887065	and:0.06267755575789072	with:0.04930594189133693	by:0.04079080008164951	on:0.03458557783323356	for:0.030503756804937866	to:0.030141375916304464	In:0.028696363993646	:0.5134230169837074
those:0.2036557176684048	and:0.07703167653991283	men:0.0722807171940217	man:0.06274045206279798	all:0.05107574636169191	one:0.04088994916342724	people:0.04080104446284495	persons:0.02911724387578327	person:0.02740866695785251	:0.3949987857132628
they:0.16111188785265268	there:0.06626249220905589	and:0.06077457897578308	who:0.05732257284091478	we:0.045083092791755895	which:0.044647664622390684	They:0.03565243903755429	There:0.03090159854777091	that:0.02999419587928608	:0.4682494772428357
to:0.4362558710959541	the:0.08413720818875713	and:0.06824809671359243	in:0.0662697916538852	will:0.05909334960238128	a:0.0567039386923829	of:0.03465721314694487	would:0.026974776533042304	re-:0.026283802857810956	:0.14137595151524882
of:0.20226204706694415	to:0.13735926477575525	in:0.11589043912474419	with:0.10850941236755324	for:0.0991659771346888	on:0.07910191922464277	and:0.062477491994750736	by:0.0602550086165032	from:0.036237381866913596	:0.09874105782750409
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
the:0.22431662918633613	of:0.12286282453237819	and:0.06675844217411621	a:0.0625079155730322	to:0.06152613787730989	be:0.05508004169213936	in:0.0374100721299284	his:0.03698231507516192	was:0.0363105827980859	:0.29624503896151183
the:0.1771602160448865	of:0.12254587673774772	and:0.05446508976563271	a:0.031239517887263812	for:0.025808815075801444	to:0.021635233119183125	at:0.017441880660827656	by:0.016128699435111513	<s>:0.014945746055944011	:0.5186289252176015
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.2539446317214712	the:0.24068438421893656	in:0.1303513234215731	In:0.04740994918552578	and:0.028874190254192154	for:0.0201247332034763	to:0.018333233014950538	at:0.016411043198913	The:0.015209652237370093	:0.22865685954359127
they:0.14040349831635562	there:0.09504370312879544	we:0.07847032126961116	who:0.07193564731917415	you:0.05737649859666198	which:0.051347512933542575	and:0.04402949635716952	There:0.04283980429584184	that:0.04148170611499243	:0.37707181166785525
the:0.2857397152360359	of:0.23913990401994822	a:0.10397996138584015	this:0.08236470177540402	civil:0.07099111963586002	for:0.04612221966211504	in:0.044667030228645155	from:0.021604357805554617	to:0.02137995736637772	:0.08401103288421911
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.35703062772088945	was:0.25297197164514723	is:0.08282201859211359	He:0.06971702855086545	were:0.03879649318191544	are:0.02874376042545845	he:0.019387698521078408	be:0.013063622692100473	I:0.01245702737439242	:0.12500975129603908
the:0.1604777071641891	of:0.09628143957659278	and:0.09147588405425362	to:0.05741482824463259	a:0.05114069893731013	in:0.030607907853788124	at:0.026181093752583436	or:0.020026452424352997	The:0.015037561518255832	:0.4513564264740414
hundred:0.01444191217773428	;:0.011834673680375107	him:0.010388473796696067	one:0.00968896846901267	feet:0.009556811899111724	up:0.008880191153313928	mile:0.007973380143655012	feet,:0.007606228831470488	time:0.007287466987906896	:0.9123418928607239
the:0.2480392730395282	a:0.14638337476103389	of:0.08013614004858453	and:0.046881789833151416	The:0.03904803743329082	to:0.027728808442151195	an:0.02731571030418492	his:0.019382437891786626	A:0.016771094213265683	:0.3483133340330227
the:0.14610471828270868	and:0.07927823900336682	of:0.07456665100266248	an:0.04064782914708166	in:0.029817381398641096	to:0.027616597684611152	that:0.02426584806278138	for:0.022206882414295442	<s>:0.01867832096976843	:0.5368175320340829
has:0.3389849019060825	have:0.27857538575752944	had:0.20276872628204223	not:0.04666182266659113	having:0.030136640391077014	bad:0.01803151459225502	lias:0.016618227007627356	never:0.01599727649551262	ever:0.011195664401158165	:0.04102984050012454
and:0.09571474413579839	of:0.08453564851072859	it:0.056642557002053374	do:0.04882634074044338	by:0.039564392328024216	for:0.03680015045448784	be:0.03542953834103339	was:0.0352164990427496	he:0.03235231484138208	:0.5349178146032991
and:0.17246105107096554	to:0.15493999254832713	of:0.05763089125349258	the:0.04655035002652656	he:0.04473419793670211	be:0.0333635651926128	who:0.028241341538772197	in:0.027542037663890805	I:0.02316838210562866	:0.4113681906630816
more:0.03221675332636233	two:0.03188243460327965	day:0.030903078455027377	one:0.021380117359016945	on:0.02074156821950304	three:0.016228244816469114	ten:0.016195080938568363	state:0.016170195989315763	lot:0.01518185222373821	:0.7991006740687192
the:0.5090161804148706	a:0.2659533412878932	The:0.06803093128744193	and:0.046372554660839435	very:0.025266607066379548	tho:0.024322533050909662	of:0.015109042261836594	be:0.009747802270932793	no:0.009631428578246653	:0.02654957912064958
of:0.26189799691427934	to:0.11953311937039302	in:0.1109532534009239	and:0.10664272826827283	that:0.09672543560711802	for:0.08059274101164741	with:0.044994037538018186	by:0.04443699058751242	In:0.03158591970003872	:0.10263777760179617
of:0.24384723579821743	in:0.12312506561097275	with:0.10680649970402971	is:0.08694780694524153	to:0.07787352722300522	and:0.06995944922104544	for:0.06682075941724755	was:0.05187426229030688	by:0.04242875069122941	:0.13031664309870408
the:0.25064188062061166	a:0.12916153933400815	at:0.0790494562205829	and:0.07640522525470406	of:0.04581607859784488	in:0.0406895140236067	to:0.03428975815817375	an:0.01859795755695144	for:0.016326826763782724	:0.30902176346973376
the:0.36929673948784675	to:0.13874790683281518	his:0.10342522640903479	their:0.06472395231951251	of:0.05464062625277492	in:0.049033099018367124	a:0.04663060831270396	at:0.02685015769893903	and:0.026009249953125778	:0.12064243371487995
and:0.09468249737622518	depend:0.03875088893599322	based:0.03863406357657407	placed:0.0380392715961322	depends:0.03779424552216468	called:0.03705486424756454	down:0.03295251281941486	made:0.032658028953724605	effect:0.028685464570585545	:0.6207481624016211
is:0.1310458996082608	of:0.11726252016020573	in:0.11316167331048664	as:0.10616571250850479	at:0.09325872408016389	was:0.08626523426326865	to:0.08243925979458279	with:0.07751280740772935	and:0.07430723888918636	:0.118580929977611
that:0.1533829181764659	and:0.12320559878259389	which:0.0953591844435863	when:0.07140654048984195	as:0.0639067016017661	to:0.061519589588405615	if:0.03221913038749884	will:0.032027518221750144	but:0.030234421324445447	:0.33673839698364577
time:0.016746910922915297	it:0.014669783841512195	up:0.013466419359624207	him:0.012110008159003606	lying:0.011521140942233934	day:0.010062650949612619	;:0.009881996416611789	dollars:0.00960365732788973	it,:0.008757802803468807	:0.8931796292771278
he:0.30194297429812234	He:0.1270214192203634	who:0.07041938276380355	one:0.05992877471344968	it:0.05484374371117263	she:0.04659245666472691	I:0.04460919147314123	everybody:0.03765667437429676	It:0.028140489321402208	:0.2288448934595213
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.11751714760934918	of:0.1040148662404057	to:0.09510577772687955	the:0.09149664911191065	in:0.03469860697570665	or:0.024642616485812605	be:0.023653006695418005	a:0.021965982436792684	was:0.019906607250531495	:0.4669987394671935
and:0.09812639017459396	was:0.07847287078098998	are:0.06952888533363416	is:0.06333884958104527	were:0.03675644279125769	be:0.03319126099542101	been:0.030156684432503265	that:0.02460229172498734	it:0.019921540719870665	:0.5459047834656966
and:0.12345616763579784	resale:0.0712551872711301	was:0.05452303050590319	is:0.043046791670976504	that:0.03973126820428519	inserted:0.03883282225541393	be:0.032432038298398636	it:0.030641010585479068	but:0.030025372185232803	:0.5360563113873827
Secretary:0.07639277318548698	out:0.043600246171878985	state:0.042721438127242176	city:0.033448743861112656	State:0.03163942557726155	line:0.025274815868869423	City:0.02325909660126642	number:0.023078442073180813	day:0.02263366285693244	:0.6779513556767686
of:0.3231116189922213	to:0.1340269873797037	in:0.08167595816301945	for:0.0786661154218207	and:0.07642853362978294	by:0.058994242087249446	with:0.05716246076875968	that:0.0541878727736868	from:0.029996033777737626	:0.10575017700601835
per:0.8788375332435205	re-:0.018595598974436658	one:0.012043973264805176	a:0.011362128929303834	por:0.005958182880279373	re¬:0.005451827403842543	ten:0.005321380673325961	the:0.004506325636404224	six:0.003710459182074959	:0.05421258981200673
to:0.5742734595342512	and:0.11366932559957199	will:0.05036700092168379	not:0.039822474251556474	at:0.035900227970439395	would:0.016493168170077618	the:0.01587513715942804	a:0.015766885090565723	they:0.014285931520794382	:0.12354638978163132
it:0.13742864274856198	that:0.10692023855536077	he:0.08534925163141065	they:0.08396288639216648	which:0.08139388734208688	I:0.06385723535383275	there:0.0635970909656142	and:0.04761229441525896	It:0.042251980801749946	:0.2876264917939574
and:0.17507142914888477	he:0.17212222929112728	He:0.08146830555919418	I:0.055238125129945845	it:0.051478611551102005	she:0.040778272374678584	which:0.03405081635954198	It:0.030998773007468682	that:0.030288831850450063	:0.3285046057276066
<s>:0.05426565324719795	and:0.044445972365426564	made:0.021694712583539576	was:0.020931920880133754	recorded:0.017387201838834423	that:0.01661780384100564	be:0.014822874002807063	is:0.01378718404889997	o'clock:0.013297718418623995	:0.782748958773531
and:0.08054280426915987	as:0.07950062993927684	order:0.07170839391841236	able:0.06614001226239405	is:0.056792877782769265	enough:0.05389354843172264	necessary:0.04999346417641749	him:0.04269808295598594	was:0.03895041644636141	:0.4597797698175002
and:0.08705761008834073	wait:0.04942121332515201	them:0.03399296604291661	there:0.032045571658696655	up:0.031497280866271744	retained:0.028611778557692258	continued:0.02837002511325448	him:0.0272879769920268	not:0.02637988863169741	:0.6553356887239513
of:0.37237636223117243	to:0.11285604226798861	for:0.07399736101398943	in:0.07225516962342957	and:0.06141613742586424	by:0.06138465302891943	that:0.05065971248620846	with:0.04972374450525446	from:0.02977290962670453	:0.11555790779046886
to:0.4900531750801942	in:0.08863030117749411	a:0.08464977818674856	the:0.07991350531839837	and:0.07030519509755027	of:0.06391856487143327	In:0.02425538889158527	not:0.018012864402698288	this:0.01727242761777897	:0.06298879935611873
the:0.09546164876358121	and:0.07571078476464714	of:0.06172882481947673	be:0.04081684201051444	to:0.03952161270529051	in:0.032127641660771006	a:0.030814281824084747	was:0.03036057341790582	or:0.02493760824031987	:0.5685201817934086
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
he:0.2951605840662533	He:0.25435273612904746	who:0.09860218523681026	she:0.055729306940543594	It:0.05103583669844395	and:0.05013528861744965	I:0.04583273300529425	it:0.03380873194316416	She:0.025180658297914934	:0.09016193906507848
to:0.3336372900897079	will:0.16901428085695275	would:0.09380210119051824	may:0.08308484494181614	should:0.06637000872108013	not:0.05184620145450898	can:0.05028559041823331	shall:0.049300460126800075	must:0.04412301590773145	:0.05853620629265105
and:0.12593449741549048	but:0.06995355969864507	that:0.06689932720819323	as:0.02375841844909911	time:0.020379604913840832	But:0.020358043882148832	and,:0.020218129488957456	that,:0.016652872910191973	which,:0.016520880183437316	:0.6193246658499957
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.23311920515346213	to:0.12439358414389426	and:0.08749826230977116	a:0.08063866500933732	of:0.07565437312242258	this:0.03958381295409922	that:0.028065608177980882	one:0.019648437762552165	as:0.018256878697339843	:0.2931411726691404
the:0.10893149944718962	of:0.08189801154253148	and:0.07441172221449655	to:0.04616658013647459	be:0.04376697850515518	was:0.043194161079296134	his:0.03929313323100801	a:0.03581994283138515	is:0.028078922735696787	:0.4984390482767665
of:0.30723407772082634	in:0.25666288601332937	to:0.06375947814117223	for:0.058473255722075734	by:0.05279144691286937	on:0.05259516411420788	and:0.05205479961428428	with:0.04636002442147728	that:0.03997385539927499	:0.07009501194048251
of:0.27695338310058876	and:0.14542999134259385	to:0.09896195205810647	in:0.09354010306551486	that:0.06759493426787362	for:0.06668361635761227	with:0.05967246181693488	by:0.03370997414973458	from:0.028110351068692366	:0.12934323277234833
and:0.14536511446213793	to:0.11598894113973426	of:0.04480987839801454	the:0.043485068210431556	in:0.03586867415254585	he:0.03164416281029577	I:0.025676400121885146	would:0.02294370093541425	had:0.02006160851472609	:0.5141564512548146
the:0.11987298084917403	and:0.1093586047755714	of:0.05773582751913681	to:0.046222749162756115	in:0.0373154844980391	a:0.02139621095874884	for:0.02019692681868395	as:0.019661441232868813	that:0.01949397007632253	:0.5487458041086984
he:0.15833783157006798	who:0.11252166679113242	which:0.10007920750248263	they:0.08307407047038702	it:0.07687172224910013	that:0.06547997363155768	I:0.05314002564963188	there:0.04507481930663967	she:0.04354106747792997	:0.2618796153510706
and:0.10506198287938252	him:0.03209556935612786	application:0.031061195895331416	was:0.029615672989565755	it:0.02744669467120214	up:0.02677489106573396	made:0.024182720209844934	out:0.023178023165199367	time:0.02248390682722411	:0.678099342940388
of:0.1990057257916619	and:0.12460985762110709	in:0.08857254814100873	on:0.07919186729695785	for:0.06504245828300392	to:0.05738595847297222	that:0.05514124021264894	with:0.03992344922245209	or:0.023155130458189815	:0.26797176449999743
the:0.16037443881419539	of:0.14140763116318247	and:0.14028335326915586	to:0.060533295447360816	as:0.027592251536866865	a:0.02697113264919056	be:0.024399293605875515	in:0.02179281147038227	was:0.02017733608529787	:0.3764684559584924
his:0.33324857474313535	her:0.20811198286730917	the:0.07980975606662166	a:0.05311827172535299	and:0.052919010125829	my:0.04350542164449008	their:0.022877641857249807	bis:0.022647236396779746	your:0.020522817217594844	:0.1632392873556374
the:0.13304827392699647	and:0.0726736953720259	a:0.06349769800096873	of:0.05921891036866642	be:0.0431870465248564	in:0.03505010092584917	to:0.034147738343118475	was:0.02990727623202889	is:0.025375634582275493	:0.5038936257232141
be:0.3058162428092817	was:0.20370965708438227	been:0.08123000030043193	were:0.07757131579997457	is:0.06753702171281586	and:0.055075489360206446	he:0.048296070767890234	are:0.04258330760757498	I:0.03820284237789572	:0.07997805217954626
the:0.6050445921645485	The:0.055702570733908496	of:0.05002813192437988	a:0.04967689033466012	national:0.0411827598515615	said:0.03567543221600361	and:0.03453812660376215	tho:0.031988826702766045	our:0.02570500205416254	:0.07045766741424714
;:0.019051620224625747	in:0.008770810726098812	it,:0.007125254761089927	up:0.006263289138615893	and:0.00604935449033447	him:0.005921771100941494	,:0.005689021555284187	them,:0.005618248385947067	him,:0.00541207504148247	:0.9300985545755799
away:0.06925205172028555	and:0.06007808449668492	taken:0.04760906637168378	miles:0.0428166599829834	feet:0.03837562943164214	come:0.026889243450533045	them:0.026073675669967263	out:0.02484981837258804	came:0.02410733092637395	:0.6399484395772579
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.13281774340172328	of:0.08449748458174143	and:0.08036068861233109	to:0.07905623234620449	in:0.067694129657528	that:0.03159365011959894	In:0.026963218102159552	on:0.02576340949232452	was:0.025102431222249946	:0.44615101246413874
and:0.14050533643796728	to:0.09195296615748379	the:0.04808894750724568	of:0.04671774575590921	con-:0.03604907285185595	re-:0.03354883676216938	that:0.03295680744210366	or:0.03138807700464596	which:0.02580919841022623	:0.5129830116703928
to:0.16595536701652736	of:0.15081980553635266	an:0.10614523560064752	in:0.09454119145653254	the:0.09236106736284803	his:0.06045694362927748	a:0.05693103595576016	In:0.03039323814736842	and:0.030257607462821565	:0.21213850783186425
of:0.31466782855514924	a:0.23636902522023623	in:0.10359736681002736	the:0.0668665958287829	with:0.05542951026962101	and:0.04825817012150637	for:0.0466003795343137	to:0.03049551771079435	make:0.021220078410042312	:0.07649552753952651
J:0.09235467108976682	.:0.08078106630789106	W:0.06024548923670892	A:0.05805649932433503	and:0.04196035742966067	E:0.02997035964602653	Mrs.:0.024961432507281396	Mrs:0.023809893563778776	W.:0.02292241676616793	:0.5649378141283828
<s>:0.09538049588411796	it.:0.02638776649696678	them.:0.016500588284933455	country.:0.010693174905873373	time.:0.010522599662271898	year.:0.009595588566887433	him.:0.009235441547456882	day.:0.008873851524387659	years.:0.007606646101342952	:0.8052038470257616
of:0.21030354194379108	and:0.1410775833298136	in:0.10403343649825787	with:0.08459492879502785	to:0.08236173980853444	for:0.062334351357193854	that:0.05431989460073243	by:0.04487330906084482	at:0.04112867941551489	:0.17497253519028919
the:0.24985625361397282	of:0.1012312342133951	his:0.08131750379322375	and:0.07330506620887516	to:0.04310815037541901	for:0.04308641429033153	an:0.04187048305698241	all:0.04098391596807676	a:0.03422949119523623	:0.2910114872844872
that:0.27879158522660025	as:0.12968848289100193	which:0.11320827163716993	and:0.10421652758507319	if:0.05732170793654235	but:0.04777433303096358	what:0.04365276094681267	because:0.032698750685304756	when:0.0304672596046976	:0.16218032045583375
the:0.1956434816183853	a:0.09834293029620257	of:0.08249085113030795	and:0.05606707246652894	in:0.05049438960676711	to:0.04070188984153666	an:0.03202871280424633	that:0.02183762457043437	by:0.02025397130842556	:0.4021390763571652
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.1241105136476008	him:0.03101347471357695	but:0.027912590252526792	reason:0.02693399116654888	asked:0.026337366342567305	or:0.022543505167040234	them:0.022517441198580457	it:0.021730991390230915	pay:0.021576987323068893	:0.6753231387982588
in:0.5647022851563623	In:0.14809149672653904	of:0.05229905485109053	without:0.04896750214198639	to:0.03643907316546325	and:0.035481195591488	from:0.03466252990364636	with:0.033738029916551164	not:0.016639411462480387	:0.02897942108439259
will:0.26639418761844447	to:0.21878018575360492	would:0.15784515239542582	should:0.07469763653059108	shall:0.07420552872233638	may:0.0611073517584168	not:0.053536520007486765	must:0.033755545542171965	can:0.030514088782405215	:0.029163802889116575
the:0.21101976227824895	a:0.1428924664702113	and:0.08635658434049535	of:0.0777971392577983	for:0.04996819431972954	in:0.046176070118670504	to:0.040788068670765266	an:0.03102835282660588	The:0.02629113670079544	:0.28768222501667945
a:0.33282745275675385	the:0.2832596535844167	to:0.08818297134612182	and:0.06217615160260536	as:0.035437692209725896	very:0.03199162040977432	The:0.024924486809594644	of:0.02441834504691783	so:0.02085421068915148	:0.09592741554493811
a:0.2706679717563655	the:0.13669970157809064	of:0.10052087738594431	and:0.07835421984721885	his:0.055608441794550496	in:0.055554172409377045	to:0.0545273531454954	that:0.047604841954159066	I:0.04066915358454251	:0.15979326654425616
be:0.2168486965828589	was:0.13286812447010235	have:0.09093894314431217	has:0.08136776345619504	been:0.07220165759022243	had:0.0675728150874349	is:0.06722605905887846	a:0.04819442033709653	are:0.044186762704732235	:0.17859475756816698
the:0.21558648362509528	and:0.09143068337757602	of:0.08405129231287331	a:0.04928596005324273	be:0.04096736111661779	was:0.03822883876238244	to:0.036378482348205295	in:0.033491549884584186	is:0.0310415017154776	:0.3795378468039453
the:0.3072781068343019	of:0.09513702237946889	and:0.08962023559915613	an:0.07499419561054024	have:0.06989134336686437	The:0.059152447370744494	their:0.058033147868662115	his:0.05700010175254526	be:0.04656208728549127	:0.14233131193222534
and:0.19712615033197636	fact:0.07722519025994683	said:0.06258946616103155	so:0.05112232986118901	is:0.043298823531513625	say:0.03859534773042259	was:0.0380557480618063	him:0.03726814659203925	found:0.03558464235197909	:0.4191341551180954
his:0.26423264442532235	her:0.1577704411977362	their:0.15003756557531514	the:0.1148498754147233	our:0.07183469723825338	my:0.058233233155215745	a:0.056160260714195415	your:0.03216370866141986	or:0.027297418056433282	:0.06742015556138531
and:0.27047242893697826	is:0.13251385346017774	was:0.11271106967996909	but:0.07100618337053763	are:0.05624238807650875	He:0.04123271187063304	were:0.03915832938193366	has:0.024163797384684427	will:0.017923367800551305	:0.2345758700380261
due:0.015140634179518204	in:0.013919217319285871	costs:0.012313134172610603	land:0.009524552820110348	life:0.007920817588688862	power:0.007797117073421302	;:0.007429531944844928	time:0.007193378985716769	States:0.006933239002225708	:0.9118283769135774
filled:0.07105315983241335	and:0.06673245833033985	covered:0.037096726215940824	together:0.031091747287241133	charged:0.026757524823036914	up:0.024420260087839932	in:0.021894068608969645	them:0.01965487999382922	it:0.017782039245847217	:0.683517135574542
of:0.04989307136644056	and:0.04747318735629495	the:0.043700690585008466	to:0.02619630420096877	a:0.024442769286844683	in:0.01911815436720081	<s>:0.017084564425433452	I:0.01571314900290903	1:0.014574362527751189	:0.7418037468811481
the:0.34103487161339613	of:0.1890767599198935	a:0.10879030740274873	in:0.07387483216946863	by:0.0441954397239607	at:0.04231508546394315	for:0.04067941223715013	and:0.031477932356021546	his:0.0243352220885401	:0.10422013702487735
the:0.30678315164020725	and:0.12701511980447974	a:0.10440026487346518	of:0.08006045140114652	in:0.05477657317268523	to:0.05421508499476915	be:0.030613853541691338	at:0.026298623730422292	or:0.023092686392793355	:0.1927441904483399
the:0.3740835509983804	a:0.15302336273628434	of:0.12974792055191092	to:0.0700741418692857	and:0.046192951556006674	with:0.0350371082971494	for:0.02855848702404648	tho:0.019969318894633437	on:0.019573087814384754	:0.12374007025791785
that:0.1219277437005342	and:0.10155951549807538	by:0.0792063146661199	to:0.07438403888893172	of:0.06636790304488521	said:0.027735072241667352	<s>:0.026407437078176183	with:0.021962804127229195	as:0.020687150967727008	:0.4597620197866539
of:0.34362408518444326	to:0.19133951646295938	by:0.07008986717400083	that:0.06827893142827916	and:0.05723379409995941	with:0.05166729119106249	in:0.04816082277475808	from:0.03750755483021406	for:0.034254228530999443	:0.09784390832332387
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
time:0.023738981744390413	in:0.020100496127558556	up:0.011805472981535786	right:0.011670478281637642	good:0.01153140651697464	out:0.010507077796999276	hundred:0.009889901717543531	dull:0.009350429084154753	on:0.009027707393253299	:0.8823780483559521
in:0.17945356740323576	of:0.17283859387560177	for:0.1321922671360214	to:0.0956239253522343	at:0.09022998865276137	with:0.06636264731436825	and:0.06019973472977659	In:0.05104064713374563	such:0.04550292580041611	:0.10655570260183884
;:0.01166041973359815	in:0.011633219351135761	,:0.007156787301710154	him:0.0065430865571675274	up:0.006004494027416816	it:0.005656109112672276	.:0.004999960221360417	one:0.004745020056711639	hundred:0.0046807623070502565	:0.936920141331177
he:0.13797575507843787	and:0.13737479172251676	be:0.08196136940658785	who:0.07507857912641924	it:0.05933202010668709	I:0.04879436067941497	He:0.04636988179911387	she:0.04087078936036033	they:0.038296258159026916	:0.3339461945614351
came:0.10541736689273926	made:0.10406708934442432	put:0.1006531862800007	taken:0.08500955572292623	set:0.06349755012912477	picked:0.06129023646474613	went:0.05912320966195336	it:0.05365947863321881	come:0.05244362199233794	:0.3148387048785285
was:0.1540716091786728	be:0.12328604445595322	have:0.1114539607092781	been:0.09791214127276587	had:0.09507402630004091	he:0.09431678284729418	and:0.06969589631066002	has:0.05296984579776768	were:0.05018107693348992	:0.1510386161940773
Resolved,:0.15335827849993164	enacted,:0.07121916959306844	enacted.:0.043644752025773906	<s>:0.03967080212254413	Provided,:0.02646804931505671	2.:0.025538738946112586	1.:0.021091901147050656	4.:0.01600473035968635	it.:0.01341075841832757	:0.589592819572448
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.17807436263847895	in:0.16619929476657072	on:0.08147615460818748	and:0.06259743539535359	at:0.05691940554448574	In:0.04096388717525394	with:0.04093053125664842	is:0.03349654571497093	was:0.033323503147909	:0.3060188797521412
this:0.38170570384965485	the:0.3340236907520699	said:0.1019910952864334	a:0.05352265635240923	York:0.02359459536729354	that:0.02127298019626995	tho:0.017667036431115474	of:0.013931715960709065	his:0.011939690793502803	:0.04035083501054177
the:0.13781512652858738	a:0.10818593500343976	three:0.10525680135362031	thousand:0.09081378515437441	two:0.08481941393089504	six:0.08095579529213873	few:0.07422153680121191	several:0.06434785149842583	hundred:0.059082251349928123	:0.1945015030873785
be:0.1934500788949564	been:0.17524773858963796	was:0.17265640362988166	were:0.07812981937005961	are:0.07263444838147756	is:0.05312089806200694	and:0.04784070811222095	resolution:0.02575661213337448	being:0.02526185808262943	:0.15590143474375498
of:0.26888358129292117	for:0.15043625405867622	half:0.11003396378192618	in:0.08525359663701611	and:0.07980081462478182	to:0.05572251347111886	as:0.05229175309935238	was:0.05187240841956024	is:0.03949439862296783	:0.10621071599167915
the:0.30881190724092045	of:0.2757647918963761	in:0.06533315647662102	for:0.04481367348321558	by:0.042039125240788254	to:0.038150749332362156	and:0.03500825135955822	with:0.02928846613982997	from:0.02853952217413518	:0.13225035665619309
number:0.13284816129092558	place:0.0423345492404277	line:0.041638942650970345	pounds:0.03982241986000039	bushels:0.039086067636523	point:0.03713375781233245	full:0.03089517785638085	day:0.028474219645998364	means:0.028126067857481053	:0.5796406361489602
of:0.10176498311611738	to:0.1012070793207006	in:0.08820838538408762	on:0.06500732522509377	by:0.061550401876451985	and:0.055023796152779414	is:0.04789137682513205	for:0.044483712335532194	that:0.03850632093504181	:0.39635661882906315
and:0.16219053135299444	the:0.1541340170605202	was:0.14091168070524251	are:0.08121190244821443	a:0.08036879241364003	were:0.06301708588117746	is:0.06218498659728581	by:0.05092068148198088	been:0.049758173040799165	:0.15530214901814507
time:0.013178062383729055	up:0.012683164260209363	him:0.011429439117214403	him,:0.011150832347387719	it,:0.011037887892978715	;:0.010645059574714299	day:0.01034553845517621	years,:0.009698299461452157	night:0.009694420772087629	:0.9001372957350504
it,:0.023043997510986194	;:0.02303743238271218	in:0.02012632344113234	him:0.018710865147485288	him,:0.016854667229950257	it:0.01501886076721201	me:0.013703778310520874	me,:0.012894273546999534	them,:0.012275971565748655	:0.8443338300972527
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
to:0.28047007855332756	I:0.13529329103362175	we:0.10965947891750029	would:0.08947959188692378	they:0.08436487805855689	will:0.07689354832493377	who:0.04673820239866852	We:0.04282434498258662	you:0.04177481787172407	:0.09250176797215674
the:0.12019147532787254	to:0.11317991295410587	and:0.08792340578929887	of:0.08146353828966597	in:0.040054442139418604	not:0.024451975593149933	I:0.021171806548387326	a:0.020588060079176747	or:0.020427076563194486	:0.47054830671572967
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
of:0.11904574774402965	and:0.117039163175256	in:0.0579721685820925	to:0.0511186639368552	fact:0.03928633611901063	said:0.03323136332365265	on:0.029827822579143393	all:0.024787499172257966	is:0.02252394945510673	:0.5051672859125953
the:0.2262333139863608	of:0.2022855747128473	in:0.19254456087455615	to:0.06838045740105994	In:0.048869037803194494	from:0.04623730807689922	and:0.03511495145655637	The:0.034367140360129854	for:0.03150869224562173	:0.11445896308277415
the:0.6131152657040287	a:0.0724130179948562	The:0.052579340006229526	and:0.03792435437397078	tho:0.03450018428917817	large:0.01589810866548434	tbe:0.014985867246543437	in:0.012041229705230135	first:0.010359722841295393	:0.1361829091731833
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
and:0.1286650929692189	it:0.10335314435270077	he:0.08512010921398917	they:0.07866513304329321	you:0.06927437598884209	which:0.06918605272910057	I:0.05664905033260222	that:0.05627096632630496	It:0.05014669515635656	:0.3026693798875915
and:0.10247027652015542	him:0.06073237612402084	was:0.04123887990926764	man:0.035423878825065744	it:0.03409304083682875	up:0.024105643627210266	that:0.02394588451149575	found:0.021001378013868546	made:0.020634858937017025	:0.63635378269507
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.12418203495264868	that:0.041618160016948035	it:0.04055830986085725	found:0.024663704649277876	made:0.02423444208062058	is:0.02409079466227436	him:0.02353174208791718	was:0.022852989037061268	but:0.022390301622287664	:0.6518775210301071
of:0.10631112473892627	the:0.09943241832474299	and:0.08159794106622675	to:0.08044019399615582	a:0.0411705846870669	be:0.032482607452970214	was:0.026600329505008413	or:0.02456876992697593	is:0.021232665187409037	:0.4861633651145177
hundred:0.01444191217773428	;:0.011834673680375107	him:0.010388473796696067	one:0.00968896846901267	feet:0.009556811899111724	up:0.008880191153313928	mile:0.007973380143655012	feet,:0.007606228831470488	time:0.007287466987906896	:0.9123418928607239
and:0.14170530797940953	of:0.07227017679224287	the:0.04462003554708702	be:0.03685807754549318	a:0.035905515184589634	in:0.03203315204003	is:0.03168739705547206	was:0.03131301567082761	he:0.02922624312968863	:0.5443810790551594
to:0.3199216036302301	will:0.12019751680579287	would:0.10929819588765764	we:0.07310297369926001	shall:0.06162126141081327	I:0.05896556569893699	and:0.05206867060585036	should:0.04912137299317327	not:0.04828006654096617	:0.10742277272731934
the:0.22894164248081744	his:0.1949262319201218	her:0.09770266039904342	my:0.09669733922511217	The:0.07683715648016066	His:0.060584516368885656	My:0.05626726672315817	and:0.033228198165847926	of:0.03322723976258535	:0.12158774847426743
an:0.3794152979353227	the:0.19610577162027504	to:0.11559104406783469	will:0.059008710306049206	a:0.04755319488277865	of:0.04119205285380605	and:0.035251847309107506	The:0.03227101786686785	An:0.022948102607665954	:0.07066296055029236
that:0.21720701132240186	if:0.15230602631019566	as:0.11815822305671578	and:0.10302154678109054	when:0.09268352159088593	which:0.06897068404486038	but:0.050155737297446566	where:0.03623689011459712	If:0.0326383887564827	:0.12862197072532344
the:0.5854524547605866	corporate:0.18048575581546047	tho:0.03481188633840929	The:0.025590276475065704	a:0.020302094518657176	tbe:0.01410728765300161	first:0.011322270380833395	porate:0.00836462148754289	present:0.00751874178302918	:0.1120446107874137
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
and:0.24052724430897476	that:0.0949472704821526	but:0.05920029537128581	time:0.04740728828647733	But:0.0202872895992386	ago,:0.01828300835654596	And:0.018248408892316655	me:0.016501916221216682	morning:0.013817509773917895	:0.4707797687078737
hundred:0.03852699044393118	hereditaments:0.014956418141802515	time:0.013079384018250944	dollars:0.010360289167392888	up:0.009540019354412978	men:0.009376269895396777	out:0.009298176347953884	interest:0.009053221338544911	made:0.009041430195722473	:0.8767678010965915
of:0.3650291529036624	to:0.0936795985856137	and:0.0925074276124573	that:0.08264799768980442	in:0.0722274897817599	all:0.04942617719039435	by:0.048700439211915046	for:0.04235914573236862	on:0.029887453184460275	:0.12353511810756403
the:0.16799435591453465	esti-:0.0944637085694603	of:0.0648740224218491	a:0.05915318173308196	this:0.045258241478989415	inti-:0.03525137584470702	to:0.03309516019813057	any:0.02957952490516739	said:0.026361778270440044	:0.4439686506636395
of:0.3536365745316886	in:0.112175313170115	to:0.09531817996057239	and:0.05698127645758594	that:0.05486938784174236	on:0.04049567557110313	for:0.03597864107636744	with:0.03434593300933008	by:0.02902410519829644	:0.18717491318319862
of:0.1024144645135243	and:0.0806582121396999	by:0.07780075690572939	to:0.07407953369071005	<s>:0.030408044090489753	the:0.029397439123643353	a:0.028011519726908116	from:0.01801079657064828	said:0.01787133997460338	:0.5413478932640434
the:0.22468297985808072	of:0.1610251153044573	a:0.09145399935070017	to:0.08885774296871443	in:0.08511687271067157	and:0.04611774682610984	for:0.033495912719761274	on:0.022511899194400057	The:0.0173216098520444	:0.22941612121506022
the:0.17670818923526768	a:0.11135033434367689	of:0.0876410281086189	and:0.05977461166826242	to:0.05553774786045882	in:0.040462649276903837	Mr.:0.027945725320171037	for:0.02116022757701593	The:0.02074575529448038	:0.3986737313151441
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.16875735152152366	is:0.09749857399590382	in:0.09084472366163512	to:0.08760730541159449	was:0.08495798311729769	and:0.08029474113412928	with:0.0685561567807957	as:0.06298900081042971	be:0.05397279749587511	:0.20452136607081542
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.18492228859012919	to:0.11411297421073768	with:0.10279099740871166	is:0.09171566376318332	and:0.07044161968280536	by:0.06701607125235094	in:0.06450191740060354	for:0.055738348493225426	was:0.0555271319735034	:0.19323298722474944
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.13923535943640886	not:0.06858656963809273	to:0.04370911574177388	wait:0.036903265950276716	on:0.028608198451564038	in:0.027378800401355173	up:0.024308886912799792	of:0.024258654802748938	that:0.01971868699065557	:0.5872924616743244
the:0.43885549584857797	of:0.08169599801530718	in:0.06432134530883538	The:0.051851013688471906	or:0.04874487517179164	and:0.043677500831489496	for:0.03548601834812034	all:0.03515525940419686	tho:0.03317899941437294	:0.1670334939688363
for:0.23813034597414473	or:0.1505219825554548	about:0.10048344227240359	past:0.09010418228898273	of:0.08478316023642993	last:0.08228479020968199	and:0.07980929055021448	the:0.05889301532192678	For:0.04220566459154475	:0.07278412599921623
and:0.07715602775175154	the:0.06778679820584158	of:0.06151524679976303	thence:0.041559585985552185	No.:0.031171898331951328	.:0.030433652328787055	at:0.030389953060672933	to:0.03035032323715323	in:0.022011444228399887	:0.6076250700701272
the:0.28422426830873015	a:0.22217414149674372	of:0.15201439271319436	and:0.09815767461942763	with:0.035480858178281956	The:0.033179348392436324	his:0.02502466859864178	by:0.02467721786876816	in:0.022635445303528137	:0.10243198452024779
of:0.350593770311935	and:0.1380581311386399	that:0.11518996904418863	all:0.06620633321204844	by:0.05592312569771673	to:0.04094977622372896	for:0.037954075595037606	with:0.03352530282736503	as:0.027308153949963783	:0.13429136199937594
and:0.09975546963080459	was:0.07504917597255388	is:0.04223855572909201	be:0.0395800171173392	put:0.03383532005101662	are:0.0338207967264977	been:0.03373482598488388	came:0.032341600284739945	were:0.02974623504094374	:0.5798980034621284
of:0.1297393219114919	and:0.056140437439795646	in:0.05220452633804173	that:0.048601245437568254	for:0.028350575127897785	to:0.015427435176291792	on:0.013689484315848975	but:0.012389125100590771	from:0.01147313242086057	:0.6319847167316126
to:0.262958005419636	will:0.1805434979467654	shall:0.11275077922076582	may:0.1034413985302831	should:0.08947507953005936	would:0.0733862049231363	must:0.055236414813631875	can:0.04091460546003739	not:0.03363535921537965	:0.047658654940305134
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.22483655353536078	in:0.17514797855755307	to:0.13619588152021972	for:0.08752866782522802	with:0.06086767970600895	and:0.06016517726674058	at:0.04469473772192717	by:0.033957889469101755	In:0.033012384481385604	:0.14359304991647437
Mutual:0.2528099580618337	of:0.08423516787605492	the:0.06715193407926225	<s>:0.03393199219537811	and:0.02414737942931164	at:0.01832241371361668	State:0.012943747745057207	a:0.011515566976941472	in:0.009680276412799947	:0.4852615635097441
he:0.28684556063488675	I:0.12113896709911097	He:0.08790950248723069	and:0.07259154170953298	she:0.047899454239459405	It:0.03683622450816986	it:0.03243293433995626	which:0.020148478848405583	they:0.019497536584666495	:0.274699799548581
to:0.5669626053356895	will:0.06956999304815133	and:0.05418479568307131	would:0.05314112219673144	not:0.036007790639680105	they:0.03183912068302112	you:0.027142840024910762	I:0.02638125609052114	we:0.022300118585502852	:0.11247035771272039
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
in:0.40464251581194494	of:0.24444888814895752	In:0.08668568686590329	to:0.07900309699620334	for:0.0493344401081725	and:0.02309532164665786	by:0.02205842610110172	on:0.01877092592032883	from:0.017815663702583834	:0.054145034698146126
.:0.2103422210328464	J.:0.11504454937013776	Mrs.:0.10643635674924122	W.:0.09634077702641339	D.:0.089394283303548	A.:0.08403831401351405	C.:0.06299197158038242	S.:0.058481523791109005	Mr.:0.04873705373873942	:0.12819294939406836
and:0.1710095451595036	to:0.12723391166427522	matter:0.0942733006480184	of:0.08813455734210283	know:0.06086224323605374	see:0.05975691318828653	is:0.04591563607936622	in:0.04578929912147447	or:0.04025950147597459	:0.2667650920849444
miles:0.086548165609905	and:0.042063940780668295	away:0.04203685145328048	feet:0.0373683722089094	down:0.03389327181376585	far:0.027594049732068054	him:0.025713643022176696	free:0.02554700351288768	up:0.02509655106398089	:0.6541381508023577
of:0.2928952778460272	to:0.14223898646913344	in:0.11915805863762469	for:0.07372442918099541	that:0.0723804009123684	and:0.06367417884526481	by:0.05258160674917758	with:0.04076445866936669	is:0.03852976250097625	:0.10405284018906552
the:0.24204048917855586	a:0.2109902522714179	of:0.10438080454065572	and:0.04053201417168935	in:0.035451020186307164	on:0.02596240724543171	to:0.024043047953006158	The:0.023586819252059906	that:0.019370722991288555	:0.2736424222095877
the:0.48359688487909475	each:0.27011116485617587	any:0.08669716032567268	no:0.03502821594672917	of:0.01816931463066943	a:0.01713371470126132	an-:0.015378888324873259	an:0.014957248822637903	tho:0.013769438136006463	:0.04515796937687916
and:0.05403700379789184	him:0.03234623725352652	right:0.031956236974612584	not:0.03092935987190269	is:0.02954962939165567	was:0.027482043390533797	as:0.026105411016534068	them:0.02404639205539993	do:0.023023208718798597	:0.7205244775291443
It:0.42686866166658904	it:0.1871629616730864	which:0.054215473876531035	there:0.05019753304561092	that:0.04288881284456015	There:0.02875189267120461	he:0.024474859192075534	This:0.01983419525148367	what:0.015051415459335167	:0.15055419431952347
I:0.2098278616080239	we:0.12492635474378419	who:0.12024322111310491	they:0.10727873725135544	would:0.10466443791553437	to:0.08672448210398823	We:0.06634213522748576	you:0.05378115313298842	not:0.03763520590378961	:0.08857641099994513
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
together:0.09522667747114119	and:0.09147990060805503	covered:0.04082578338794687	filled:0.03215368046741442	thence:0.027666407798310942	charged:0.026888339330778718	connection:0.026092007855114473	it:0.02356608558742867	up:0.022281844252644185	:0.6138192732411655
and:0.07928388222389389	ready:0.045611648078129285	candidate:0.03074291501374138	demand:0.028240537463830564	called:0.022856260268678073	call:0.021990422222225185	up:0.02121900571406845	used:0.018812580298432552	him:0.018174507302072405	:0.7130682414149282
<s>:0.12497376778980084	it.:0.019305298255585135	them.:0.0190760002192394	time.:0.01230949190690051	year.:0.010552726670120019	.:0.010497816206423575	country.:0.00970670266355358	him.:0.009097444012642428	day.:0.008997262840075916	:0.7754834894356586
it:0.23730533150110286	It:0.1838135238744703	which:0.041812261798293004	and:0.040908734038145336	This:0.038162294431498586	this:0.033606403340720584	he:0.030775362755753405	there:0.030596473029600016	that:0.030109400599441057	:0.3329102146309748
the:0.3013470918618443	too:0.16157072412087672	of:0.10506260609610209	and:0.06391502357838603	a:0.06059653925325242	his:0.03350151811345572	as:0.03219357630116946	for:0.03172614735952133	until:0.03147286806392499	:0.178613905251467
the:0.20652929480594112	of:0.0985463090297763	and:0.06693253398244224	that:0.05900862020852831	Mr.:0.041033997610204084	The:0.04001372520961834	a:0.038071161445162795	this:0.01954812218166994	or:0.017427556315847043	:0.41288867921080985
to:0.32534241027584787	the:0.17592386029490595	and:0.13021414592939065	for:0.055589871929033335	of:0.05453048069525536	their:0.04014228323812114	with:0.03294634846463197	in:0.02705285287588569	a:0.024716959767858877	:0.1335407865290692
was:0.3059022177573777	be:0.16681538338304305	been:0.1261561760408108	is:0.10453942242044136	were:0.0862503955029854	so:0.07183392642742373	are:0.06694984981557248	being:0.02534346208525016	and:0.024859096456065436	:0.021350070111029927
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
a:0.538633157047333	the:0.26067647783614434	The:0.04368555349327353	A:0.03716388106073463	of:0.028490819737379214	his:0.026053172065896003	tho:0.01398572110991434	in:0.01396063961776728	our:0.013139005135481448	:0.024211572896076193
at:0.4146100061267614	for:0.12544368903807282	of:0.08740672593164323	to:0.07385031070820812	and:0.050010139974232266	At:0.046625176829788596	during:0.04097336457253684	that:0.04027340851898766	in:0.03989425686292737	:0.0809129214368417
from:0.2677889339804615	of:0.11721691283776009	in:0.10700723990363682	at:0.0904379810588989	and:0.07095635526384703	In:0.04685612803330202	to:0.04060553979933543	for:0.035982424779992916	with:0.027998789223456246	:0.19514969511930902
the:0.18543690322243464	of:0.16300515254339	a:0.06995209377346494	and:0.04174735247144964	in:0.041544616701600055	to:0.04062987833276011	for:0.029333320816369173	that:0.025850889780560757	by:0.025024332157759795	:0.3774754602002109
the:0.07853683615259145	of:0.0756178710687192	and:0.07358083419636358	be:0.07077104144328393	to:0.05773020870440279	was:0.05477034924053261	is:0.03974607354588707	or:0.028619784876402696	are:0.02829496068502736	:0.4923320400867893
the:0.14651767028650897	and:0.10280181339946678	of:0.07164139889404732	to:0.06710968865667367	in:0.043620235518656805	was:0.04085328919635116	a:0.03773596883616436	be:0.034467327867332885	is:0.024743356400790086	:0.43050925094400794
of:0.36507728668549305	and:0.1206065224137112	with:0.103904738855692	to:0.07000523339693725	in:0.06563179978306853	for:0.05693701755524131	is:0.051140353871807404	that:0.047029882760133125	on:0.04271967709256507	:0.07694748758535107
a:0.5022584778361776	per:0.11677602731155802	the:0.06620388207656604	in:0.06430287713619369	and:0.06335841860722423	to:0.03330418420780838	In:0.02414827646091005	of:0.022838991407269634	one:0.02162520997976509	:0.08518365497652725
the:0.6073095092286891	and:0.11315850915846737	with:0.06410229801092401	The:0.03044010916329785	an:0.027193301607967433	of:0.02653513175530676	tho:0.023411377304794846	or:0.02052823398147502	by:0.015507129413574947	:0.0718144003755027
of:0.10631112473892627	the:0.09943241832474299	and:0.08159794106622675	to:0.08044019399615582	a:0.0411705846870669	be:0.032482607452970214	was:0.026600329505008413	or:0.02456876992697593	is:0.021232665187409037	:0.4861633651145177
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
that:0.2378595547118727	and:0.14281312502882929	which:0.11306973493622331	as:0.10950764063113755	but:0.05741267489929815	if:0.05527057457854889	when:0.04800234745239418	where:0.04287165297033262	because:0.03553871486883608	:0.1576539799225272
him.:0.04582865677872414	<s>:0.031731083140136326	it.:0.024038659762505864	them.:0.015004614517940147	years.:0.014511446015509783	life.:0.012214940095718595	time.:0.011650609615962555	himself.:0.011378818587559238	man.:0.009743857291100331	:0.823897314194843
of:0.21051702061632155	in:0.1256510286114246	and:0.10230266929849605	to:0.07923398738223379	on:0.059764955174964024	with:0.04021247446534191	by:0.03366531641020911	In:0.0309238701106771	at:0.027499570032848385	:0.2902291078974835
and:0.0690888426253435	able:0.05440395381400622	order:0.05430283492194746	him:0.0476150158632196	right:0.04467166014975292	enough:0.04059775241687389	had:0.04039354193760782	is:0.040310589891720955	willing:0.036408375401737865	:0.5722074329777898
one:0.3454139192584184	a:0.15532190160321646	two:0.10629050783551516	three:0.08425668057801182	five:0.0531068843406948	four:0.04568538857216689	One:0.033288833770711714	six:0.02893424344609392	several:0.025419251218562755	:0.12228238937660807
the:0.8111603772899124	a:0.050089605310853685	The:0.03931903608308156	tho:0.03439754668169006	his:0.016892574367906296	tbe:0.010030268045507594	full:0.00825955321834618	firm:0.004817688386956177	their:0.004468878505681762	:0.020564472110064264
thousand:0.23928620268036613	hundred:0.2045687096634849	of:0.09206090099814132	million:0.06376554233856689	fifty:0.06349086487617212	five:0.03628008450543855	ten:0.03544348260017881	two:0.03242653369989118	billion:0.02701525766121696	:0.20566242097654314
in:0.14557440865169408	of:0.11289327825509128	the:0.08527392821259443	and:0.06437529982342059	for:0.05488254176673715	a:0.03808718814306912	to:0.03699595218284497	In:0.034301016692017613	was:0.019868772630116955	:0.4077476136424138
and:0.09611377979382967	together:0.06030448595031675	covered:0.03676937166272939	him:0.032438653052046594	up:0.030460413497620714	it:0.02269175320641507	met:0.021809108688738414	them:0.02113687577611875	but:0.01784208772281916	:0.6604334706493655
the:0.20281072829712352	a:0.16342164835956444	his:0.14441875487548964	her:0.11072048825836354	at:0.0814430895890439	and:0.06487662581962506	their:0.05344687827486842	of:0.05151821143725742	for:0.038150860004957994	:0.08919271508370608
be:0.17614414462101208	is:0.16089048545138232	was:0.14138110119616312	are:0.0688953760782464	been:0.06481950642907834	I:0.05688971157040298	and:0.05374890171459863	were:0.05057158556321184	he:0.04358518479651045	:0.18307400257939385
nothing:0.0408701974759101	is:0.02748035362799039	;:0.02381410633268206	anything:0.013901594869675533	it,:0.01132009786375261	was:0.009492481822714855	and:0.00899400453324981	of:0.008861957519914813	are:0.00845605892264268	:0.8468091470314671
the:0.09320925791200008	and:0.07395409361165871	of:0.05839272864744868	to:0.047944447410863233	a:0.037925425806408765	for:0.03069158665018282	in:0.024863539579952746	be:0.01970166512321707	is:0.01863969980816721	:0.5946775554501007
that:0.16908251924626766	and:0.1614871501143544	is:0.14354956980661143	was:0.10626479582684303	but:0.06449625016186199	had:0.05126879507399067	have:0.04256692789755818	be:0.039925149622974804	with:0.029913943867320138	:0.19144489838221765
the:0.18298069258032137	of:0.11350083229025854	and:0.08359418730915852	to:0.041517261427870586	The:0.03805504496082334	a:0.036194920355613926	that:0.02468004249983462	which:0.023654971762081336	or:0.016818791774650257	:0.43900325503938753
and:0.10728643539050407	of:0.09689368708684774	as:0.09430956550132799	the:0.07574070144994628	to:0.05122624749049644	be:0.037028496537601055	such:0.03566920217538001	much:0.030975032286415252	in:0.028365295688714418	:0.44250533639276673
well:0.13927080248885568	known:0.12021614758510843	and:0.09953172233902789	far:0.05862632711524572	soon:0.054526379937856535	such:0.05015194712545917	just:0.03760767508948327	long:0.03542664793000233	much:0.03264124082853373	:0.37200110956042726
and:0.10235494940494616	the:0.09817011765250404	of:0.054918833819049634	to:0.048949106665551446	be:0.04502452823262038	in:0.04138743640090962	or:0.032198312294903386	for:0.029705916095476525	he:0.026435922643808892	:0.5208548767902299
the:0.46718237463704243	The:0.10465344421414273	of:0.09200118480930601	their:0.04069176855803783	our:0.03992223732377158	these:0.03656001278577825	and:0.03381004645953582	tho:0.026418432836068456	such:0.02637665178860353	:0.13238384658771335
of:0.1728260430169963	the:0.10385064085284053	and:0.09275769092647597	to:0.09209128670542818	on:0.03946644823100497	that:0.03941682631545456	from:0.039351942005604185	in:0.030637724511555414	by:0.029021755504556164	:0.3605796419300837
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
the:0.21850627698357183	and:0.12418578405474105	of:0.04516523708521705	or:0.030104821727414882	their:0.02886506887891625	her:0.024584114669447613	his:0.024458534457636558	an:0.024042825861825278	for:0.021120210131377947	:0.4589671261498515
have:0.32887155133720375	has:0.24895905763348003	had:0.22590914112393295	not:0.03306029363479426	having:0.031227273372102876	bad:0.015119581515317919	ever:0.01396193234990098	never:0.013874593128404347	havo:0.010591857273078738	:0.07842471863178416
and:0.09916471910970753	a:0.051009746114560085	the:0.050174468592969965	of:0.035228844877691005	that:0.030279018758056723	to:0.026722316903920615	which:0.025730993315553893	or:0.020155706708884488	all:0.013877712678986897	:0.6476564729396688
and:0.17864679849229537	he:0.17783299632529392	it:0.10711158125878914	who:0.0911234174592189	It:0.05048888135522967	He:0.04895491266134316	that:0.041518052876818215	she:0.036339920038502775	which:0.03561210836606538	:0.23237133116644348
is:0.14570306127883223	with:0.14068777420804024	of:0.13639553933017007	was:0.10656400710448082	to:0.08134924611689826	and:0.07832953443264366	by:0.06146917866319974	for:0.05811531092662962	in:0.05465137284831969	:0.13673497509078567
and:0.1698639174000547	he:0.16983770913854873	He:0.07777187922523118	I:0.06715436062751269	who:0.06668922082546594	have:0.05154116087690973	she:0.046795439984689456	they:0.04339869014240343	had:0.042327290521382024	:0.26462033125780215
and:0.0795822342503405	of:0.07646740837298124	the:0.07207913182652693	at:0.06571663959784464	to:0.060023843627338	in:0.03968402237128044	on:0.023850324794161524	a:0.023131082927063073	for:0.014467881621915668	:0.544997430610548
of:0.22752256525518935	to:0.11968366325166613	for:0.11720050767429227	and:0.11448354951997729	in:0.08260291586643358	with:0.07030981839609796	that:0.05743412275925315	by:0.045481741735025574	all:0.03746677762540833	:0.12781433791665636
of:0.12325765517032773	the:0.12320199566698568	and:0.08521084231521446	to:0.059606365922676	north:0.04694617915257505	south:0.04623054796730159	at:0.03007238480611956	a:0.02803870014086831	on:0.020613188866280198	:0.4368221399916514
to:0.09841821759273948	and:0.09260484230832032	of:0.09256376566872315	in:0.07877417798483456	was:0.053151928258643934	the:0.04549775452320577	is:0.043473641260170226	be:0.04009477519768535	for:0.03232743776826288	:0.42309345943741433
Railroad:0.1382458323228836	Mining:0.11835916550785118	Railway:0.10050968727953606	Trust:0.06312978397185265	Coal:0.03705255172098127	the:0.03537257084529748	Lumber:0.029179519181339937	Insurance:0.027365718636636407	Manufacturing:0.02692755434778376	:0.42385761618583767
who:0.15870586025840627	he:0.13324303365490053	I:0.1310885124749037	they:0.09970577989978412	and:0.08775103429755673	had:0.06510380406962957	we:0.0542407768163284	she:0.05334420342918808	have:0.04226284478271554	:0.17455415031658708
sale:0.06556859479257694	interest:0.05558401620658477	and:0.04986359556476273	estate:0.04259662529975478	premises:0.03905956699278411	Court:0.03373223890197704	be:0.03030933583901002	line:0.0300451690297622	it:0.029440412327824263	:0.6238004450449631
Mr.:0.27493780744624713	of:0.09448200253588374	the:0.05253434814582716	.:0.045673691198384575	Mrs.:0.04419607669151163	and:0.03446967557342554	by:0.02867246712167871	Dr.:0.026088000321429432	to:0.02598277583460559	:0.37296315513100653
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
the:0.43252834137026475	a:0.17856393761065203	The:0.05997258762146625	some:0.052693083139224016	all:0.047024375767200796	and:0.04434202495187685	of:0.042378584593623654	his:0.03371456767875785	in:0.03283220039730923	:0.07595029686962457
of:0.08919166437101235	the:0.0862305840475545	and:0.07742931166807696	a:0.06675671628244594	to:0.05877650736990306	for:0.04809013251311923	be:0.032637455706768466	in:0.030246197958960684	was:0.02489179355073314	:0.48574963653142567
the:0.21491915202373837	and:0.09100082823720139	of:0.08124826892131712	The:0.04924990980638667	these:0.025919926018890253	that:0.025781934665440865	in:0.021109714438683272	to:0.017750743987262244	a:0.016626160534359734	:0.4563933613667201
of:0.06981575178996034	the:0.061521850063794646	and:0.05517602749578578	to:0.03595942816833691	by:0.02954568451503135	Mrs.:0.025675289297675253	.:0.020301621910258225	<s>:0.01660640128635205	was:0.011323578040245183	:0.6740743674325602
be:0.21059542961449065	was:0.17042641875743264	is:0.12500834706435882	are:0.11313461663401982	been:0.08130343815706459	were:0.08111136781297676	had:0.04255701183028804	have:0.029770834297743527	bo:0.028311403440506793	:0.11778113239111838
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
a:0.38601951366610476	the:0.20395915396064396	to:0.10045596654665426	at:0.07211086245747403	of:0.04824782116606791	in:0.020025452997915992	and:0.01778104871077274	this:0.016562328054110422	tho:0.01360334852712947	:0.12123450391312644
and:0.12268595617366072	of:0.0826879996634647	make:0.07009124576352062	to:0.06507165472104322	with:0.059872649972740416	that:0.05807516350435734	for:0.05378937997286013	as:0.05012633849141561	in:0.0379510159047614	:0.3996485958321758
is:0.3709352358601019	are:0.15739482551651124	and:0.11227093178487323	was:0.04859995261819095	it:0.04726677615110422	Is:0.046673323166341714	but:0.03819798481860401	It:0.032209770677031985	not:0.022194232496414765	:0.12425696691082597
the:0.12485268683284016	and:0.11209137324216588	of:0.05756674583283732	to:0.05448155168562891	be:0.04899950533937613	re-:0.041408028131785304	was:0.03796371778007457	is:0.03675476914508605	or:0.030138444411094326	:0.45574317759911137
of:0.39469798519370963	to:0.08925882201494649	for:0.08251493248520589	all:0.07955637961015054	and:0.07572982505178887	that:0.07429460287507197	in:0.05562434411330336	by:0.05419992619709603	with:0.022508755625169075	:0.07161442683355818
the:0.17339969271781025	and:0.09274845517639616	of:0.05846131094337124	in:0.0582143592941405	to:0.0519259522155776	I:0.03278415084643941	a:0.028540180600083485	that:0.020607918908199453	In:0.02041177398222435	:0.46290620531575755
I:0.17891244689959107	we:0.14549021867294246	they:0.1284899352515329	who:0.1051343531891143	would:0.09531485296032874	to:0.06890206026195482	We:0.0585803690835952	you:0.056982949979101354	and:0.043384696298921964	:0.1188081174029172
it:0.1498348072705582	It:0.11435605693981896	there:0.09310151006548568	There:0.06114534174068963	which:0.04776466423323269	that:0.044308629689141794	and:0.02696526751036528	he:0.022710758718741637	man:0.014253103841518261	:0.4255598599904479
of:0.1666628414612166	and:0.11311585398565469	for:0.10033941805575197	as:0.07521057705382325	with:0.07435189520436777	is:0.07188334687206335	to:0.06610416674618268	on:0.06445095918384972	was:0.059739056936784315	:0.20814188450030566
<s>:0.12119023619418101	.:0.020420336361197625	it.:0.016662624098265542	them.:0.012703090315616936	him.:0.008099664154780582	country.:0.007721154807040517	time.:0.007714673144172722	day.:0.007552313424481738	year.:0.006421716675201308	:0.791514190825062
<s>:0.1349615573710807	it.:0.02060991042712092	.:0.01755071857167569	them.:0.014677052995673758	day.:0.010730288111430427	time.:0.009399662053533724	country.:0.009015740437415482	year.:0.008339766694075539	him.:0.008168382909122474	:0.7665469204288713
be:0.36821252053240205	was:0.13451453744460667	is:0.11553608607912946	are:0.09694294918662152	been:0.07614476904595456	were:0.050512071229389915	not:0.039329842295293835	and:0.035948107060068075	being:0.03272564677048931	:0.05013347035604458
the:0.1331954013331003	of:0.10395761905650669	and:0.09166744382168995	a:0.0674867672110823	to:0.04481959524883369	was:0.033914181021321675	be:0.027669522756191306	is:0.023821375196731925	been:0.01992601692954109	:0.4535420774250011
and:0.06520780138552995	made:0.029710908042537912	as:0.02052287529147197	was:0.01949705942221053	is:0.017590348667786217	not:0.016742289947839037	but:0.014753686974875294	one:0.014279653336912286	given:0.013966534201947803	:0.787728842728889
be:0.21381996589904637	more:0.20577274835229928	been:0.06430935814916681	was:0.05760463071515609	is:0.052228836215393065	and:0.05143505945323186	not:0.042602034313222924	it:0.04001518620838866	he:0.03861436394779016	:0.23359781674630478
the:0.31570451326657867	other:0.18244628766779247	of:0.07257168147715043	all:0.06290740331517401	and:0.05710485307019575	a:0.04423868479516139	or:0.04016566908815214	this:0.030542276609177247	tho:0.02894172487692714	:0.16537690583369075
the:0.18502690037050434	a:0.07372180962598904	con-:0.06954065530397395	The:0.05602822959189912	this:0.050775699255659806	This:0.04459808650852185	that:0.035331948175484566	said:0.029770590131977807	of:0.018170181601410217	:0.4370358994345793
the:0.18703737961685246	of:0.15312226395501935	and:0.059987875198776755	to:0.059746657317172165	a:0.055819212695407065	in:0.055810765800362074	that:0.030426717904541673	for:0.025573153357633483	be-:0.024363703052484607	:0.34811227110175036
and:0.11806801595638686	was:0.0656655564015758	is:0.046792063468053986	up:0.03108395308599868	it:0.03021415321434409	made:0.026603113622950526	put:0.026294257073757266	placed:0.02593741995179731	that:0.025049778326914608	:0.6042916888982208
and:0.1350948781200908	of:0.08416938649765933	the:0.07883588553881102	to:0.06319353765011483	be:0.03245071952652813	a:0.026770205880640798	more:0.02621769628374212	in:0.024296842775432162	was:0.022754130718847965	:0.5062167170081329
the:0.6774959596727329	The:0.05663845835845217	tho:0.037551512044230566	a:0.03144309301152238	and:0.029355340720423305	tbe:0.017242111893629532	assistant:0.014644528155590314	or:0.011905071755965165	by:0.011671929761774865	:0.11205199462567882
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
all:0.08768204176023509	it:0.06525971320845517	looked:0.050572207271972175	arms:0.040098687456877814	gathered:0.03974306471565843	look:0.03851297411977684	looking:0.03814221777399814	turned:0.029482345097051187	and:0.026445164692800407	:0.5840615839031748
is:0.2930104795552089	was:0.17151603101380797	are:0.14901106653543902	be:0.0991321381585652	not:0.057933648607931355	were:0.05280397944422666	Is:0.04047787453844367	been:0.03468785923553173	and:0.034253518887630625	:0.06717340402321487
to:0.5714639143603415	and:0.07306327485598435	will:0.049278537470376874	not:0.04309095019951925	To:0.03495093682354167	I:0.03459421395073363	they:0.033148791278864116	can:0.02541437311521051	we:0.021782371585149656	:0.11321263636027848
and:0.2881068040602637	he:0.07569135213341403	be:0.059979456417020065	has:0.05739363965253846	had:0.05659205056256915	have:0.05118364951240496	who:0.04399786269242446	was:0.04033258146051671	is:0.03596817512717949	:0.290754428381669
is:0.14659345730600476	that:0.1373296675446855	and:0.1294695009136732	have:0.11915717535817685	had:0.09220602106692159	was:0.08939127348891225	has:0.05485222191156993	but:0.04522269983773699	be:0.04506191610609057	:0.14071606646622836
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
was:0.16155211646655798	be:0.14190348233512112	he:0.12535896798675872	been:0.08838159912517823	is:0.06228565898772539	and:0.04957838239984198	had:0.045190508836776735	were:0.03950680383610164	who:0.0387216243598099	:0.24752085566612828
they:0.11285285287286788	who:0.10788091217281687	and:0.07303227998271403	which:0.048125407584420465	men:0.04700208976636109	we:0.04454680896363019	They:0.028945910896506673	that:0.02588417065279936	people:0.016643103798355267	:0.49508646330952816
to:0.7258992393513815	and:0.09538417051725352	will:0.024458454578590375	not:0.020845820825187926	in:0.016384569053635643	for:0.012926515718446536	that:0.011129429175474543	of:0.01074819666129553	I:0.009283192188202054	:0.07294041193053238
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.23786657658301447	to:0.23487112832581472	his:0.11236368772251733	and:0.060717780316994686	a:0.04844086387591811	their:0.04822248159769517	her:0.04621992329255107	not:0.03975043171098547	of:0.03858455419860638	:0.1329625723759026
Young:0.5610008339807083	the:0.09440783021143384	Business:0.03855933613717551	and:0.016153729891300424	of:0.015225354727454548	A:0.01395444275492299	a:0.013322519817913235	<s>:0.01115599994399151	New:0.009953118138816433	:0.22626683439628317
the:0.1287053056813113	and:0.09508927028557602	to:0.07119949655636888	of:0.06102613577256228	so:0.03421728976199958	is:0.030015551339827497	be:0.023127371175015583	he:0.020689572386688632	was:0.018665179604157495	:0.5172648274364927
a:0.3359649109888176	the:0.12287545254120184	and:0.10371459641724926	is:0.07903644056291823	very:0.07262031439207314	was:0.05015733868089618	are:0.03540144919556867	of:0.03304712009506517	most:0.0304588362990029	:0.13672354082720703
and:0.09468249737622518	depend:0.03875088893599322	based:0.03863406357657407	placed:0.0380392715961322	depends:0.03779424552216468	called:0.03705486424756454	down:0.03295251281941486	made:0.032658028953724605	effect:0.028685464570585545	:0.6207481624016211
and:0.08275506867079842	be:0.07168989044121427	to:0.06827284676325553	was:0.057164615051106975	of:0.050627678270396735	the:0.03848794997017138	is:0.03452530947358342	are:0.03193038790834214	were:0.031365248834938395	:0.5331810046161928
is:0.3025619329929135	are:0.19330620851078403	was:0.13340578383221655	be:0.11987020060963074	were:0.05204800591487644	it:0.04083249736295359	Is:0.03566251163921821	been:0.03334397055010099	and:0.031612053277200396	:0.057356835310105506
was:0.12758725873945784	be:0.10370515973596797	is:0.07495730723470966	been:0.07175299074415382	of:0.06943224529945541	the:0.06649877447690411	and:0.06550882317149334	were:0.04364845548080582	are:0.04200492668804614	:0.3349040584290059
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
part:0.07268713102532033	one:0.07071065938650846	some:0.043508101530019876	out:0.03575042106872343	members:0.025760665467621124	and:0.022440178638608456	tion:0.02191026583655202	portion:0.021052670553751075	side:0.02092702198887348	:0.6652528845040218
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.21814674238099072	to:0.13843796767101882	in:0.106573682679826	or:0.09185706426295126	by:0.06268382415545835	than:0.054326079650483056	for:0.048390470093133214	at:0.04346991760015161	without:0.04339369258660987	:0.1927205589193771
J.:0.0921095348592134	C.:0.08352473875449506	W.:0.08316426410502385	John:0.0810928268680362	.:0.07659503308855783	James:0.05099203647816346	Mrs.:0.04680454763987549	William:0.03946343516606525	Mary:0.033913104736486024	:0.41234047830408344
and:0.15996564462503926	he:0.1269515101716922	it:0.09499189777391906	is:0.048915205223404604	I:0.04290662662227926	He:0.037878198973746065	was:0.03658949625829617	she:0.03555011850686675	It:0.0350188973440096	:0.381232404500747
as:0.11070195627002588	up:0.05467013381520133	went:0.05286897474039456	and:0.05117066165606619	came:0.04067102344177775	returned:0.034530847860265855	belonging:0.03211445218543272	back:0.03176229551226645	feet:0.029667358125574264	:0.561842296392995
he:0.13458727581061436	who:0.11848622033057085	I:0.09854562952988807	and:0.06936475744092142	had:0.06734034495888355	they:0.0604881561029931	she:0.04673656346025673	He:0.04420907414444004	it:0.0393069312733132	:0.3209350469481187
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
the:0.13864968241240586	of:0.10269302379374311	and:0.07155119031125555	a:0.05719817803491155	to:0.047546566532710596	in:0.032966897594966946	for:0.018607361383593993	at:0.017209408496516074	or:0.013968890044789468	:0.4996088013951068
and:0.1343835917114518	that:0.0972905257832365	as:0.09257188594459628	which:0.04776796629534524	when:0.03136050566011846	if:0.027367706660478396	but:0.021766254596686727	If:0.01298810962902625	while:0.012527190699894582	:0.5219762630191658
and:0.1253484505031286	he:0.09962494101205568	who:0.07064335829870787	it:0.05868988140039728	He:0.042913934813642515	that:0.0382834563726575	which:0.03663538850053536	It:0.03446207401959249	they:0.031357462570099005	:0.4620410525091837
to:0.5827739228675215	not:0.1032856438726728	will:0.07781484513892196	would:0.07102852593943262	and:0.0567523768156949	may:0.018639114009008067	must:0.017167681210187028	I:0.015997269584607954	we:0.013455067814243155	:0.04308555274771
the:0.29038622512774437	minutes:0.1953113227272694	thence:0.14637030940420673	degrees:0.09840266215912123	tho:0.024813149604236185	south:0.019681592215004894	and:0.019526991960366554	The:0.016906946831802234	south-:0.015579224265546854	:0.17302157570470156
for:0.3401640605019649	of:0.10412226469862772	in:0.08859814012729296	to:0.07326846309907409	at:0.0639030903617022	For:0.060836234484675906	and:0.048701285543773336	that:0.04446389960723283	by:0.041170041639477975	:0.1347725199361781
was:0.11551781266665635	and:0.09685776822930521	is:0.08139256844297785	be:0.04836062801898241	it:0.04461210040726146	the:0.043775186596382167	have:0.042497654130472434	been:0.042229741243658504	he:0.039418608545565684	:0.4453379317187379
a:0.47493305042965556	the:0.25276535889457213	of:0.060506666080116	The:0.042081639095948656	in:0.035026763298878084	with:0.03028309509533627	and:0.026110970470468824	no:0.020034318390977784	A:0.013387062855412864	:0.044871075388633844
to:0.09841821759273948	and:0.09260484230832032	of:0.09256376566872315	in:0.07877417798483456	was:0.053151928258643934	the:0.04549775452320577	is:0.043473641260170226	be:0.04009477519768535	for:0.03232743776826288	:0.42309345943741433
and:0.1306999424364604	to:0.11921842247518692	in:0.05702389809518679	I:0.05256004057011492	of:0.036385388150698104	re-:0.03411305898108789	the:0.028526022650604464	not:0.02461422548785277	he:0.02216497128619617	:0.49469402986661154
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
;:0.0181673580005401	it,:0.011648995394794292	him,:0.00827644171903528	them,:0.008274220604184947	one:0.007715897523943541	years,:0.006881883300777614	,:0.006795508465188345	county,:0.006053187624297671	city,:0.005938350680117762	:0.9202481566871205
<s>:0.09385095275061688	it.:0.0214939434169521	them.:0.016545494302775063	.:0.011071212713526022	time.:0.009024954578327513	country.:0.008994765337129791	him.:0.008489823479007638	day.:0.007182798842692666	year.:0.006632580515626421	:0.8167134740633459
and:0.1410955343884449	that:0.12303564197297256	as:0.07054468343885685	but:0.05912647971565052	when:0.05619182022146332	which:0.03254170101322555	if:0.029036142187696925	When:0.02485039327366543	what:0.023081908911575147	:0.44049569487644874
and:0.10085138601143619	of:0.0807343720826151	the:0.07123850441952267	be:0.0643592802049583	is:0.04668815053062012	was:0.040438502295121775	to:0.03352932259760292	in:0.03019516087392724	as:0.024541780340887775	:0.507423540643308
and:0.1538476131266569	of:0.12312318410279477	the:0.09475331446302995	to:0.07468508051654	a:0.03392898917221034	in:0.024452297327658447	that:0.022432723848562947	as:0.021396568445531963	or:0.01798996531619415	:0.43339026368082056
the:0.14743239318057602	of:0.08227068190919354	and:0.07695350024461478	a:0.043765640652139774	to:0.03167259397631241	in:0.02691176701222486	by:0.024172796969718163	for:0.020295502313033016	.:0.019968898823186126	:0.5265562249190013
the:0.558615592555982	an:0.09406159579190079	a:0.07328578162201105	of:0.04606521187221682	The:0.029728864919892604	tho:0.029426647173238413	our:0.02142643395745613	in:0.019723339455039127	good:0.015862754547680085	:0.11180377810458293
the:0.17453822458954663	and:0.10213761372906591	of:0.06122565584550974	to:0.048356080627579505	a:0.03141237015224878	that:0.02519701648554594	I:0.02154102727524522	.:0.01783121735321749	will:0.01765975424033129	:0.5001010397017095
the:0.20433102728306193	a:0.14043876001151245	of:0.08603003094946066	and:0.059522383987974964	that:0.02929514078379868	in:0.02733910117807321	an:0.024858043529433268	The:0.02135015585946075	to:0.021298456893820327	:0.38553689952340375
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.18677992631066015	a:0.18360981185117795	was:0.10510134324300756	is:0.07185262974384918	and:0.06774864297481353	that:0.05060129685460878	are:0.047478537502544646	but:0.04448576188408735	be:0.04176139087532889	:0.20058065875992195
the:0.7028265021282746	of:0.07461384517295323	a:0.05954973470703509	tho:0.03033012287469824	every:0.018154923722109757	and:0.016981897862898276	for:0.01621531317103271	The:0.015284133765715734	this:0.014475925228072513	:0.05156760136720989
is:0.16688891866606584	was:0.12398214291699491	are:0.10504473077917895	did:0.10125319919436176	do:0.09241446939744932	could:0.07426940987205648	and:0.06504621694397594	does:0.062297211422845195	will:0.06217440315044117	:0.14662929765663046
the:0.31100210046706706	an:0.09390465511024193	a:0.07768856636560666	to:0.06662557635805724	and:0.05918760379244681	his:0.051363167241947956	per:0.026893602017573643	from:0.02660002648645545	my:0.026024678963698825	:0.2607100231969044
the:0.45745861078686983	White:0.09586676874514745	a:0.048695829447594326	Opera:0.043790296804597305	this:0.04071439416387353	tho:0.019579592674514628	Court:0.015221203682086465	States:0.014806786230692702	that:0.013040040209991843	:0.2508264772546319
the:0.3729666658058058	a:0.296870467209076	large:0.1314124186191886	The:0.04975870193367932	great:0.03928301760455747	tho:0.034502542157808666	one:0.015311236413400113	small:0.012568750199422345	other:0.010984463430791163	:0.03634173662627053
the:0.5209799566970369	of:0.1162658486791829	in:0.06872828289336881	his:0.04123285853335278	tho:0.035049000889659426	for:0.02705880177801168	a:0.022900327738228282	The:0.021160712503320328	this:0.01966623669657939	:0.1269579735912595
of:0.18139139432315418	as:0.12257327473007376	to:0.08804042556853464	for:0.08698787366555097	is:0.08369036330928312	and:0.07906017552132849	in:0.0764645814879856	was:0.07414621495363767	with:0.06922440317081287	:0.1384212932696387
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
more:0.5499233706020894	rather:0.11029581958969352	less:0.07929621695432008	better:0.07695733916401816	greater:0.01729001908287242	other:0.01600231538681886	worse:0.01525410580967429	and:0.009751505264077987	larger:0.006745015107129677	:0.1184842930393056
of:0.18028133838643423	in:0.14376875034211875	for:0.10354861711674161	with:0.0890373007969422	was:0.06951627477548086	to:0.06793982878405361	and:0.06630182044930066	by:0.0564119768932734	is:0.049272245075126724	:0.17392184738052793
and:0.0687919268141884	of:0.04843026424467078	set:0.04301807490763051	was:0.039872521273860366	them:0.026637172832429026	well:0.025415852478316535	for:0.024354775401160496	.:0.022703371906145083	are:0.021830073724089266	:0.6789459664175096
the:0.17349923114220756	Hood:0.15378004512752994	Hudson:0.061011172939223174	Fall:0.045322919015552736	Red:0.03928776960078172	and:0.03693688105313244	Mississippi:0.02754962827591223	The:0.02377636970690868	Snake:0.021945264042192287	:0.4168907190965592
he:0.18572760485285789	which:0.10197855058130445	and:0.07698354171627259	who:0.07054844876387589	that:0.0556648799768946	it:0.05333870924204689	He:0.05310440402226404	It:0.039740067727653317	she:0.02144665039434494	:0.3414671427224854
and:0.08303081488460422	of:0.06778879734029519	the:0.05564108381737183	was:0.05014862179405274	about:0.04282455937063703	be:0.04049473910780557	to:0.038876068375314925	west:0.03552881539114281	east:0.03246403913340764	:0.553202460785368
to:0.10196349526180964	the:0.0770086084272617	of:0.06925594890757877	be:0.054243653158207825	was:0.0530727812338096	and:0.04968488509028183	in:0.04712510729957753	is:0.033912881567987004	on:0.03280688155792231	:0.48092575749556377
the:0.26587464711405534	a:0.16716088744309177	of:0.060170234721157005	and:0.0482885175291491	in:0.040632049232920214	The:0.03857288728851648	an:0.03676037734469624	to:0.02034422938134729	Mr.:0.015950221888624338	:0.30624594805644223
of:0.3575772259412128	for:0.1318186417576025	to:0.08507435773318031	in:0.07841039021265508	by:0.0632493303061932	that:0.0628315317597303	and:0.05841506466958238	all:0.036262652021426416	with:0.03562167786426882	:0.09073912773414822
the:0.16034095759089487	of:0.08337930770201633	and:0.08167606873219838	a:0.06797230011329618	to:0.06200499524654075	be:0.030872590248614943	was:0.024646243111901316	or:0.02030169971211091	is:0.017847106309518128	:0.4509587312329082
of:0.07930288927016302	and:0.051923269108485326	in:0.03498742028583692	that:0.024874288713177675	from:0.021809859429294903	one:0.019570311821820598	to:0.01636013330497575	by:0.01531807659912095	at:0.014113411079115965	:0.7217403403880089
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
and:0.12736406877079495	the:0.11092420913138946	to:0.06378677253145253	of:0.057196398190794355	a:0.04036240300440353	or:0.03922419265170544	be:0.03753068388732642	was:0.03712256587983413	is:0.03516423370584931	:0.4513244722464499
the:0.10599006328499508	of:0.10492083444098833	to:0.07215680546553416	and:0.06555993484917966	be:0.04394884209126089	was:0.04028794648735342	in:0.03745889035539018	is:0.03716616685200226	on:0.03458913154836888	:0.45792138462492715
;:0.01429762594221345	.:0.009992355436026343	in:0.008683012842927372	city:0.0066807370078036075	,:0.0066317026717408615	State:0.00637217759342951	him:0.006180115495120887	:0.0049587253344807085	up:0.004957806027625326	:0.9312457416486319
and:0.12268862888949664	was:0.052188916962032934	put:0.04131069456616543	placed:0.03662186855147224	is:0.028927225435486856	that:0.028624795021881536	payable:0.02562674586321559	one:0.021141945920359118	committee:0.02094639214405249	:0.6219227866458372
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
<s>:0.05853076640687723	that:0.05360000315563107	and:0.028468892423494714	it.:0.024960893987115183	but:0.01735835078593881	as:0.014815840893292666	them.:0.014318802615316317	country.:0.011732596730942993	of:0.011348659858762027	:0.764865193142629
to:0.7344829925545199	would:0.06751188589717462	will:0.057658560299574294	not:0.03593348941654026	and:0.021926154509415558	can:0.019412959974452308	could:0.01921687461546284	may:0.016642277583315372	should:0.013524761909895617	:0.013690043239649242
of:0.3900149925776274	in:0.12160166025545253	on:0.09377962489448588	to:0.07955763847990031	for:0.058665634141696836	from:0.049617764189091106	at:0.044305473531501376	and:0.04299280088933831	with:0.0324341201259742	:0.08703029091493202
W.:0.167353607403891	.:0.08668970159258421	J.:0.06590426888093294	H.:0.05281839500814515	E.:0.05002039152092427	Miss:0.04760127804992878	A.:0.04688154953932032	Mrs.:0.04259691731011622	F.:0.03834748114973141	:0.40178640954442574
of:0.2759812246870387	in:0.09622754438691586	for:0.08933785843753703	and:0.08900238203790771	to:0.07525926868146338	as:0.06802064563901142	with:0.06736796060460234	by:0.062066993884672496	that:0.049281760986441076	:0.12745436065441004
a:0.37849846513221946	the:0.16955455625704002	each:0.0762690271694238	The:0.06669961059723262	one:0.06006861287136937	this:0.04380196699027124	every:0.0368155149068457	Each:0.036332705176202205	and:0.03573688032143165	:0.09622266057796391
the:0.1978009408465639	a:0.11753803171812748	of:0.09161051390501823	and:0.05172919888264327	that:0.03901567871628772	any:0.034938118202641345	to:0.03253441380892212	by:0.032505989850769426	The:0.024104474624433936	:0.37822263944459256
protest:0.09213721161722925	and:0.059085518278957645	up:0.03899619508924092	made:0.038194138081999875	voted:0.03463083273212171	claims:0.03305647796696318	vote:0.030795176454426507	guard:0.03054644504584456	fight:0.030335045152437037	:0.6122229595807793
of:0.3430432392673812	to:0.07206872722829315	by:0.03859279697937845	in:0.038342465002825184	and:0.0358167955609814	that:0.02756742082145459	with:0.027437433855879427	at:0.026767789967898845	is:0.021423580613792476	:0.36893975070211527
of:0.19211034683386075	for:0.1647006982492155	to:0.09952920840810284	in:0.09432990344669633	with:0.08741046780166052	do:0.04518847047778444	from:0.031752775403500334	and:0.029488927837670754	on:0.028930069291393218	:0.22655913225011534
feet:0.11744196397398872	and:0.052963996844601964	sent:0.04247105766037273	according:0.0424012171468434	down:0.036928031651782274	went:0.036832936372144943	as:0.033951966232160666	up:0.03328962484691877	regard:0.03192629060457238	:0.5717929146666142
the:0.1394878127791996	of:0.09425458702553927	a:0.07398512771225117	and:0.05458322688582762	to:0.048337817076455375	in:0.03533607952837629	on:0.025926831660757696	be-:0.02287336332346917	his:0.019127563514587432	:0.4860875904935364
an:0.3293791583572891	to:0.1737695868971153	the:0.11989817275346526	no:0.0562293304094002	I:0.04327704108066029	will:0.04187516889380462	and:0.03942420989558203	not:0.03352075537681362	any:0.027836073993266427	:0.13479050234260315
the:0.5311190908409161	The:0.060710479044843724	con-:0.051079380730019934	tho:0.035669866936667675	a:0.034564675304902766	and:0.03301693094398637	tbe:0.016214767004168955	of:0.014647608505730892	an:0.014290048418445148	:0.20868715227031845
to:0.2907989276723902	will:0.20490827637539968	should:0.08795939248339396	may:0.0768382634905077	would:0.0745881461533338	can:0.0674758106086441	could:0.052828423284637764	must:0.047846272375928735	shall:0.045072299830390385	not:0.04168418772537365	:0.01
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.350593770311935	and:0.1380581311386399	that:0.11518996904418863	all:0.06620633321204844	by:0.05592312569771673	to:0.04094977622372896	for:0.037954075595037606	with:0.03352530282736503	as:0.027308153949963783	:0.13429136199937594
and:0.07322016613818749	more:0.03175887165066099	that:0.028725253528253194	of:0.023905494618508535	it:0.02212208576921635	as:0.021907754203852742	be:0.019604756465234366	was:0.019439690134643858	is:0.016379317701934206	:0.7429366097895083
the:0.6486716278559426	and:0.11644619514658533	The:0.03804567764162874	tho:0.027922055147695756	said:0.018106369517594346	certain:0.015589876962563228	of:0.01415738247065602	or:0.014127871334004526	tbe:0.012240083618705211	:0.09469286030462427
that:0.3345512742389842	and:0.12875264759211338	which:0.0883586494584875	as:0.06188018321282583	but:0.057236991740598625	where:0.0471276030681056	when:0.03951335856178923	if:0.03809669295976973	what:0.023393439321314238	:0.1810891598460117
the:0.3620907856893671	a:0.09627487505385318	his:0.09481776342824212	The:0.08887822858635235	and:0.07552525572262525	that:0.043534990406184464	their:0.04320440771823878	my:0.04100365943774751	our:0.040835660850098265	:0.113834373107291
as:0.43372189586177956	is:0.13187143154809436	be:0.07511619562282094	best:0.056168994960956155	was:0.053208617443888814	it:0.04596071852659005	and:0.04161337988332573	im-:0.03374623265837211	not:0.025814088968131605	:0.10277844452604068
of:0.2496026056286884	in:0.16222563346434815	at:0.12964854182420552	to:0.10696577230798004	on:0.0681599943564462	and:0.05352926152124969	that:0.050825363550309845	from:0.04885428022741563	for:0.04846808667287455	:0.08172046044648197
and:0.11354139657237752	made:0.05390830480452834	or:0.050053552848218795	that:0.039359896511606506	him:0.028351602857972166	only:0.028350831697921762	it:0.0238185031764946	but:0.020008462437273913	accompanied:0.019874822810414642	:0.6227326262831917
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
that:0.20041013993590526	and:0.10620922764734375	but:0.058873189470263106	if:0.045267927062072215	as:0.04280850424835493	which:0.041210362855158784	when:0.04080958301886744	what:0.0229588295997968	If:0.02188272812655254	:0.41956950803568516
in:0.37844060308166017	of:0.2808506830765694	In:0.06734562501775196	to:0.06414894398402747	for:0.04323820438663038	by:0.030316381589700556	that:0.0299475912263599	into:0.027790739575585	on:0.027392544374691578	:0.05052868368702356
the:0.608671238959472	of:0.06963675862286368	a:0.05580338982597188	American:0.03757622033215112	our:0.031105593647946142	other:0.031032163970748695	tho:0.029175329943268626	The:0.023886671051024794	his:0.017363770025221912	:0.09574886362133123
her.:0.039958534554324195	<s>:0.028562913371226167	it.:0.022536023663240787	him.:0.01487083043756594	them.:0.010710285857993168	day.:0.007639313090159269	life.:0.007238605851625691	years.:0.007149825858410015	time.:0.006745152983986669	:0.8545885143314681
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
of:0.12642654347255788	and:0.06920770004749957	in:0.04113063429839098	to:0.039460944154770555	that:0.029877787057406513	on:0.02517998801676788	for:0.024471087243369164	things:0.01672232242668383	those:0.013689248065138443	:0.6138337452174152
be:0.19182523934885026	is:0.14526096127359137	are:0.11880798242359746	was:0.08708562815349317	and:0.07108020552740563	not:0.06401261859205214	been:0.06083648161710445	were:0.038398960554887375	well:0.03614450901444643	:0.18654741349457174
the:0.24204844191138408	and:0.13895955462466095	of:0.09618898844510544	to:0.08795743606686199	a:0.031034259204132067	The:0.029681924245937834	not:0.02601861273982776	in:0.02545919623760239	their:0.02387971223615598	:0.2987718742883315
the:0.23453939907556431	their:0.1569362047608512	his:0.1345174913888006	of:0.06805182614810858	her:0.058839300556302696	my:0.04182970703306126	and:0.029377866346734983	our:0.028982803119178623	its:0.028324218600243752	:0.21860118297115397
would:0.1803779577972528	and:0.16860005978179207	but:0.08132130836053185	will:0.06981400485564014	the:0.05603786637075169	do:0.051840569702338364	or:0.043310607441515735	a:0.04163045660319235	is:0.040490183514026654	:0.26657698557295834
and:0.0864119956563401	that:0.0598403279054489	Committee:0.04577219816633978	committee:0.04237843780815832	was:0.019650694917016383	going:0.017746190728373856	work:0.017655680318227396	one:0.01680061058892637	or:0.015306694873881003	:0.6784371690372879
the:0.1528681788185473	of:0.12698854689531594	and:0.11718300275611758	to:0.034947213056803574	in:0.03227453903759992	be:0.028357413195681642	that:0.024563610421726178	which:0.02397710708165288	much:0.023089382826888213	:0.43575100590966676
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
and:0.153538780299108	to:0.11250967504516964	he:0.05326685963268479	of:0.039389162677659545	in:0.029835511488544183	the:0.02874965320119883	was:0.02757525168411791	that:0.025145495224315483	for:0.024545051409638103	:0.5054445593375635
and:0.11422183106218325	just:0.09556861609677492	is:0.08062852061118761	be:0.04821010390898342	much:0.04804618749488266	far:0.0478247208018374	are:0.04689794015475045	not:0.04381183129534968	but:0.043607655363285515	:0.4311825932107651
the:0.34600733604667666	his:0.10292285227031084	their:0.09698822424739353	of:0.09286836805643857	her:0.06386261205477645	our:0.06277892189658593	its:0.058858526853593995	great:0.04217792546666247	this:0.038500183780821255	:0.09503504932674028
the:0.5936314030503123	his:0.07656315574044083	a:0.07332700591010718	their:0.03307244291187865	this:0.03102640800271673	tho:0.02973022516561645	her:0.027583462209109	of:0.022289951958866527	The:0.021472674177766025	:0.09130327087318629
of:0.18288366087034647	in:0.1184984403276124	and:0.1078527049737796	with:0.08991361349556164	to:0.07560580439494713	for:0.06877258275204096	by:0.05617723142005631	such:0.05493785642595405	as:0.05351516086184774	:0.19184294447785372
to:0.2587685857362462	the:0.18602436385396057	a:0.15170667585049877	and:0.07732426224565483	will:0.06637212932338564	we:0.0502444851134342	not:0.04944063073650496	would:0.03955718490635291	you:0.03555768585732577	:0.08500399637663612
the:0.49679346479776215	a:0.12349410745397323	gold:0.05290439117980607	The:0.04610954570073002	tho:0.04562521355296246	and:0.041006512344680675	high:0.030128567675367333	any:0.022709973439815297	other:0.01575509247519463	:0.12547313137970817
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
<s>:0.04356344150831647	it.:0.03152151724772709	them.:0.015211090875651364	him.:0.013141812364416623	country.:0.008594578329545988	time.:0.007326231109580502	again.:0.006428483543097451	years.:0.006246031540682972	life.:0.006117222005701853	:0.8618495914752797
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.4011999969821885	a:0.08780057142489259	and:0.055665159377879754	of:0.053901433456347174	this:0.05197858568127591	any:0.04876108317428529	to:0.044962809683281625	our:0.043199661310110264	The:0.03753465202200421	:0.17499604688773468
they:0.18996007944327517	who:0.1182144638051304	we:0.0743962423297752	which:0.06690730008318146	and:0.056327029364206256	They:0.04614544932790756	that:0.04264823507914636	We:0.03562950137178013	there:0.029796500775249576	:0.3399751984203479
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.23764211708823113	Supreme:0.16113389847227172	said:0.1038752767441591	District:0.05283922631663282	Circuit:0.04890871658969254	County:0.047158428185910393	Probate:0.04509236957798874	of:0.0441797615793335	this:0.0396627486147101	:0.21950745683106995
it:0.15785936948542273	which:0.08580605930919047	and:0.0819442909747207	It:0.069776970338638	there:0.06016485408862491	they:0.046337679765078826	who:0.035145108590665344	we:0.03347664880809658	that:0.03140563108367762	:0.39808338755588485
of:0.3707655425483162	to:0.09072213089648462	and:0.08544707848300355	that:0.07966114403126412	in:0.06766182451465075	with:0.06322264484727348	by:0.04895631643534286	for:0.048819803417246385	from:0.03927138034725062	:0.10547213447916745
he:0.14379030384335245	I:0.12883071667677642	have:0.08659656151501058	had:0.0857776772925965	who:0.08264135461195955	and:0.07866453908056835	we:0.06333464956925207	they:0.06121567932504116	has:0.06031779942166617	:0.20883071866377673
in:0.21810267994563326	of:0.16165119344146095	to:0.08900827084665593	with:0.07588717977228589	from:0.0632499882582556	for:0.05692518660417316	by:0.054953796678597205	upon:0.044414967008923174	on:0.041597890767642996	:0.19420884667637184
New:0.6165300240424	the:0.05043911172517773	and:0.03905358772664186	of:0.030531313340327767	in:0.024984912988459663	on:0.018099403699242036	to:0.016911208183106475	a:0.014559739977948788	for:0.014387075047442716	:0.17450362326925298
and:0.09352010159871957	recorded:0.06130845782857803	is:0.04855708638476057	was:0.04762714617145134	that:0.03763925710096855	up:0.03407619486568021	held:0.03228435108721955	made:0.029024211947625413	time:0.028945224061077433	:0.5870179689539193
and:0.09508743150790734	was:0.02956497590522634	up:0.02756488138552747	that:0.02253917228590667	is:0.017374088988538695	recorded:0.01672251033686984	them:0.01573510427499588	feet:0.015471071289907667	situated:0.014893166272223056	:0.7450475977528971
of:0.10631112473892627	the:0.09943241832474299	and:0.08159794106622675	to:0.08044019399615582	a:0.0411705846870669	be:0.032482607452970214	was:0.026600329505008413	or:0.02456876992697593	is:0.021232665187409037	:0.4861633651145177
feet:0.09124682453705052	poles:0.0730701371555321	up:0.05088279168420823	chains:0.04885658892872941	entitled:0.03694920633644442	went:0.034748145318504654	came:0.03280590556373315	down:0.032521221296211	him:0.032446562119539564	:0.5664726170600469
the:0.1416320096070508	of:0.06564090144985674	a:0.04639103707313223	and:0.044417596082496145	.:0.03712411281752827	<s>:0.02052143944393303	The:0.015645341604098466	A:0.013488863233686746	on:0.012720200024989166	:0.6024184986632284
in:0.07611205453270671	and:0.04581002072910347	well:0.03983368157032492	of:0.029667084093863285	known:0.019024180963800996	on:0.015055566538588874	made:0.013429653928878625	In:0.010665431400587469	far:0.007793072462375112	:0.7426092537797705
the:0.28983479033701987	a:0.11251744382074304	this:0.07456376435297112	next:0.06048541300751577	to-:0.04645619668683852	per:0.04355486747176688	that:0.04078307272428055	one:0.03790390072076956	every:0.03752887034741304	:0.25637168053068166
was:0.26542061016940466	is:0.215311474618673	and:0.10338887166624065	be:0.08543737570403763	it:0.05892702403179678	are:0.052764411702064404	were:0.051411540489235935	as:0.047911802595099445	been:0.04432867770498968	:0.07509821131845781
and:0.02357741295238165	it:0.02315461299710797	him:0.019788031970425602	the:0.018412416801514453	made:0.01658664747283135	them:0.015521868098634654	well:0.012190210211235956	up:0.010656255064854769	me:0.010007212906842585	:0.850105331524171
the:0.21632512297811712	of:0.14873675898018232	raw:0.1318041822405434	and:0.07243619082875714	his:0.04513474806856249	with:0.044903869218930595	a:0.04373479012490084	their:0.03466444900702799	or:0.033170801984076966	:0.22908908656890112
a:0.5382425272962645	the:0.21796253202943092	his:0.03168246368360993	and:0.031040591530379948	The:0.026869252941880802	their:0.02427398242846792	every:0.019154992501740905	A:0.017905093165191923	of:0.01765825414612024	:0.07521031027691283
of:0.23486932924098777	for:0.10977340473719531	to:0.1020014246314872	or:0.09152021112990619	by:0.08557348088014037	in:0.08543926442921852	without:0.07283145268876423	that:0.05006586842254653	with:0.045820033133563635	:0.12210553070619021
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
the:0.577791076106713	a:0.11946282269543669	The:0.07615932708709094	in:0.037023760039075024	tho:0.03476170714244731	and:0.027715012074861278	of:0.02079896857277076	on:0.01828246395048061	tbe:0.014811621590714823	:0.07319324074040956
J.:0.0921095348592134	C.:0.08352473875449506	W.:0.08316426410502385	John:0.0810928268680362	.:0.07659503308855783	James:0.05099203647816346	Mrs.:0.04680454763987549	William:0.03946343516606525	Mary:0.033913104736486024	:0.41234047830408344
was:0.23079747340869178	and:0.14285865828506722	is:0.13196092595728678	the:0.07844332298828714	are:0.06993309495079937	were:0.06779855218831268	an:0.05982208389084233	be:0.05670587800725108	I:0.036905925095692856	:0.12477408522776874
all:0.15412061640696553	and:0.07585490560947197	it:0.05969507336756214	went:0.05386718808703616	go:0.04263541563119453	looking:0.04157728911593899	turned:0.041327881617825	was:0.03704218880724083	get:0.03542746793668105	:0.45845197342008376
W:0.10885086180981304	M:0.08962385808542442	J:0.08815037885305665	C:0.08144449491961595	S:0.07565573974651656	E:0.07480965297703332	A:0.07089097266370924	H:0.06872129070148511	B:0.06456748181320644	:0.2772852684301393
a:0.5624190575742004	the:0.14708629848740593	young:0.0508111140184308	chair-:0.032032211746053044	every:0.02662506740067197	A:0.024257253155184032	any:0.021205822479731337	The:0.01952034462172054	no:0.016334410699180592	:0.09970841981742133
<s>:0.05847531630627239	it.:0.04498375396104229	you.:0.042874079559089194	them.:0.023821533033674673	me.:0.015440837182817855	letter.:0.012588531280491084	him.:0.011680994934106445	time.:0.010818657845246066	life.:0.009419687462632565	:0.7698966084346275
the:0.6209651234568575	a:0.08970246474483096	and:0.052263994807289896	tho:0.03598979181506892	The:0.03325306212419464	his:0.018668386747440157	their:0.015296686656710759	of:0.014263311705553677	or:0.014234992730357403	:0.10536218521169605
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
was:0.18656790673364074	and:0.1481382682973375	be:0.12689885898320116	been:0.11491024794162247	day:0.07992154221606708	is:0.06805708373550491	complaint:0.043187240105052364	were:0.042371694721217	duly:0.029402145480859287	:0.1605450117854975
of:0.3142291982237348	to:0.11676452722786078	in:0.1029116431433375	and:0.09792611507709745	that:0.08701785362944625	as:0.04841057078293892	by:0.04018326432079978	with:0.03781793679791004	for:0.036908202603304574	:0.11783068819356993
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
and:0.10122472601855723	place:0.07449154636386747	point:0.04108496051126098	places:0.03451323176543779	know:0.03309215080143362	or:0.0256840871056595	that:0.022931727362692753	spot:0.021515915556916933	cases:0.01860443981851849	:0.6268572146956553
it:0.1898936989228213	It:0.08998462207640943	there:0.0790469860324584	they:0.06140208113455	that:0.05582443981464942	which:0.05166683548741283	he:0.0503760176127662	and:0.049222407474872956	I:0.03738029063895694	:0.33520262080510255
is:0.0848196618407186	was:0.06722564443572522	able:0.06553031074839431	and:0.061122421355825435	him:0.0601029890522793	had:0.05766983129268836	have:0.05435385769639387	enough:0.044612038609656096	as:0.03964506341164541	:0.4649181815566734
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
the:0.35210444827579385	a:0.18550055222880224	Republican:0.10959075280361771	Democratic:0.08483416033377404	democratic:0.04402940946995364	republican:0.038969360418127805	The:0.027172581112050575	of:0.02586262252002342	his:0.02434039435666546	:0.10759571848119129
the:0.3887524200604564	of:0.13814129022428306	a:0.11887717754085497	and:0.05611386645782401	in:0.0480320163883396	his:0.022968993103890077	to:0.021991880251413343	tho:0.02091224802661264	this:0.02088604399959831	:0.16332406394672755
provisions:0.08155268622048072	copy:0.07438298592748818	date:0.061886723423349964	part:0.06076408457322527	one:0.05124169281485493	out:0.04701489352502034	people:0.04423834088325635	publication:0.03792894646628187	members:0.026565416948037213	:0.5144242292180051
it:0.14814379514494458	It:0.146170482997488	he:0.09546716605751586	which:0.07228840575714467	and:0.06067983274796756	This:0.060052326101234954	there:0.04419985159407814	that:0.04141351039979141	He:0.040529289086990085	:0.29105534011284473
the:0.25111881998482516	of:0.21271127738856552	a:0.18204998023429217	and:0.07454161612898946	in:0.061851725556767524	to:0.038532017949242776	that:0.03775285465928874	for:0.035146785332883394	The:0.02734791607710146	:0.07894700668804382
and:0.1250795051877034	the:0.10292328948820151	of:0.07505298011482579	to:0.056805218440021385	a:0.03941506032018545	.:0.03276472114335649	Mr.:0.0247622395529978	his:0.0184460431409338	in:0.016410220054438377	:0.508340722557336
the:0.47663057406542075	in:0.09338552066188953	an:0.08659011930579319	and:0.05134017702967444	of:0.03829588385145576	tho:0.03227692384379138	The:0.030473471649922923	In:0.02805203829369706	any:0.02362604896143486	:0.1393292423369201
a:0.2769632874226765	the:0.26271504580050303	and:0.10722281897830203	most:0.05078499419166548	The:0.03530466086847247	all:0.03189422690199086	some:0.029074627346533582	of:0.025998506984970776	or:0.022405125279327778	:0.1576367062255575
there:0.21426944508257625	There:0.1385719919544182	they:0.12146128599886358	you:0.06880862646875276	who:0.06460673364107168	we:0.04719588249065641	which:0.04270802962911606	They:0.03979691282078745	and:0.036626034163309076	:0.22595505775044855
have:0.32887155133720375	has:0.24895905763348003	had:0.22590914112393295	not:0.03306029363479426	having:0.031227273372102876	bad:0.015119581515317919	ever:0.01396193234990098	never:0.013874593128404347	havo:0.010591857273078738	:0.07842471863178416
he:0.2721369154507428	I:0.09851893951186022	who:0.08222642371997199	and:0.06335659587435108	she:0.06204864891395098	He:0.051098948429882475	they:0.04700034230013268	which:0.03537112578008623	that:0.029527480257019265	:0.2587145797620023
the:0.06253538568654221	of:0.04357310304383868	and:0.03203613700156021	a:0.026474390189690927	an:0.024953134292400852	-:0.024724733960791643	i:0.023513727449654298	.:0.02103992717325982	to:0.02037535474440092	:0.7207741064578604
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
of:0.28828334022045804	in:0.1939202944206825	for:0.10645163236036548	that:0.07108123090984395	by:0.05884131291468718	to:0.05487879539850514	In:0.05427353265463277	and:0.04749672480330119	with:0.042402194863301615	:0.08237094145422214
of:0.43129903807628345	in:0.18466251014719978	on:0.11030975167183446	to:0.06764107253626934	from:0.04590616673919943	In:0.031351801875981786	for:0.022473696698825454	and:0.021338907322285956	by:0.019792636930156315	:0.06522441800196403
and:0.2564602662320493	that:0.09313127477238857	but:0.08494204266932508	But:0.03436532817538641	time:0.031253204197043805	And:0.025145300471250315	or:0.019250281254382606	even:0.017926289307121025	day:0.014021027323826742	:0.42350498559722616
the:0.30976308807780856	a:0.10211017623492069	this:0.10024306041960993	of:0.08111598388031081	in:0.05997065948783733	quarter:0.05917714407314799	every:0.04739865591474933	that:0.04180503733206517	first:0.03612966682166901	:0.16228652775788122
number:0.09467823827449998	men:0.05176716603451386	place:0.0330144594325856	line:0.03056321736566391	people:0.017892029167922513	and:0.017692272539619417	out:0.017654754122749243	case:0.017186880606877758	board:0.01699489814694515	:0.7025560843086226
they:0.187675879144847	we:0.1077040355187805	and:0.058566778313434126	you:0.05767778107319935	who:0.0526703371012687	which:0.04652095689804099	that:0.04414416351554703	They:0.042015579048731294	there:0.039150564385813505	:0.3638739250003375
the:0.31190038222961614	a:0.07403327161287221	of:0.06146402774273788	and:0.05439860258005064	in:0.03755315592824964	The:0.03529016560332785	Mr.:0.029199655752302427	tho:0.021521802580344584	.:0.019227117163360827	:0.3554118188071378
the:0.3693574989287176	a:0.10265123207466266	of:0.07841130135746185	to:0.06934113546962015	and:0.0482636775110749	in:0.03220309276288095	an:0.027396825407844237	The:0.02278356811373474	at:0.020015884961611267	:0.22957578341239165
of:0.183398001344121	in:0.14698404782056415	with:0.09513872599961223	is:0.09477408557773649	for:0.08163608702755612	and:0.07709613424270782	was:0.07060201084424086	to:0.048655945085285986	by:0.043455930706447245	:0.15825903135172809
was:0.14274786986477472	be:0.13520780726919018	been:0.08985251743361702	he:0.08420842673275103	is:0.08004832214839844	have:0.06560761893106669	and:0.05897425914858256	were:0.053192918911814116	are:0.04957126869567987	:0.24058899086412538
the:0.35033892869254635	a:0.14327651046729828	by:0.11823158480994611	of:0.11787137112832377	at:0.04928371764971174	any:0.03734782046691464	in:0.02898899193012001	from:0.02619825412201962	The:0.02566557476827538	:0.10279724596484409
the:0.22738934009140357	of:0.14331080650734637	and:0.07588031818787391	by:0.05244772639297059	Assistant:0.05220179133136186	for:0.033474877960598545	at:0.030608395823993634	to:0.023091151778305077	The:0.018350531505862747	:0.3432450604202837
an:0.49925021216307	the:0.14746044490202523	An:0.0875078583430551	The:0.046383686221671425	that:0.029743639799639284	of:0.0294129677183716	and:0.02390306799724335	this:0.018283560406816706	any:0.014815258265043919	:0.10323930418306339
the:0.4631138787530382	of:0.08351705298908979	and:0.046550829790547685	a:0.04123561547630053	to:0.03994850335831698	by:0.025126794790864684	The:0.023598731139742007	tho:0.014570363343316692	A:0.013943762914473643	:0.24839446744430976
and:0.11458134289409419	was:0.08084487645036408	is:0.07833733042478314	be:0.05187678045281434	are:0.05038102758542903	that:0.03995346673051733	had:0.03203900680989644	or:0.0320158067002064	not:0.02506734875056082	:0.49490301320133423
a:0.20989555568837462	the:0.18267161144124866	to:0.14818703902233024	of:0.10112425494607863	and:0.08410448030929586	his:0.0358080527825737	will:0.028076750316951886	for:0.02805300187779783	with:0.02744766726324928	:0.15463158635209934
it:0.15398953503400853	It:0.10824904800851833	he:0.10584309399799204	which:0.05806515021213951	I:0.05148830687932377	and:0.051066114406358686	He:0.04757308397446008	effort:0.030837846185307313	who:0.029702397349809468	:0.3631854239520823
the:0.5238074870294548	thence:0.07715511413363803	of:0.07283152385645474	at:0.05229243142812838	tho:0.031000186085502215	on:0.026335537352095	and:0.025814373321325065	along:0.02300467148257013	feet:0.02253873716113119	:0.1452199381497004
for:0.15559290227516911	of:0.14769521029055255	with:0.1104729253498052	to:0.09450023525915757	do:0.07745838791366069	in:0.07114021250677417	upon:0.06751646410238137	on:0.04247794535873974	about:0.04204649179156704	:0.19109922515219255
of:0.38262631165418876	in:0.29347990584702977	to:0.07077244297200287	In:0.05998733333398382	for:0.05955595430071397	by:0.03564891512422732	that:0.028234506381387317	from:0.024125180522650495	and:0.015123338444540118	:0.030446111419275584
it:0.1425484532101972	I:0.1213354070215672	he:0.11001646519610883	It:0.08910193822766081	we:0.08810080705787648	they:0.08502350221614376	We:0.035535001300793526	and:0.03455875249364024	you:0.02830612684330736	:0.2654735464327046
men:0.040916454632991095	hundred:0.028812410017118824	north:0.019749326282252413	city:0.0187032316086751	time:0.018675078271334227	wife:0.016751798784565137	gold:0.014077948275190514	up:0.013256373925991724	land:0.012029364077203229	:0.8170280141246777
of:0.24651570938873144	the:0.22699156458929956	a:0.0920001523992341	Of:0.08757280276219634	his:0.06559578512295812	this:0.04248077364289635	my:0.030769055566303945	in:0.02639446178632108	our:0.023401050995168544	:0.15827864374689055
the:0.15054871006141288	and:0.09249913867186672	of:0.0905751432680146	to:0.08575771959719565	a:0.04494057971942119	was:0.044833809257775414	in:0.03292093826667848	be:0.030850954101348034	at:0.026344117610829974	:0.40072888944545704
with-:0.3084183579684861	the:0.10179316359181229	and:0.056852954807512325	with¬:0.044470580670648845	sent:0.036195709540096196	with­:0.0317722153677246	it:0.030356680641555625	went:0.02458557468577984	go:0.020328055859637987	:0.3452267068667462
<s>:0.08074422013222599	it.:0.021333053371613665	them.:0.01956431967663411	him.:0.016082989358213316	her.:0.009738354681226295	country.:0.008296126061175321	.:0.008124251506965658	life.:0.007903473755772725	time.:0.007494060510406994	:0.820719150945766
a:0.12348819801316918	some:0.1012083294820246	any:0.09466691430535129	the:0.08649173434001828	in:0.03487922087960466	and:0.0341555889494633	this:0.029676184384750157	of:0.02692833228268119	no:0.02493733980690904	:0.4435681575560283
he:0.14686764165969735	it:0.12451275185241678	which:0.08917473704189618	who:0.08216514980742132	It:0.07623190549222757	and:0.06296442070698169	He:0.05413193500471032	that:0.04895768225437727	she:0.025367512390017107	:0.2896262637902544
of:0.22313667573051707	to:0.14879622824866479	and:0.14417245050621008	with:0.08481208862226557	for:0.07517008483278367	by:0.05395357065921231	is:0.05341307117150666	that:0.05282531256449559	in:0.04347054794462534	:0.12024996971971895
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
the:0.8753450666455034	The:0.03372052039683235	tho:0.03110507689585909	of:0.013463338740411184	tbe:0.011050786700026988	that:0.005679868083666321	this:0.0052381962748282804	in:0.004728170738138148	and:0.0037510698427616128	:0.015917905681972655
the:0.32380236946117735	of:0.12508415474784587	fellow:0.06192137006354262	and:0.05928569296998572	other:0.047714303033037204	many:0.038533610698795955	these:0.036041127883516315	our:0.033571949192831796	his:0.03031787340836942	:0.24372754854089776
p.:0.5066351958327407	a.:0.2099294521012253	p:0.03589112440852152	and:0.028429855342527375	the:0.021225339280992638	of:0.011975785478676552	a:0.010114012230436538	for:0.004834908981192496	dis-:0.004008570594388026	:0.16695575574929883
for:0.3542272179316657	For:0.3326482662101269	of:0.09036225715154868	by:0.034202093204565694	and:0.03387925485050713	to:0.03339897327620429	in:0.03131620994131791	so:0.019657585518259264	the:0.015950634759166506	:0.054357507156637924
of:0.4139154945289944	in:0.23621597277641024	to:0.06099909468409313	In:0.05661689924699919	that:0.04694279614673251	for:0.030981537238129814	and:0.026184298284713827	by:0.02484635892649406	from:0.020420050726258847	:0.08287749744117395
was:0.10072738118872722	and:0.09952817098035993	is:0.06389326069145786	are:0.05021318142374203	were:0.04970926445208317	be:0.039005093605886366	been:0.0375699571442811	to:0.02958410728789787	of:0.01830189777916789	:0.5114676854463965
the:0.22029479835557467	a:0.18028995996510658	at:0.11294858928920369	and:0.0539553399134696	for:0.05005690099009909	of:0.041953267464676	an:0.03293729109642445	to:0.02953984201857013	in:0.021753310323589348	:0.25627070058328644
to:0.5744512660692301	the:0.0929956082628951	of:0.0876517024392427	a:0.054740314081236786	his:0.03087927084528361	and:0.030516629999187736	for:0.026985758401837454	or:0.024843686574474808	in:0.020621819288679982	:0.056313944037931704
the:0.2642521841334603	of:0.08666633942983051	a:0.08011321291473184	and:0.0643597784649977	The:0.022757951869452862	that:0.020045959798219125	to:0.017662729185585847	tho:0.01552515718692225	as:0.014962966311938627	:0.41365372070486095
more:0.03261759099226921	hundred:0.017637267147986146	time:0.016058218834484907	it:0.014134555037473321	one:0.0132942897394328	and:0.009806461759060522	good:0.008804251877451071	up:0.008767222521238445	due:0.008517530700981735	:0.8703626113896218
North:0.008985948418818996	men:0.008712665993339266	good:0.008376980372301099	rights:0.007952174710971033	;:0.0077092762121005005	hundred:0.007582541666723336	one:0.006387283816128363	time:0.006185993564870798	street:0.00595517620851437	:0.9321519590362323
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
of:0.33861002356054887	and:0.10023279703108641	by:0.0887291061947386	to:0.0870410807420933	that:0.0848422128883682	in:0.07782903584534362	from:0.04410246335591921	for:0.042860973423990104	with:0.032576456414438265	:0.1031758505434734
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.5111980536931484	a:0.22457437075914508	at:0.0951492913129783	of:0.03712498070970774	The:0.0362185988752063	tho:0.022775103194799997	in:0.016450724946264286	his:0.013487721442473866	for:0.012781469135601907	:0.03023968593067408
;:0.0629602572213635	it,:0.025407642534195776	him,:0.013041877722131903	nothing:0.012637800818657657	them,:0.012272157630628479	and:0.010910471574327068	time,:0.01034348029565638	,:0.00815518502008085	is:0.006579407506107759	:0.8376917196768506
the:0.5454151286412131	an:0.17469885330634055	The:0.09700048479248694	tho:0.03414340503740288	An:0.032708596263834606	of:0.027444097656628336	a:0.015998347553450528	and:0.015183590464378106	that:0.014906305604133228	:0.04250119068013168
he:0.1659246585926923	I:0.14132598521749323	be:0.13490239112481703	and:0.12490091184109743	have:0.10146803173609736	was:0.06616481710100527	had:0.06262639782220986	has:0.047642285374518596	they:0.045609307536875754	:0.10943521365319318
to:0.3677795164544721	I:0.1036972714012362	will:0.08927663604923257	we:0.06210098814740699	can:0.06170606956210367	they:0.05319937264278041	would:0.05208161298648287	and:0.04472671347279879	could:0.039850528170138615	:0.1255812911133478
the:0.4610027961839821	a:0.07079878048658052	and:0.07045457160250347	of:0.06599187815023447	The:0.044951495444674035	his:0.033962316336573	tho:0.03253003373002693	to:0.02950369858681253	in:0.023247172683247334	:0.1675572567953656
the:0.08643055408464823	to:0.08344322528495236	of:0.07043081027624963	and:0.06392953718934563	a:0.05907872721212065	for:0.02793757417676451	in:0.027423182110816416	that:0.021684304020265412	with:0.016621619219997018	:0.5430204664248401
a:0.4053629854483426	the:0.1485821511643501	and:0.05018759867161699	of:0.04023696600565552	A:0.03740091805053241	The:0.022744028728344287	I:0.02155251495111439	his:0.018206587190714395	this:0.016141428861759056	:0.23958482092757025
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
it:0.1180397898693608	It:0.09556051039378076	he:0.0725824260691813	I:0.05917066640100023	and:0.04690117124860792	that:0.04315319091646398	which:0.04080546043725925	He:0.02447804143062113	.:0.022745094907085688	:0.47656364832663894
the:0.3000807467082233	a:0.10055038493492191	and:0.0927118204942281	of:0.061953742830346215	to:0.04130508969862344	in:0.03684418493131217	The:0.0270870016774436	tho:0.018071476479705938	an:0.017037950834439125	:0.3043576014107562
of:0.20504174307853665	in:0.09660472974098785	and:0.08973557899336992	by:0.08237230891840534	as:0.08094281030509365	with:0.07358616554747596	to:0.06686078714842465	for:0.057493240090466684	such:0.05356290140221978	:0.1937997347750195
the:0.4737524431893515	of:0.12443443229889503	in:0.07402517152150687	their:0.05140195343879192	and:0.044734474938450515	to:0.04405309032521395	a:0.04164680242811486	our:0.037685494339178144	his:0.03164484981947774	:0.07662128770101947
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.29499845907460487	was:0.0741161223710397	to:0.053814489420643465	is:0.03536005085311586	not:0.033938138378964554	will:0.03341587992782337	but:0.02743588658901772	that:0.026304715056311	I:0.023794763034971026	:0.3968214952935084
of:0.11904574774402965	and:0.117039163175256	in:0.0579721685820925	to:0.0511186639368552	fact:0.03928633611901063	said:0.03323136332365265	on:0.029827822579143393	all:0.024787499172257966	is:0.02252394945510673	:0.5051672859125953
is:0.19822625822168924	and:0.19757499461810435	that:0.12856950666970843	have:0.07604973135925235	was:0.06839789337942395	but:0.060083822942469875	had:0.05595481801885977	be:0.04863645865478595	of:0.04646564876935303	:0.12004086736635305
to:0.22082206948905408	and:0.11567389651181098	a:0.0727104648350313	be:0.061228470618225984	the:0.053370136633183504	was:0.052768925791058144	of:0.03854896924651733	were:0.03583844232474827	been:0.032227341339789974	:0.31681128321058044
let:0.24395029996011175	Let:0.13745758269127234	to:0.08834283531007378	with:0.08229538982029327	of:0.07429212283020331	give:0.0674667488713906	for:0.049925646191836204	make:0.04273213278327839	upon:0.028933617754365024	:0.18460362378717532
to:0.2884983316980224	a:0.190872067543056	the:0.1332638685888219	and:0.04515961882010498	his:0.03653028487309349	will:0.035668608958880334	not:0.03237269147500368	water:0.03020446411685722	good:0.028555152170602865	:0.17887491175555711
I:0.19455089312043333	may:0.13237635997742306	and:0.1078451831407225	we:0.1019408751933811	they:0.09207005293226903	who:0.08920098641394421	not:0.08141584144819797	We:0.07168632179864744	will:0.06463313209522023	:0.06428035387976115
and:0.2010112187903528	of:0.12960160601760684	by:0.06369258074739748	after:0.061746502345829984	to:0.06069635106202674	in:0.05737447263477027	with:0.047880701453707764	for:0.04618998809794344	without:0.04028170195608703	:0.29152487689427764
to:0.2204890236716728	told:0.10186817024244303	tell:0.09174855346156596	with:0.07038360456472952	of:0.06199790797056936	for:0.05344905052061773	asked:0.04199814944826507	let:0.03309194533993582	gave:0.03125716684093832	:0.2937164279392624
the:0.2249372526938899	ex-:0.07983509244156824	have:0.07639571450126616	has:0.06796671545796111	and:0.06585949031482619	a:0.06402330595332069	had:0.05051053432750522	im-:0.030345988649136124	of:0.02984004809473314	:0.31028585756579324
he:0.31831364306478377	I:0.13956700602964334	who:0.08820072197850554	she:0.0711813492212111	they:0.04658930644530084	He:0.04388509562857627	and:0.04201459605479798	that:0.03113032935241614	which:0.03026694957225314	:0.1888510026525119
and:0.2573588671740216	he:0.11839197943745078	who:0.07898127508932343	which:0.0694564492436635	they:0.06124484164613478	I:0.05444176040488777	have:0.042608277367546	be:0.03776271306242957	He:0.0360473772511866	:0.24370645932335594
that:0.14323870209926867	and:0.12296648717018968	but:0.06694239196372298	which:0.05055502323871227	if:0.047480367930284754	as:0.04690486076663031	when:0.04357373761791411	what:0.03654321533692733	If:0.030927795848589516	:0.4108674180277604
the:0.14163302946161807	of:0.09404302693369021	and:0.05979824411799961	to:0.055613495256164186	for:0.04579000640227787	in:0.03480533170020644	or:0.018740976775989987	be:0.01721756877147969	that:0.01589826096355891	:0.516460059617015
to:0.3423456889773707	will:0.16909084119508458	shall:0.10906360796988253	may:0.06186640371928194	not:0.05172206711240936	should:0.04942118681271299	would:0.03984460302332174	can:0.03706717336395007	must:0.036971242396878	:0.10260718542910809
spite:0.04559317197445746	out:0.04469516928781942	and:0.042816006793876885	that:0.03185133010767678	value:0.0312894207837324	part:0.029526243717860473	one:0.027326223207267606	sum:0.026527445086863187	amount:0.0238170635976946	:0.6965579254427512
the:0.15317898182838122	of:0.11569038065474128	and:0.08825993190959358	to:0.06356369576302696	a:0.03454605059647218	be:0.033634520297424	was:0.023712005325567713	in:0.021819123754454158	is:0.021066424098309385	:0.4445288857720295
the:0.4262843268028379	a:0.1955257902073472	his:0.04564378175611569	The:0.03755274761885007	one:0.029215534864768928	tho:0.025813554414824674	any:0.022677062071753937	this:0.022035821496758937	every:0.01834291670995348	:0.17690846405678917
the:0.26578090709712154	and:0.22597815185570835	an:0.09365337442279723	his:0.06561244291771103	to:0.053830566683783915	a:0.05369394139203672	not:0.05107707028168413	their:0.03195866805016796	will:0.030872358287698267	:0.12754251901129082
the:0.3241656677395594	an:0.22381533826378358	in:0.06710359871514432	of:0.06122032568525737	and:0.058495491549153476	The:0.03928571775856273	tho:0.021836201997752748	a:0.020450079215874387	In:0.019546411838187804	:0.16408116723672417
and:0.1350948781200908	of:0.08416938649765933	the:0.07883588553881102	to:0.06319353765011483	be:0.03245071952652813	a:0.026770205880640798	more:0.02621769628374212	in:0.024296842775432162	was:0.022754130718847965	:0.5062167170081329
a:0.48682286987409373	the:0.09645791426061963	this:0.07941713253469315	that:0.047221962546660966	some:0.04577720605258954	any:0.045661032398983004	one:0.029515720111767025	every:0.027349856223449837	and:0.02250390703247251	:0.11927239896467061
in:0.02855965136889388	;:0.022229044215489584	it,:0.016388877623118265	them,:0.011314901701548002	one:0.009755170424581768	it:0.008705761832758835	each:0.00842148928697999	country,:0.008218838467539824	time,:0.007449348200716428	:0.8789569168783734
set:0.40739578747994354	laid:0.08091617757716568	not:0.05730059067235266	lay:0.03921726231391895	brought:0.03761027673708808	come:0.03239848309117219	and:0.030527915293986553	put:0.029810171554943435	thrown:0.022912320278001587	:0.2619110150014273
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.4365719045979473	a:0.3415837935658922	tho:0.032817764742705376	The:0.03138846708026508	this:0.02169665798353468	any:0.01969516353397154	every:0.019140267514019954	tbe:0.01823942980824289	whole:0.017763229918577768	:0.06110332125484322
he:0.26964263509733827	and:0.1866044960705193	He:0.10346454203178432	I:0.06525965546244872	she:0.04892913786059287	they:0.03336747516338787	who:0.03263421601832372	it:0.02526916305776608	be:0.022262374561593874	:0.212566304676245
the:0.31018206286486055	of:0.261807592726317	and:0.07202736194791344	his:0.06461878064078558	a:0.03648211899065675	their:0.031748285559340596	with:0.02963215157748857	in:0.020571799160131885	for:0.018778928179277288	:0.15415091835322836
enter:0.08606853423348725	went:0.07433710474048638	put:0.07236873572892841	it:0.06256664525665487	go:0.06122395620833519	down:0.04773313533984823	came:0.04625847571046528	them:0.04601568742965818	entered:0.045881324176559844	:0.4575464011755764
to:0.2801803077201233	not:0.12429152301293249	and:0.11235105056214768	they:0.11222507046645869	be:0.043390095766483096	will:0.03884228070027419	we:0.03764630135430947	he:0.02676999352395441	I:0.022765420139178986	:0.20153795675413766
be:0.1996981868937161	was:0.19607069573608746	is:0.1000838201311464	he:0.09666145037166761	and:0.07176944178218023	I:0.07102470934160138	been:0.06389605697396276	were:0.0358834950266151	have:0.03246194251011964	:0.1324502012329033
of:0.14189959230032528	and:0.13359187663294123	any:0.07429422404874438	that:0.07411221067729434	the:0.06865269452587482	in:0.06302223692006921	no:0.05898367071610495	is:0.058488731757434596	by:0.05621897448525958	:0.2707357879359516
the:0.7392579727263032	in:0.08369837317614545	tho:0.0369324763275723	In:0.024772077558250952	a:0.01735386036330686	of:0.014813196321208795	tbe:0.0138600172750849	The:0.012456480705831404	to:0.01199320345222607	:0.04486234209407009
the:0.842533534520547	tho:0.028622255753892895	his:0.021144571218284034	The:0.019148222531987065	their:0.015608933199088638	and:0.012866761714938535	tbe:0.008162338620309887	in:0.007556207416754273	her:0.005454126394698909	:0.03890304862949879
the:0.4114775654443558	in:0.27278197339776267	In:0.09196699773411925	tho:0.02651222876068663	of:0.024926370919800756	a:0.023526156127517628	and:0.01894245815294136	tbe:0.013883117888510963	to:0.01080128354800453	:0.10518184802630041
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
<s>:0.1451694314075555	it.:0.01755966072784815	them.:0.011877577530487259	day.:0.009941828800310071	time.:0.008292185486934415	country.:0.007679881746414849	year.:0.007653217971590071	.:0.006993803178400967	years.:0.006175601322405766	:0.7786568118280529
of:0.372250008230491	to:0.115010741223047	that:0.10674137818426689	by:0.09020634328053226	and:0.0898824512123781	with:0.04566707098347421	for:0.030355427395795973	as:0.029725130785939222	all:0.027480574881428844	:0.0926808738226465
will:0.22838041496808892	to:0.2259481179625036	may:0.10745215090544084	would:0.10704686971059321	shall:0.09740615282160094	should:0.07254338329774594	not:0.05290091734386394	must:0.051745304081832096	can:0.03329289369992889	:0.023283795208401625
and:0.17585063722392302	fact:0.10400902578517979	said:0.06844377842999533	so:0.06232472237382234	believe:0.04519952307692614	is:0.039634011181226815	say:0.03675663629906361	know:0.036060715732595706	found:0.03095250753294034	:0.4007684423643269
and:0.055872021271892613	<s>:0.018953760260415602	that:0.014889564781241843	men:0.012541073740110466	them:0.01100473648354373	of:0.010637727445290134	:0.009771698817693259	one:0.009390810816114427	or:0.009143192766094656	:0.8477954136176032
a:0.3260618111808339	the:0.20864527461800317	and:0.10834218577981684	of:0.0810034983236877	most:0.07850988329461647	in:0.04515669160903116	an:0.038375689718432526	very:0.03641678587971887	The:0.033871726835498196	:0.043616452760361156
foreclosed:0.09634386882946343	accompanied:0.06914744523154118	made:0.062220870833543704	and:0.059623448501614024	followed:0.05567422914917625	surrounded:0.03148136347170944	up:0.026111816226809845	caused:0.02316153437489157	secured:0.022889564253045367	:0.5533458591282052
more:0.3358345213269758	less:0.12610776885394737	better:0.061855474460963046	greater:0.05309620038800828	rather:0.05300061109261795	worse:0.028818068181543897	larger:0.027015813077624448	higher:0.026800844486306895	other:0.02617719083225004	:0.26129350729976225
of:0.40619698856909126	by:0.11578183906018559	to:0.08993970024299842	in:0.08059307310185088	and:0.06293415213109653	that:0.059744237862554	from:0.03024525382645629	on:0.02833257384085488	for:0.02666566101627001	:0.09956652034864216
so:0.28360495193235263	are:0.1251619219177644	and:0.11638817808494699	as:0.10168522070560476	of:0.07114636471988386	how:0.04688221353632447	were:0.04621794810878879	had:0.04260646882104558	have:0.04143431725492928	:0.12487241491835924
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
purpose:0.18694953777682777	instead:0.0486493798936613	cost:0.04532335835974133	means:0.044438057866164546	number:0.04415525989028988	amount:0.036532716695442474	out:0.031164503937376197	capable:0.026956347592636522	method:0.026318058604024325	:0.5095127793838357
be:0.274498503299517	was:0.18037232492065852	been:0.11406073519080427	is:0.07492344094103272	were:0.051823781031557374	are:0.04616258094453056	and:0.040695773648658416	being:0.02260394669712789	had:0.022110616095949633	:0.1727482972301636
of:0.14970807584294904	to:0.06064214613357567	in:0.050867716304645406	and:0.0384882887805528	<s>:0.03372793513414945	from:0.021296411659770302	at:0.02084091796276195	In:0.018242062482897885	for:0.01811422700143735	:0.5880722186972601
the:0.46222321494050067	a:0.08175558611004112	his:0.07542826657536442	this:0.05289442717971843	of:0.04945784373092863	their:0.03766647394890343	The:0.0366047269791916	and:0.03532693918434242	in:0.03160955124321512	:0.13703297010779417
and:0.040794655894099814	out:0.035474198493428304	known:0.0305281384547143	made:0.024388046995804415	up:0.02368485864796535	men:0.023398977804203958	it:0.021580898822070364	them:0.021332436650176943	him:0.019933554642322857	:0.7588842335952137
the:0.182297335875315	of:0.12012636705338112	and:0.05770150255009387	to:0.035817229433045085	be:0.028041465262003785	was:0.026221233651196784	their:0.026041343420920113	for:0.025283731428430878	his:0.02451079361812386	:0.4739589977074895
it:0.13796128875087904	which:0.12123151758558284	It:0.1190182297647619	that:0.07907127608922525	who:0.07084173501939091	he:0.07065862855136053	there:0.05551808419416357	and:0.034746175819115654	There:0.029925963619018833	:0.2810271006065015
of:0.21841004728882224	West:0.15039070145740072	the:0.13175138979500606	and:0.10278613869254509	in:0.0597908339367373	by:0.030048577362494607	from:0.023304892727233465	to:0.019363289063859253	for:0.016351909073155407	:0.24780222060274587
up:0.030595517654431453	him:0.02247482396668338	made:0.01671768169736346	men:0.01661589798536184	them:0.015669417016180243	time:0.015345685495218486	right:0.014993269414344187	out:0.01475535430593357	it,:0.014077266849298173	:0.8387550856151852
to:0.18779633245871408	and:0.17986704378190174	a:0.10700305664313192	the:0.08576845731511219	of:0.0829530393487428	not:0.06332008645556193	most:0.039512569681514356	or:0.036221364068719716	in:0.02964794457622932	:0.18791010567037192
he:0.15192887461970556	which:0.1012530655378462	it:0.09020334211835862	who:0.07804501205854424	and:0.07453940805712159	He:0.0656512982268394	that:0.06558806913962334	It:0.06300095700763372	she:0.026056935159862984	:0.28373303807446437
the:0.14709644982451184	.:0.08579809871902885	said:0.07699218162850957	of:0.04142261194665596	and:0.03569952399763166	<s>:0.03242904423902528	W.:0.0301302823423767	Mr.:0.024268390029082803	E.:0.021888207201244923	:0.5042752100719324
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
and:0.1729596799796282	be:0.15871152405160768	was:0.08033766392428102	he:0.06127859093412131	have:0.05874419345959201	been:0.05274711995874372	is:0.049975888212970235	had:0.03750384566199576	has:0.03671656020588022	:0.29102493361117987
<s>:0.08970831360076181	.:0.02254339253490856	it.:0.0179718192542733	them.:0.014025703765710808	him.:0.008753728919919034	time.:0.00841866510791085	of:0.007865984575531074	day.:0.006975781761467907	country.:0.006808045850359522	:0.8169285646291571
of:0.304622394919587	to:0.1176027862515233	and:0.09078456637630646	in:0.07765848710845392	on:0.07223098152066536	that:0.06387149135337732	at:0.054791327664908206	by:0.045967983861594695	with:0.04316703953228256	:0.12930294141130116
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.12325425592755378	of:0.12059686312766908	and:0.08521884835303363	to:0.048510712663335585	a:0.04347826004253412	by:0.02171690209022887	be:0.02110106349120745	in:0.020031787357445638	as:0.01625101643856421	:0.49984029050842765
the:0.6047657345670397	their:0.053392553803003666	tho:0.03592236481330659	of:0.032966213172552494	his:0.03273094906968633	in:0.029569931233341517	a:0.028300175872366513	and:0.027741399037404104	its:0.024003632936619525	:0.1306070454946795
the:0.22320161573277067	various:0.12912039765152145	all:0.10077392405697091	other:0.09159047157072325	and:0.08218824728414452	by:0.03598275166216287	a:0.03473695510765479	many:0.03069959185845135	two:0.028397849580707315	:0.24330819549489288
and:0.11731301388143589	of:0.08744294099229041	put:0.08553840489924404	as:0.07947620599453563	make:0.0688058920828317	that:0.06616177558168397	for:0.054752710006307964	to:0.050228904945984865	with:0.04561235820437173	:0.3446677934113138
of:0.16067001126861233	to:0.14534982447192246	by:0.07537721233519588	and:0.06686508179856672	that:0.032913039172874324	<s>:0.021694264656282776	at:0.017975305173491694	in:0.016696191428086087	from:0.013668868833059527	:0.4487902008619082
tak-:0.2690687980880526	giv-:0.0958509485250553	giv­:0.03605700007587643	was:0.03475054574289775	be:0.028525835808079714	and:0.0278738656276852	tak:0.023869238028594055	wom-:0.021526122200021144	fall-:0.019436921389044327	:0.4430407245146935
and:0.10251981144744524	was:0.06532405870821598	is:0.03449548643588993	be:0.02924788744011347	been:0.028050984941709236	that:0.026952471875290943	men:0.026170596966793493	found:0.02439885268629379	were:0.024125001230475486	:0.6387148482677725
a:0.2551255777611505	the:0.23510424853787223	any:0.10072378626532229	that:0.0768876047752589	this:0.04691355556726983	every:0.03993716030012861	greater:0.038243453772756	latter:0.029410411350112447	no:0.026389307740317964	:0.15126489392981118
of:0.34688371728459283	to:0.16046311934358992	in:0.11138724935021699	by:0.07963654123719581	that:0.0762092663560046	and:0.04293385417640194	for:0.04055458951770729	from:0.03493437373820663	with:0.030919478196248722	:0.07607781079983526
and:0.1350948781200908	of:0.08416938649765933	the:0.07883588553881102	to:0.06319353765011483	be:0.03245071952652813	a:0.026770205880640798	more:0.02621769628374212	in:0.024296842775432162	was:0.022754130718847965	:0.5062167170081329
and:0.0568366943410382	<s>:0.0541683049836219	that:0.03518468957876617	or:0.011546653228680905	the:0.010221595531789203	as:0.009604040295739864	but:0.009493444263094989	it.:0.00947591950626927	them.:0.008447055515982814	:0.7950216027550167
I:0.18646322239347493	who:0.1205487489381069	they:0.10546909442273775	we:0.09637923384982626	to:0.09183811852038797	We:0.057079839876982	which:0.04897555115432513	would:0.047411885914764994	and:0.04542828521174981	:0.20040601971764427
the:0.18927580197235688	of:0.10268000335673094	to:0.07193089873803327	and:0.06302722590064451	in:0.035804951354373886	for:0.03552877544733519	be:0.029165863199114864	was:0.021230450879771812	is:0.019324942212557497	:0.43203108693908115
be:0.17381598756426503	and:0.14982530994157864	was:0.07825312365273482	is:0.05699723427135685	are:0.042523370150924875	were:0.03901809922957183	he:0.03869000843378231	the:0.03000787173738407	been:0.02886755484811297	:0.3620014401702886
of:0.36817578885963376	to:0.11076947608071802	in:0.08650177453723773	by:0.06052172034501094	and:0.059130631926824356	that:0.05887371347346977	on:0.05488452382338286	with:0.05144047949332066	from:0.03669730732084931	:0.1130045841395526
the:0.5027075622308143	a:0.14521556357078427	The:0.140100280947657	annual:0.05035497768766622	and:0.032358262825414194	tho:0.024872254833143686	to:0.023862705141338442	A:0.014635474879960385	tbe:0.01011674065480899	:0.05577617722841258
was:0.12871084952680528	and:0.11004357772346951	be:0.10942053812764566	are:0.10114460822869498	is:0.10001506528212134	very:0.09247006348935448	been:0.08102565000361829	the:0.0666536609377813	so:0.05553954382312086	:0.15497644285738832
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.5469522428827637	The:0.0962771791033632	of:0.051583047220919886	tho:0.03865180356042473	our:0.029925720239067602	a:0.029273904315150524	and:0.027104551474605002	that:0.021730517786122172	this:0.017170057199825207	:0.14133097621775798
of:0.3441841172080343	in:0.17146034332414123	to:0.11645576727247374	on:0.08559153413020132	by:0.054267358439771846	In:0.04299618662310938	from:0.03981300383552715	for:0.039091981045042294	and:0.03720059305333793	:0.0689391150683608
they:0.23662427715700773	which:0.08453680635694734	who:0.08242265466348667	and:0.06406624164528825	we:0.05970716239190849	They:0.05614152800610057	men:0.03977462726423198	that:0.038027314818721285	there:0.029313556773561185	:0.3093858309227465
and:0.1314589121842804	is:0.048512834869105	be:0.04512138550088804	served:0.03893454698269426	that:0.038368853414357335	time:0.033988298658216176	was:0.03351224857269383	or:0.033144410781466516	now:0.028872207574292166	:0.5680863014620062
to:0.5900107695768777	will:0.10719887647844549	and:0.05211161954932357	would:0.04245164507607155	not:0.03854384905271024	the:0.03612465280081793	a:0.0275917928572921	that:0.020626959349382138	which:0.020312596482258485	:0.0650272387768208
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
at:0.8380637659592028	that:0.013937941911407643	At:0.01303992542068219	to:0.010498645469154385	of:0.009671864263134468	or:0.009272556893895374	and:0.009175616740102381	nt:0.008347319597521092	was:0.0068399136127266285	:0.08115245013217302
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
and:0.19016050918305916	in:0.15037010969516357	of:0.14871937218285822	to:0.1083021729892654	that:0.08408417176232	at:0.049632746038707515	for:0.04884364685376753	nearly:0.03524975979307829	In:0.034405826102122464	:0.15023168539965784
the:0.32316732030561446	not:0.21250705086755778	is:0.06758597250329151	The:0.05597418640034406	was:0.05170130113596649	and:0.04209981032864033	are:0.029854131367724062	of:0.02747513944526217	tho:0.020859305409279962	:0.16877578223631914
the:0.18045712540589964	and:0.0828660566739692	of:0.06458822191549078	a:0.05680514402213494	Mr.:0.036052844278758905	to:0.03345770770022242	The:0.028132538214568945	.:0.02119732611974369	was:0.020358648475764712	:0.47608438719344676
well:0.15407080321565494	is:0.07500494914912598	and:0.07366755389011621	such:0.06653217101552761	far:0.05496132695192969	soon:0.05433682135633719	be:0.03698156798249226	was:0.035452373509322475	but:0.03337917576178279	:0.41561325716771086
the:0.7665172051619982	a:0.07315655130481169	The:0.06992105949804608	tho:0.03534838234928651	his:0.016563976569653933	tbe:0.010224143584484808	our:0.0059872561864358475	of:0.005928079250477502	their:0.005512119141367456	:0.010841226953437989
it:0.14814379514494458	It:0.146170482997488	he:0.09546716605751586	which:0.07228840575714467	and:0.06067983274796756	This:0.060052326101234954	there:0.04419985159407814	that:0.04141351039979141	He:0.040529289086990085	:0.29105534011284473
<s>:0.1414849674675697	.:0.015679568040627753	it.:0.014836432832395063	them.:0.009536032736429159	of:0.008677119419655521	him.:0.00858773934189353	time.:0.007604825802396479	day.:0.0066014971944563195	country.:0.005833895399826895	:0.7811579217647496
of:0.32578858718050796	to:0.10209889202194875	in:0.0784034813840208	and:0.06383026709671313	for:0.049484355762382505	by:0.04779993377113924	on:0.045707024917298625	that:0.04429545740858654	In:0.03373904427851746	:0.208852956178885
the:0.4814933702963621	a:0.10605925473518919	and:0.07733189379686024	The:0.05259708908574053	of:0.049854944481091366	tho:0.02604750470068719	at:0.021578362623988503	street:0.020224564537070496	to:0.019900910988424683	:0.14491210475458574
is:0.16497520081656805	and:0.14630881041184354	for:0.11258781062697656	it:0.1094771237195751	the:0.09227737580298902	of:0.07326626687233381	was:0.07012400199816567	no:0.06446991152636311	a:0.0572376582054813	:0.10927584001970381
of:0.09821394109478211	the:0.08049684494418159	a:0.049336441645399305	in:0.04538390353721292	and:0.04435274425966218	on:0.034301084762386386	to:0.03274141810990789	Block:0.02999925361392293	by:0.02032902175362457	:0.5648453462789201
the:0.4797723341686981	a:0.14772687065957124	and:0.10344970368117294	The:0.055512899818313824	in:0.048008381857576686	of:0.03491167298776595	with:0.0324840795024983	that:0.027900252283618462	some:0.025032496511742806	:0.04520130852904174
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
the:0.28159213067674244	same:0.12748955230514955	that:0.12336731938910676	some:0.11335272383198665	any:0.07579342999484573	this:0.07299938641665595	a:0.0617266092683451	short:0.055907665954651596	long:0.04110322278812355	:0.04666795937439265
they:0.16215491277422553	who:0.0880578415890424	we:0.07971622245175967	there:0.07107328916136936	which:0.05571234367076856	They:0.04864984031584571	and:0.04297401836760839	There:0.04271236213093675	that:0.03935163117042682	:0.3695975383680168
such:0.0956547927508567	far:0.07344009242682802	and:0.06698132098596941	well:0.045564555211483	but:0.028963662628109878	much:0.02339210073872605	it:0.02273030438704582	so:0.022249192977700227	that:0.021370951896492983	:0.5996530259967879
have:0.2698609243425335	had:0.25956108311310744	has:0.2433462261134003	be:0.06951796348883277	having:0.0339919967009889	was:0.030546107517938677	and:0.027202350826271825	been:0.026582062972453517	not:0.018540932881208685	:0.020850352043264398
to:0.11923887999578907	I:0.09500796157371719	1:0.06714475387386466	re-:0.06352572534269024	his:0.05840762511743312	a:0.053654062999035336	and:0.0455228279837161	of:0.031218398060301644	the:0.03101559402839812	:0.4352641710250545
in:0.16926543525457308	of:0.16632824008418468	to:0.1420141750746823	for:0.12458529558462945	on:0.075868139760755	at:0.07157521859794093	and:0.054360395791790826	with:0.0493206217978997	from:0.04047159449811254	:0.10621088355543148
carry:0.18281036161031505	through-:0.1659987913497337	with-:0.10472532803897346	carrying:0.05989436857795188	pointed:0.0481862496694261	and:0.04287335829430306	sent:0.03982769731396628	brought:0.03556484937502764	carried:0.03503961230482394	:0.2850793834654789
of:0.3849048090761046	to:0.11176149230393324	that:0.08350648200407447	in:0.08056507515050347	by:0.06951515091872978	and:0.06462674142636697	for:0.05238730763092247	with:0.04052265378314028	from:0.03497307814228204	:0.07723720956394267
virtue:0.0902395637456515	one:0.04914261531751399	out:0.049132633184089614	part:0.034098188449642144	pursuance:0.03177111261508588	result:0.026427693430353897	all:0.025413775666440302	tion:0.024025388389778208	means:0.022704350447063676	:0.6470446787543808
in:0.33677300073423805	the:0.28106489313638483	In:0.09130092245596345	and:0.05164785641252623	of:0.041527595915700675	a:0.03317242534722506	to:0.02971054957036897	with:0.02481442828617969	from:0.017428351886784835	:0.09255997625462822
it:0.17992807697921212	he:0.1455041281726318	It:0.14224162602344162	I:0.07785670423390348	which:0.07141052679443709	He:0.04313065081387577	and:0.03902619708997857	who:0.035212810467926646	she:0.033336851432355354	:0.23235242799223754
of:0.18292965585965495	such:0.11784624009874117	in:0.10718211348012187	as:0.0998997866477946	to:0.0885034195316552	with:0.07461974823774407	for:0.07036858588970032	at:0.06539386218145461	and:0.061169041776499164	:0.13208754629663402
the:0.6471480352639388	The:0.08977463974346048	and:0.05302705140920254	a:0.03746560357488066	tho:0.0370092544850751	of:0.01787031575907946	tbe:0.013678642304964949	in:0.010143890816623828	or:0.00895759226010615	:0.08492497438266802
want:0.07372474789451441	and:0.06899780872835459	him:0.06350784107502848	able:0.06230355976579484	enough:0.05986112125107938	is:0.05600814392871539	right:0.0520841088528959	me:0.04795167125872504	not:0.04714331618748909	:0.46841768105740283
<s>:0.061394866232657365	it.:0.013370980492255206	.:0.00968774887019049	them.:0.009084512939660882	him.:0.00660952733311088	time.:0.005415525984066913	country.:0.00531170972418619	of:0.004689861688277594	day.:0.004533333430452575	:0.8799019333051419
and:0.185784959432119	which:0.11834652372707918	I:0.09400123594316404	he:0.07477038763300235	it:0.06064104505438652	It:0.049321484745971034	who:0.036234059928694926	that:0.0341075962407716	He:0.022522701521298285	:0.32427000577351306
feet:0.04645457741175877	hundred:0.03166721857836719	time:0.03165708614721005	men:0.023913747408433394	dollars:0.023442940576519168	day:0.02055646630624703	city:0.019073614489824798	county:0.014505991815396586	up:0.01450270047849625	:0.7742256567877468
the:0.31345202021507035	and:0.06593638610106022	of:0.0651225147148006	a:0.05689526531432771	in:0.05377710576252841	that:0.032701254961480644	tho:0.021077279701497673	no:0.01953313410030027	any:0.019192157317938614	:0.3523128818109955
more:0.3235101827792377	less:0.1443208762377744	better:0.10688983687207158	rather:0.04702727163181107	greater:0.045317577659389874	worse:0.03794691467435884	higher:0.028482947241999807	other:0.022642758760071453	larger:0.021961786532346858	:0.22189984761093842
and:0.3054221337878281	have:0.08968697305197423	had:0.07233878618357567	he:0.07039114097584091	not:0.06819696677276982	it:0.06214987092746477	who:0.05289958800082998	has:0.041119016747263384	It:0.038486670961533756	:0.19930885259091935
the:0.5724698088407332	The:0.1256236095564081	of:0.07416707577197658	a:0.04962305391506502	tho:0.035337401783970775	this:0.02657041644591834	his:0.018923756847863092	to:0.015271240601346771	in:0.014564090721134928	:0.06744954551558319
a:0.35515328574731475	the:0.15770437136169732	and:0.12534085236942247	very:0.07127931721036868	of:0.05450813574986796	too:0.04063517087745758	with:0.03936815134570095	is:0.030488747943156	was:0.027467148096293324	:0.09805481929872095
a:0.41856289262247387	the:0.27113811584359176	large:0.12635085054069922	A:0.04594086297011524	The:0.04175548918575393	great:0.017008438314189897	total:0.013415267234016297	and:0.01067435991872196	tho:0.009477507450615605	:0.04567621591982222
of:0.40918332118818207	to:0.08777998266848082	in:0.08523839978694796	for:0.07791930731706416	and:0.06701629011461271	that:0.06296408467400447	by:0.050889970313362023	with:0.041848362570920464	on:0.026093825837233794	:0.0910664555291915
and:0.060641292192909035	of:0.039754537518903045	the:0.03589143154194579	go:0.024004049603062207	it:0.023265902192184322	to:0.022736941570000703	<s>:0.020124966277375828	that:0.017835378461613132	his:0.01683357143510077	:0.7389119292069052
the:0.4610184258094355	of:0.0524227065924681	School:0.044524791805011094	tho:0.0274600483689024	and:0.027074519737414735	said:0.0244927593400623	Judicial:0.019909803766515737	The:0.015465084071603723	<s>:0.014625154354677964	:0.3130067061539085
and:0.08187068855721223	to:0.059871799860386536	I:0.0518088932155938	not:0.05073098372146803	he:0.04814291165043509	who:0.044138243879586335	was:0.026655507196978526	or:0.023274643751824958	which:0.023243946127777457	:0.590262382038737
a:0.4577691838297411	the:0.12439582038084433	and:0.0751674140037469	most:0.06563990007923934	this:0.06340516057411834	of:0.049443916988440195	more:0.03812470123946068	an:0.03407423008698004	or:0.026903695676647923	:0.06507597714078117
the:0.3634609037385002	of:0.1495089580938334	his:0.05890219753344484	this:0.04592006728512358	a:0.037489544885441616	and:0.02924642640113053	The:0.028398658039697402	their:0.027674597213398596	tho:0.027636221984232708	:0.2317624248251971
the:0.12738314739290363	of:0.0703776594591422	a:0.06754738357230247	and:0.06691130598774021	to:0.05037995941988345	for:0.0386925442234725	in:0.030182507616962163	as:0.018403113892989088	or:0.01798873698652886	:0.5121336414480754
be:0.14022762131662586	and:0.13566733427076968	he:0.11384989373300285	was:0.10028857881454617	had:0.0754517231155554	has:0.06888460736886848	have:0.06882914879258745	been:0.05955070878198587	is:0.05668995174418138	:0.18056043206187686
;:0.05153854438466804	him,:0.03333819617939566	it,:0.023148229055846733	her,:0.0182362624729996	time,:0.013850195591795551	and:0.013207443263365969	them,:0.013039420069972408	man,:0.011005217582178359	me,:0.008711141533681037	:0.8139253498660967
of:0.372250008230491	to:0.115010741223047	that:0.10674137818426689	by:0.09020634328053226	and:0.0898824512123781	with:0.04566707098347421	for:0.030355427395795973	as:0.029725130785939222	all:0.027480574881428844	:0.0926808738226465
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
it:0.13523322934390974	he:0.11466007017891251	which:0.10897615946656289	It:0.08432706641577196	and:0.0839521676655989	that:0.04790926498953589	who:0.04616042539478896	He:0.043676174009528904	I:0.03970618340160083	:0.2953992591337894
and:0.19932351188085762	of:0.11993194822785878	in:0.11266151709920201	by:0.10855626777596049	for:0.06795004119867248	that:0.06097914069307253	to:0.06000529340633538	with:0.05338706331391301	or:0.036973261739286	:0.1802319546648417
and:0.04719846857353889	<s>:0.04420712767230115	him:0.032751476637042504	was:0.029420224640105602	out:0.015492935905520437	is:0.014345417991390915	be:0.014008246993491132	it:0.012917228868825728	made:0.012314866553475955	:0.7773440061643077
the:0.11111695626153746	of:0.11055369674843946	and:0.072067798408226	to:0.06334817055596041	at:0.04860007355177669	a:0.031080971385632813	.:0.025911629967673964	<s>:0.020990539768871597	by:0.018189477095763632	:0.498140686256118
of:0.29101867198091264	to:0.11813174100818619	in:0.1172972311449329	and:0.06830399127118737	with:0.060605934900068804	for:0.05419409192275341	on:0.05219893444697187	by:0.041348689452230795	from:0.039219237042174226	:0.15768147683058184
the:0.16631884666408098	of:0.08652793439764794	and:0.06147429140673972	to:0.06026646230208206	a:0.04777689552821285	in:0.038652195989389085	as:0.03581984401955947	be:0.031229486941429293	was:0.024065944016841086	:0.4478680987340175
the:0.14272529951018237	and:0.08759207016238525	of:0.0779050191827845	to:0.0466387442918264	be:0.03775642903581575	in:0.03646906829919984	was:0.034009934578959386	for:0.02760287258417188	a:0.0248743594266312	:0.4844262029280434
<s>:0.05564553120395618	and:0.04536290258724321	that:0.022828866090738788	it:0.022599208722047973	was:0.01953574799628532	them:0.017184515107880972	is:0.014519449951685515	be:0.013240646248974038	him:0.012376343750974336	:0.7767067883402137
of:0.17262124454920505	the:0.1429485709120111	in:0.08111127840392711	other:0.049427882619352	white:0.03880855371013926	and:0.03646537895823195	on:0.033942508603649425	his:0.033539195164310365	an:0.0289909484865781	:0.3821444385925956
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
made:0.11942847096974421	and:0.07979570471363857	caused:0.029091215056480817	shown:0.028426754301022945	up:0.02777670568714523	ed:0.027617079589566704	out:0.026630159435991316	taken:0.02626602987193105	done:0.02542850605479482	:0.6095393743196843
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
called:0.5910839178373569	depended:0.0573750997404798	agreed:0.054498177956987706	relied:0.05137811909840348	looked:0.030600821141773257	went:0.017449884507654154	levied:0.012194752503893716	due:0.011537975556190946	look:0.011075813590052505	:0.16280543806720751
the:0.19037420289654036	and:0.07906966036696281	of:0.05892386992650127	Mr.:0.04283916629972599	The:0.040204133717099313	a:0.03128583518316688	his:0.02244877329254269	I:0.019028715741927524	that:0.018361976307509163	:0.497463666268024
the:0.22782765891666829	his:0.1567711720326392	their:0.12789597062853078	our:0.07936317155813341	her:0.06176696563410722	my:0.04819537502368322	its:0.04313647292566191	your:0.0393602847525667	of:0.038652996637213465	:0.1770299318907958
of:0.161765150242623	and:0.14230651342528364	such:0.09441841824935611	all:0.08464282885116022	three:0.07230614918293415	many:0.07230124526563393	the:0.07217636564938454	two:0.07093554321750072	or:0.06579436972789666	:0.16335341618822702
of:0.10895938220260219	and:0.046547797848180514	that:0.03265159438664873	in:0.027070361076928628	for:0.02480700768416066	to:0.024451705490732917	by:0.015248890671868307	from:0.013600121711629793	with:0.012368699934642747	:0.6942944389926055
the:0.3832966188779325	of:0.09726994486269964	an:0.055255650581951296	a:0.032422881893105264	The:0.02740066916180921	to:0.023589898233281417	and:0.022623252016865093	tho:0.02190751943665733	in:0.020174367760862264	:0.316059197174836
the:0.1361357290596697	and:0.11490324701762918	of:0.05658817599270108	to:0.03735134039876379	he:0.0361483073827151	was:0.03435228290006991	that:0.03270466269825957	be:0.03260011058614056	which:0.030520742274364313	:0.48869540168968684
went:0.07560827323823337	brought:0.07543951198352952	go:0.06888054787887259	came:0.06511854928731899	put:0.0526118572009178	enter:0.05186286442505237	and:0.037759898635622006	it:0.03711693031254548	them:0.035410337841197514	:0.5001912291967103
he:0.1519830354944847	we:0.14350978911866374	they:0.13489783143344686	I:0.10721293027185079	it:0.08645960441088284	you:0.05726245356430452	It:0.046423419602500814	We:0.04612651030040591	and:0.04210512009468655	:0.1840193057087733
in:0.2577409559239017	of:0.23490125570265516	to:0.12900088688540048	at:0.07024642691311325	or:0.05030369680421551	by:0.049590116868261785	on:0.048178059485990965	for:0.04467121840986062	In:0.04350564225496074	:0.07186174075163977
to:0.1827148878327302	and:0.12177790004235399	not:0.07371638717976431	the:0.04615418765066366	of:0.03660434164173172	in:0.035538064566442304	I:0.023381920013424453	it:0.022987782198890912	or:0.021143550291228275	:0.4359809785827702
of:0.18797779096939288	to:0.12220654983134116	for:0.11285988374979618	in:0.08982761881067641	with:0.0725734418150746	at:0.06872251222447619	as:0.0655366738694513	and:0.061360839806524584	by:0.0586772525647457	:0.16025743635852097
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
in:0.40009816761209105	of:0.24520705899987133	In:0.08925658629463194	from:0.04985342558386301	for:0.0482657350801164	to:0.04446915656901793	and:0.024632559910525327	on:0.018607597341166935	at:0.011781726406462429	:0.06782798620225365
be:0.2942034082807056	is:0.14348758530522182	have:0.08009173929809582	was:0.07836618061086327	are:0.0735049150459133	and:0.06769103651708591	has:0.06135951913980255	been:0.05880614227244865	he:0.04824708348338983	:0.09424239004647322
was:0.15629093059727908	is:0.102395101965595	be:0.09843431367422897	and:0.08691883340014984	are:0.07513688249299372	as:0.05996666926269406	were:0.045404835041140054	been:0.043178923928304476	the:0.035355881845950426	:0.29691762779166436
it:0.11828725060829372	they:0.10983639808187548	and:0.08999998692544409	which:0.08973734524628758	he:0.08524524162433053	I:0.06716780713112429	you:0.06662452010932073	that:0.06332835483298781	It:0.061994275087784746	:0.24777882035255105
and:0.24032641860584472	the:0.1539511052593357	of:0.14487831127244324	or:0.034897461067513805	by:0.03258672479015612	many:0.030980823531572676	for:0.025007755106897983	those:0.022708621099941997	that:0.022588178040247642	:0.2920746012260461
Kansas:0.15034874759837277	York:0.12556670744812493	the:0.09101861513695411	Jersey:0.06986985299358833	Lake:0.04155175473327284	Sioux:0.04152182586395669	of:0.03972893731213737	Atlantic:0.029500798989330595	Carson:0.02615024115486738	:0.38474251876939497
the:0.17259713434005025	of:0.10293073232041454	a:0.0849706858676569	and:0.05313687900229971	or:0.042232827593931904	to:0.0405057052805797	in:0.03422281356011614	any:0.024320751750585658	be:0.019453024573303165	:0.42562944571106204
he:0.2862123401771431	and:0.1152332382424891	who:0.05521975224970574	it:0.04666446513888248	He:0.0443998743964303	man:0.04369496337121627	It:0.0377414733582691	she:0.03661702649190317	as:0.0315878486884797	:0.3026290178854811
and:0.08855131221301993	to:0.07578094478715869	<s>:0.06914750336757083	the:0.043727936485972445	Mr.:0.04327906096430222	St.:0.038574351995820294	.:0.03619087540870956	that:0.025888544830473873	it.:0.022591520090845526	:0.5562679498561266
was:0.2278528613713103	be:0.19190582953905078	is:0.1863562245042122	been:0.07460244206375853	not:0.06111612344678878	were:0.055021484868291455	are:0.04764943417158623	it:0.04626175894329423	so:0.041354489099844266	:0.06787935199186325
the:0.2279746020143088	a:0.1809063581206431	to:0.1070459462122505	and:0.07179788383530263	southeast:0.06154712545728727	northwest:0.05558824565609718	section:0.05188920391704866	of:0.040288720757859844	northeast:0.030420625984748883	:0.17254128804445312
and:0.018411412617090443	;:0.010192581878556903	.:0.009788326849609157	it:0.00932664987238489	that:0.008657862420640615	<s>:0.008027666717265734	,:0.007760709564596534	them:0.006376267996456365	it,:0.006095445733807168	:0.9153630763495922
in:0.32047199744865007	In:0.09091914930094122	the:0.07917753712874853	into:0.06421522930176303	of:0.06402967828014	and:0.061888138355844675	their:0.055967349872075633	its:0.0556980397925186	his:0.04525262707227817	:0.16238025344704002
and:0.0955354503175179	was:0.04014432761196121	made:0.03552406268595355	that:0.03316461794614845	is:0.026518523982285606	out:0.02595534988135597	up:0.02550642763396469	work:0.025368825336120716	but:0.023646556901203784	:0.6686358577034881
May,:0.11152007183883964	D.:0.10372320080460713	January,:0.08873493416221748	August,:0.07958520338050028	April,:0.07794313717117021	March,:0.06762734668844629	and:0.059280863688634236	June,:0.0581322102078925	October,:0.0574528802000643	:0.29600015185762796
to:0.34378129718365846	will:0.15287135864951518	would:0.08615903395787451	may:0.07844929048361882	should:0.05682249178971402	shall:0.05432412913287461	not:0.05091775331157668	must:0.03610577244404393	can:0.03580596083245932	:0.10476291221466445
in:0.17191363283349598	on:0.14343595347963833	of:0.10873445893184547	the:0.08946993655479596	and:0.08226440825862243	at:0.07697719155055462	to:0.07541751250686501	along:0.07373803635786852	In:0.06211683325501775	:0.11593203627129593
the:0.16896815920203906	of:0.10285265653344947	and:0.07885277375330539	to:0.06764685830228626	at:0.05324519014702872	a:0.04013537069519931	in:0.02932083497620652	his:0.019926643275995613	on:0.01782245050415561	:0.42122906261033405
and:0.10671860111804649	of:0.053256516688349416	to:0.03679604043401514	for:0.02565928951936774	the:0.025324320880658908	wi:0.023480790201521946	I:0.022472844264313698	<s>:0.019807356306171944	that:0.01682671247829664	:0.669657528109258
of:0.43830192417887864	in:0.3145494802930857	In:0.11303759709900846	on:0.023094960704947605	from:0.016637825847002803	the:0.014039090668075365	at:0.013934885149556386	and:0.012708372125450094	with:0.010667469098977197	:0.04302839483501773
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
be:0.17402821163483262	was:0.1675110192013801	been:0.09756540115533971	and:0.08425468862602567	he:0.07853636016701433	is:0.060704642563310464	were:0.05992567782386721	the:0.048133675218348757	I:0.04304229616361815	:0.186298027446263
a:0.1783874732906704	the:0.11641503172494386	and:0.06390765592814182	more:0.057555333154945515	an:0.03962352499963314	their:0.03897449822305995	very:0.03436360399395886	his:0.02850584224751463	of:0.026094271750290485	:0.41617276468684133
and:0.18358823108426092	that:0.14341924872875028	as:0.09857038006695269	which:0.07514129581095305	but:0.06864852521461015	if:0.05917545335892491	when:0.05085343934587246	what:0.0376660576675699	If:0.026276726687020236	:0.2566606420350854
of:0.15630137730751212	by:0.08223210669322652	to:0.07180217310598579	that:0.0697860171227717	and:0.06860313108410063	with:0.027549174244935564	<s>:0.02367243312489382	which:0.02017544874624105	as:0.017332841528940258	:0.4625452970413926
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
be:0.341390016729892	was:0.14066203078245834	is:0.07861586073823044	he:0.06337292882032294	are:0.050542186400606946	been:0.05038610248107515	and:0.048831309475699934	were:0.04867546259798651	have:0.02913575481703557	:0.14838834715669216
number:0.08197571640741881	state:0.06943357537120992	amount:0.055150283046956926	State:0.05317815486300901	sum:0.04628529766948679	board:0.044357783307343614	out:0.04215560369925314	line:0.037295543056825274	rate:0.03389189906303566	:0.5362761435154608
a:0.5471803885786878	the:0.2523510796542052	and:0.04437903751738323	very:0.03174567184130699	The:0.02979792186460992	of:0.018701026174221598	his:0.018256756427711858	most:0.015328054847347821	some:0.014601767566078637	:0.02765829552844697
the:0.18569082095527795	of:0.08036465464605304	The:0.07771425594879346	Mr.:0.07134755128871598	and:0.05004412695469776	that:0.04809895270981636	a:0.030382148191854107	Mrs.:0.02415799873788853	his:0.017341480938086247	:0.4148580096288166
the:0.3657656364485087	The:0.1185370434059436	a:0.09701551361626579	his:0.08321389247973648	of:0.05703200544982044	an:0.050128288703116565	at:0.02883278634810572	and:0.028463864459445733	No:0.026552794411547044	:0.14445817467750996
a:0.7719269252035461	the:0.10655379865108633	A:0.036049541911132875	The:0.01744551692864357	young:0.012775925269355434	one:0.012389354061568205	tho:0.006368075054833756	any:0.004801219451805426	first:0.004549458869572682	:0.0271401845984556
to:0.30380672917657925	will:0.19931478173239528	would:0.09941217916018753	not:0.08245177061352615	may:0.07185390240708131	should:0.06809340878134935	shall:0.05819743227719339	can:0.040147223710670484	must:0.0399621687365178	:0.03676040340449943
;:0.015142836591388808	hundred:0.014503361877206054	in:0.009449414450734257	him:0.0077235349630252045	.:0.0064347481506271	it,:0.005952707529345156	up:0.005946082756594441	,:0.005898690687653455	it:0.005588401518366075	:0.9233602214750595
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
be:0.29855518162463013	was:0.23202723557895197	been:0.09349415665235797	is:0.07147384308318876	were:0.06758317019132354	he:0.053400462738377154	I:0.03948870388081533	are:0.03898612434114144	and:0.03478997738979307	:0.07020114451942062
the:0.14020565490274778	of:0.09224476935430082	and:0.05880982470166523	be:0.055326977021051785	to:0.04245399451728125	his:0.03367914638135115	was:0.033371442080588384	re-:0.029747945937562414	their:0.028411416107375125	:0.4857488289960761
No.:0.07045918961567334	and:0.05712551045145394	the:0.048806571737189025	of:0.04607713813217821	at:0.03236311171617805	.:0.029496589416228184	a:0.029181043151900385	said:0.024286560721970413	to:0.022956728980699722	:0.6392475560765287
real:0.48020942415968554	the:0.25939297756298046	said:0.0410359309636672	and:0.022303201333576966	The:0.019283122717779745	tho:0.012566542476217494	a:0.012419171686253928	an:0.011344079805267374	of:0.0052697092815711735	:0.13617584001300012
the:0.343967946397403	The:0.13350163855578706	of:0.11351753751934054	and:0.05823005109547231	no:0.05599008878338907	more:0.03269433835246384	an:0.02999292462174886	a:0.029321726354212527	his:0.02923311971494154	:0.17355062860524123
the:0.16304718338562352	and:0.15834533101594034	adjoining:0.09609273665426052	of:0.09190500318645613	their:0.07321455455194854	he:0.05562643874641314	his:0.04132445680261682	or:0.041300542605145006	is:0.025951278724649966	:0.253192474326946
of:0.23928154691572323	on:0.1789509345800865	in:0.1528274931376214	along:0.12395690485179232	to:0.10175915383549583	at:0.043909774308874105	In:0.03793756040709822	from:0.03717293393697539	by:0.03505123079565481	:0.0491524672306782
the:0.21308888725087563	and:0.10429283391751767	of:0.08211032026086726	a:0.06034616419672313	to:0.0457307215739427	in:0.04070441263237986	The:0.03392153545366651	or:0.020154652681853444	for:0.019403341671892643	:0.3802471303602811
the:0.3977846314878991	of:0.177776624165326	a:0.08139403966169108	and:0.05068667532425237	their:0.02989474223235516	The:0.0290175854103248	tho:0.026103038587058362	his:0.025134227888593	with:0.024720075028838304	:0.15748836021366183
they:0.19533846943525351	There:0.17177745715793238	we:0.07417367414324202	and:0.07247393444697924	They:0.06429302680534943	there:0.05099979098647271	who:0.049916921151893875	I:0.047517770485264454	you:0.03361713608506151	:0.23989181930255085
and:0.1716095577591737	fact:0.10372147186744836	say:0.06681203023965909	said:0.05414687103413949	believe:0.0470793786117008	know:0.04538378096676254	so:0.035959507583917014	all:0.03272648290869485	is:0.03030769141139924	:0.4122532276171049
it:0.27957038428918407	It:0.14069168722916756	there:0.0780604064737155	he:0.0673522127670591	that:0.061371482220746135	they:0.04852180992353207	which:0.044772571877851546	and:0.031977859656019285	I:0.020031431466088268	:0.22765015409663647
is:0.22535915401085416	was:0.13220522282914857	and:0.08184131048084514	are:0.07991532206996735	but:0.05426850189535241	has:0.05106523139163746	it:0.05062761545677948	will:0.049179674887784595	had:0.0484783514644368	:0.22705961551319406
he:0.2284380157836244	I:0.15003867302547208	who:0.0871740226092293	never:0.06653962791733183	He:0.059094170272165444	and:0.05605038184017049	she:0.054853012427591094	they:0.036578835267315354	1:0.027830093404872892	:0.23340316745222714
get:0.07245670546976644	was:0.06827773018828956	and:0.06627903282426373	him:0.052442468208758614	it:0.050561188617061346	them:0.04807318223935662	are:0.047026350523610795	go:0.0433307210705129	come:0.040797963484801664	:0.5107546573735783
the:0.6784853339894443	The:0.06467029401250658	tho:0.04062193826672458	at:0.03340725221856027	of:0.033286376629619856	and:0.018289122599427703	a:0.014912519444336038	tbe:0.014906960690440441	his:0.013712672125585504	:0.08770753002335471
law:0.02883683563771502	one:0.02588253435124118	druggists,:0.02352754059243367	person:0.019974988541154756	action:0.018638348640860333	man:0.016720360487775546	year:0.016435983096554207	that:0.013375288109512107	whether:0.012634739898176912	:0.8239733806445763
the:0.15810719041826277	of:0.11538162605991592	and:0.08590614475192779	to:0.03653028467702717	that:0.03458867073426142	The:0.03264049351240182	in:0.031434889789269324	which:0.021104406239568142	or:0.01768398068680682	:0.46662231313055885
and:0.17185548755492241	the:0.09188129782008586	to:0.07115767611508728	of:0.04230488465107274	that:0.02975651142937828	a:0.029075403881791858	or:0.02780469359777302	as:0.027146336927672984	I:0.02362042226653287	:0.4853972857556827
and:0.14975515157876723	was:0.13890803037043206	have:0.12419018465514856	be:0.113341179287353	had:0.0891007992566444	is:0.062042981643143404	been:0.05781604463433969	he:0.05483140309427151	has:0.037042278692118916	:0.17297194678778124
of:0.41479226734629626	to:0.14572826066786307	and:0.0765280187209979	by:0.05986258335762797	with:0.05972102420782532	that:0.05863013644543173	for:0.04827020702158364	from:0.041622354362623216	in:0.03711912569818403	:0.057726022171566874
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
and:0.1438471972226331	to:0.04754352394693369	the:0.031052418829141268	or:0.02923305460953431	is:0.026663737680500184	of:0.025945081718234793	was:0.023304531729269027	are:0.02132614579656145	with:0.020254369734430216	:0.6308299387327619
the:0.18935147170728076	other:0.0694724401171406	of:0.0672614969879556	such:0.046359846028116165	in:0.045646924764226646	any:0.03595646359451495	public:0.0313009938204315	and:0.029206970818478815	two:0.02859416466812069	:0.4568492274937343
the:0.10935321992562334	of:0.07055009218697632	and:0.04090699394940684	.:0.03862009833238652	a:0.03790902927964509	to:0.024032078252882866	at:0.015220112517303147	<s>:0.015038868216319239	in:0.014911123075786875	:0.6334583842636697
<s>:0.04163337666127543	it.:0.03022299411860884	them.:0.016158053048443494	him.:0.014173677687006326	.:0.013607171050299474	?:0.00785496686087441	her.:0.006632914679603802	me.:0.006141868821258304	life.:0.005902548367744147	:0.8576724287048858
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
it:0.22856110105309196	It:0.1452820683974188	which:0.05914017695475625	he:0.0478149945050819	and:0.04416228847994344	that:0.040249019547583975	there:0.02938454306037856	who:0.024987486037450265	This:0.017718758616521977	:0.36269956334777287
be:0.2798426845321622	was:0.17507424917149983	been:0.12225514234354816	is:0.09183456416274739	are:0.05755916305398355	were:0.05424854026812418	and:0.03461579125887902	being:0.03211154639146031	have:0.027559124988037233	:0.12489919382955811
the:0.31177860245439093	their:0.10025077989064642	a:0.09490503651909661	his:0.09352698230127622	have:0.06287232393231784	of:0.05887309348734539	and:0.047047667611806954	no:0.04680631152119403	its:0.036470167869358146	:0.14746903441256745
the:0.16209065462208302	of:0.11227421724778662	and:0.09323045358516567	to:0.07435835778323759	a:0.05856269327989534	in:0.047603815713224105	be:0.04236054334762016	is:0.02743980846123116	or:0.023560506618234407	:0.3585189493415219
State:0.33086029553574037	state:0.07762469050809306	County:0.050902647454335405	city:0.049884608740897715	deed:0.03952143155929718	county:0.037310924293621435	day:0.03330328065600373	City:0.03097560752816062	line:0.024754378704996166	:0.3248621350188543
part:0.07268713102532033	one:0.07071065938650846	some:0.043508101530019876	out:0.03575042106872343	members:0.025760665467621124	and:0.022440178638608456	tion:0.02191026583655202	portion:0.021052670553751075	side:0.02092702198887348	:0.6652528845040218
to:0.11144374236298595	the:0.10917981760160007	and:0.10692920077675938	of:0.08551452114372984	in:0.033918395178194706	a:0.02924037307288965	not:0.02004826767775804	I:0.017020811204842605	be:0.01652276935920046	:0.4701821016220393
the:0.1564735197154926	and:0.1263035695930353	of:0.07405244518127449	to:0.05887036120400946	for:0.04713842740544717	or:0.03864069509290996	in:0.03834243278660773	be:0.03666511840991912	are:0.03020277121537087	:0.3933106593959333
to:0.1821666562139872	I:0.11027261321802753	would:0.10576222532916502	they:0.0917139041729031	we:0.0834538459903675	who:0.06497047361524243	will:0.06145138929717931	you:0.04592113567408516	and:0.04127094069592593	:0.21301681579311682
and:0.1434397451712638	he:0.09883969392191017	be:0.08730837324588031	have:0.07849386650629986	had:0.0761431181465303	re-:0.07547091880990194	was:0.07069850752833261	has:0.054363249343181264	He:0.047367413476346286	:0.2678751138503535
to:0.12745269889384106	or:0.12217703056032667	and:0.08730918257362946	not:0.047281344484172254	of:0.04281995032937434	there:0.031252455305734006	the:0.03116152155329934	nor:0.029088589822352923	that:0.027904259434166613	:0.45355296704310333
of:0.6963294102574955	in:0.07600816934819171	and:0.02129558039021028	In:0.019487300431677235	for:0.01893262657536758	to:0.018439203907175676	on:0.016673280312498335	by:0.014209267736420771	from:0.013363130424405182	:0.10526203061655773
the:0.3564327393919515	a:0.1261667964878094	same:0.09823948647024788	this:0.08112651566050874	any:0.07152281337961428	some:0.0703342930474577	that:0.06434147314404587	in:0.03639280288457556	first:0.030917791717384287	:0.06452528781640471
the:0.6263598659007201	a:0.12945919153471913	The:0.0682538927604447	his:0.04227502547487632	tho:0.031163110737440505	and:0.022321932080286024	their:0.017078411024377318	its:0.014433490345344342	tbe:0.011246111343678068	:0.037408968798113514
an:0.5197843990309977	the:0.3230782867794627	and:0.03126949899398091	The:0.0225839691254899	tho:0.014834782095909146	to:0.013866888719447733	his:0.012607050133514788	their:0.01196374264075486	fair:0.011694352028823246	:0.038317030451618994
the:0.1494573676348027	of:0.09211867808712489	to:0.08906361727104453	and:0.0535122028077367	be:0.04067273966341358	is:0.030068795018426995	was:0.02870807657772135	in:0.025728749975024272	for:0.02248268915245869	:0.46818708381224633
it:0.21112640106030564	It:0.18309730665399296	he:0.11033077137497671	there:0.1019590665348503	I:0.05839388966646224	There:0.05620110766217078	and:0.03873776430947141	which:0.036628141242404044	He:0.03634365699080486	:0.16718189450456108
of:0.2574575482473438	deprive:0.11795821054398804	with:0.09150200032310665	to:0.06603170037546004	upon:0.06531791185833048	for:0.06256371126779263	by:0.05605052749803755	make:0.032814620771889985	give:0.031012865148279337	:0.21929090396577147
and:0.20382370235550798	of:0.1644723795139052	for:0.07589208585920257	to:0.0705532053135386	in:0.05329424534887622	do:0.049177425969778504	or:0.047177713064759264	with:0.0447625894158674	the:0.034883325958144175	:0.2559633272004201
and:0.13138779441418363	of:0.11452835077345339	the:0.10108047685654721	to:0.045355374649344686	for:0.03877034419752932	a:0.038331212563399886	that:0.03577152487086106	which:0.03465855471199002	or:0.0317270974950182	:0.42838926946767264
of:0.15884794962657375	and:0.11379983461762964	by:0.10566868691155737	that:0.08672789596730378	to:0.08261650408700649	with:0.03709055752232644	<s>:0.025805831499229763	which:0.024691996538623456	for:0.015815753221502096	:0.3489349900082472
have:0.15798672069319594	be:0.15090370264802727	had:0.14549603491668256	has:0.13164471468259015	was:0.0863628429535152	and:0.06102842547598738	been:0.05271859942287036	having:0.030733659599833044	were:0.029233916554789973	:0.15389138305250813
of:0.4101513288005938	in:0.1721175215691411	to:0.08127531594555099	from:0.0687395622742244	on:0.04457541753857305	and:0.04378340518052068	In:0.041869897313468483	by:0.04102601397015404	at:0.032759427925859494	:0.06370210948191397
of:0.2605034250869058	in:0.14948147118677438	and:0.11674638036205857	with:0.07257356035557132	all:0.05890201913042411	for:0.054805092538045025	to:0.05418194728557671	from:0.043420587402780715	on:0.041201865263583784	:0.14818365138827955
able:0.06333034543078214	and:0.057489200420798636	is:0.05445189499779616	have:0.051193826043758155	him:0.048367260533454165	had:0.0416959078666224	right:0.0394564535533081	enough:0.03872975251681809	willing:0.037343981635249573	:0.5679413770014126
a:0.32512258887347567	the:0.30854911111376493	of:0.09252979322117427	with:0.0515540815959023	this:0.039017274653040245	and:0.03296225954559085	in:0.03045266873076897	A:0.02592902963794667	so:0.024181516225775346	:0.06970167640256074
and:0.1535894279159176	of:0.07903468172802652	to:0.06614867873074315	the:0.04176712258060214	for:0.03429980861475615	in:0.030065673120946074	be:0.026064165653622098	is:0.024659446272711615	that:0.022677848117714634	:0.5216931472649601
and:0.1035460803087239	that:0.03361694585563805	was:0.022874874413785537	them:0.021455614244114168	made:0.020781864484231024	as:0.020451464154867784	it:0.01962269847110069	up:0.019239875074112327	or:0.018572916097524338	:0.7198376668959022
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
Provided,:0.07490209098169644	provided,:0.03996108150238029	probable,:0.037738057133877456	;:0.03089782238675018	is,:0.02855568070390069	not,:0.024698958229883987	and:0.023345920836032392	vided,:0.02315346287808669	are,:0.017643219212162557	:0.6991037061352293
would:0.17959540429010784	to:0.13519794944916977	who:0.09755427043109222	they:0.08092794866467283	I:0.07229973568327139	which:0.06237819314755754	must:0.053838397959161594	might:0.048424713189248424	shall:0.04348004295022552	:0.22630334423549286
to:0.26341410245178176	for:0.11494538272615552	of:0.11217206340374408	with:0.0693024052493493	upon:0.05177652753752199	about:0.041483974213352766	told:0.03529854574102948	and:0.03527422355533574	in:0.0321848653244146	:0.24414790979731474
can:0.17132847573734988	to:0.15711065469735627	cannot:0.1496422695459722	not:0.13454693766507073	will:0.07227195112565912	could:0.07018793028915542	may:0.06710996576048832	would:0.0634872469567505	well:0.051471960542048	:0.06284260768014956
the:0.4232059122439366	The:0.11755065613704287	of:0.08884049165651689	and:0.07955327163154129	our:0.06214739889845653	their:0.05585938198130574	whose:0.03880890235444693	or:0.037397127308970275	these:0.034798018368620544	:0.06183883941916232
the:0.4931813550036536	a:0.06289489548887899	his:0.06033998036805724	of:0.05482584089199856	no:0.03636272423636905	all:0.03410278606177002	their:0.03256588810606443	and:0.03029260222199415	was:0.02531097582723231	:0.17012295179398162
to:0.16599191056388884	of:0.13115219212973858	in:0.1280749349810592	with:0.09855476905888894	is:0.08604517940868064	was:0.0763707517832567	and:0.06902838457286307	for:0.04652540610551878	as:0.04432707367939611	:0.15392939771670913
and:0.10169636006732838	the:0.06072401532608511	a:0.06029260857998257	to:0.05381099082629671	was:0.04742670433769982	of:0.03685063195565662	is:0.029460136237913888	be:0.026866105581382665	will:0.017151086855823665	:0.5657213602318306
and:0.20724497708347098	was:0.05986520887057093	but:0.04847198344899651	that:0.04070108142341068	is:0.03519540898140377	be:0.02822662123044209	or:0.02585312617202088	for:0.02375452450113702	it:0.023555242299179543	:0.5071318259893676
and:0.10816382202416644	the:0.09438599369987911	to:0.0914365918868427	of:0.08791238067422062	or:0.02989600803040461	Mr.:0.023554332015338013	in:0.021858688185318845	at:0.01892854872268036	for:0.01863903523037629	:0.505224599530773
to:0.5735838680728557	the:0.06702584808783045	will:0.06660046956184629	and:0.049696088447202046	not:0.04707533586770763	would:0.04564869821292233	a:0.024016870915147658	who:0.023365718212890345	in:0.019701909398294325	:0.08328519322330326
;:0.01819215512691537	it,:0.01353170952872765	in:0.01167442752383367	them,:0.011454062908800496	it:0.009373083375360004	and:0.007237191800180059	him,:0.006638795594789432	country,:0.006285233236140026	him:0.00565762985532085	:0.9099557110499324
and:0.07251541567813864	was:0.0706790454556128	be:0.06945009658614767	the:0.05974795097098794	of:0.041572720305257375	were:0.038211869877572906	for:0.037815021756662674	is:0.03680768532075062	are:0.03544055794823187	:0.5377596361006375
is:0.1689010927591202	was:0.1481771932284758	and:0.09928109165837402	are:0.08599900367246183	be:0.08083975067505879	not:0.07756635906461844	been:0.06450276212873711	were:0.034292822746641485	or:0.029345248831807152	:0.21109467523470513
of:0.16639155436237474	in:0.11366969590984058	was:0.10369108498786786	is:0.10211993072636756	with:0.09674703285596346	to:0.07787510208934843	and:0.07583695764783528	for:0.0640337929819894	as:0.049565138496092155	:0.15006970994232052
the:0.5537361798691156	a:0.04845515035028736	tho:0.03623838256939274	The:0.03156168124845741	of:0.025589705949028818	this:0.0242258141766918	and:0.024126929221956337	whole:0.013404263151012619	tbe:0.013382389777012654	:0.22927950368704464
they:0.16536264728281566	we:0.09692467839261412	who:0.0796371157773832	which:0.07638238525634458	They:0.05134856429543784	and:0.049470999142414325	that:0.04023051126957625	We:0.04004960976765464	you:0.03129798625898314	:0.36929550255677623
a:0.3744339327537534	and:0.08469477608034191	the:0.0710115590882061	as:0.06933510095027363	is:0.05997215124429632	be:0.058626460946891785	was:0.05757435710551033	very:0.03465370095481885	A:0.03243973144077645	:0.15725822943513118
the:0.44109296503637097	their:0.27919675899054497	his:0.11172410388286666	our:0.03761230517776385	her:0.0250943018765598	its:0.02299119692336779	my:0.022349366472178403	your:0.02086183064966722	and:0.01734049970093735	:0.021736671289742993
and:0.10200084972843881	are:0.10032892859985623	was:0.0838364789937471	of:0.08374208036452511	in:0.07232873199798671	is:0.0698620413080214	by:0.056474041873410846	not:0.05570057450806406	were:0.04436521312645825	:0.33136105949949146
to:0.16302824854832626	and:0.11817851893740694	thrown:0.11306024224311363	as:0.0845423430528358	the:0.07022750093309257	be:0.06241992304296468	is:0.06195206812884455	not:0.05880680499549672	an:0.05404177004902442	:0.21374258006889443
one:0.202466440743522	many:0.1422368671586148	some:0.1403225183757371	most:0.0633570554855526	all:0.06331864740332947	Many:0.053014286621472756	Some:0.050016315216999306	none:0.04756720741815084	any:0.03897113692309168	:0.19872952465352947
as:0.29684739371182267	is:0.23465341008227072	was:0.06980904135721581	are:0.06969384501846845	so:0.06955935216654996	be:0.05385300573501143	very:0.040692252076887855	not:0.0342288243131356	Is:0.03393863467304783	:0.09672424086558967
is:0.22807567861982064	was:0.14950006798960344	are:0.1099320543732436	ought:0.10289217307223149	and:0.05325523990299844	were:0.04676608594263899	do:0.04364633680618877	it:0.03886979964996613	Is:0.03650582808910874	:0.19055673555419977
the:0.6080670263610886	The:0.12346299961130452	an:0.09585885546458796	tho:0.032354762800028164	his:0.03202238629374698	and:0.02374288313419814	this:0.01872146873326014	our:0.01385529849372887	my:0.013362679850018823	:0.038551639258037805
to:0.14873942328809442	and:0.10240102754317151	of:0.05712547684165998	the:0.04422196223221169	in:0.03350494167484157	is:0.028058542060599406	I:0.026660736993923923	for:0.02440585407489247	not:0.02404489402087884	:0.5108371412697262
hundred:0.2528190480906184	six:0.0320033279236158	one:0.02420175663310656	seven:0.0159010266932639	dred:0.015385839869564932	eight:0.015167776721208974	two:0.013078864416865406	four:0.012527589617754447	three:0.010614335615672378	:0.6083004344183293
the:0.1598103787432024	and:0.11871077708743676	of:0.08602739559787087	The:0.038652020581649196	that:0.03276018157209551	these:0.028621773236943676	These:0.026996636124345257	in:0.025979445439423335	such:0.02151839153799508	:0.4609230000790379
more:0.2600818523843197	less:0.08561901056324153	better:0.08166918840713923	rather:0.08155736520907791	other:0.059329955904138365	worse:0.029805188771935193	greater:0.026843183571339777	and:0.02025571342545589	larger:0.019812748243545238	:0.33502579351980716
the:0.3504183109039428	a:0.30506686828917523	his:0.08928964109856592	The:0.03882561230808384	my:0.030572998755433713	other:0.023372097712280486	any:0.022190182182034637	tho:0.021478530596878563	and:0.02109387953355559	:0.09769187862004922
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
it:0.17446210238267795	It:0.16512138039676244	This:0.11580779511931819	which:0.07131888702327785	that:0.06268754379599907	this:0.05652048471821813	and:0.04054529143452458	there:0.036840538093569096	he:0.03013409703322793	:0.24656188000242477
the:0.36327176487060403	of:0.11056017056945819	and:0.07582113780504855	a:0.06832142786845463	his:0.03392946975842082	to:0.03379654738614555	this:0.03245343481140646	in:0.03208957313115101	said:0.0266421890218458	:0.22311428477746492
him.:0.05393417681284962	it.:0.023739918496431242	<s>:0.02128432357986784	man.:0.013321535902205016	them.:0.012827541508953528	himself.:0.011446820568934844	time.:0.011077626676783654	years.:0.010538393879475694	her.:0.010307573655016512	:0.8315220889194821
able:0.07523411331147944	and:0.06559085484889111	sufficient:0.060325791844197334	necessary:0.058786601066102395	enough:0.052585297850883256	willing:0.04789337656735605	as:0.04645326134170729	order:0.04561995065093528	have:0.045446208005655	:0.5020645445127928
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
it:0.18143874199255758	there:0.10331969695424356	It:0.09198639939220059	which:0.08073126991269376	they:0.06240522313208139	that:0.054082648531678275	and:0.05144105994683339	he:0.03253148924096088	There:0.03214778196988864	:0.30991568892686194
be:0.20324645600114757	are:0.11795331856390565	been:0.10896906414243536	is:0.09356424899399922	was:0.08247629788128746	and:0.058732146955646096	were:0.053047635293012235	all:0.03389640046416425	of:0.030547336425186623	:0.21756709527921553
of:0.23223035413875084	in:0.1224168682926982	to:0.11919774960473528	with:0.057825406497736265	and:0.05511995016594247	for:0.05108712453765465	on:0.04184738441648942	from:0.03811164965029357	by:0.03612858188811725	:0.24603493080758204
of:0.14090162586673685	in:0.14019564910475513	to:0.09168327301608567	and:0.084546751437411	the:0.047866925149143306	for:0.045455526606313336	In:0.042655400215466766	with:0.03181036010332506	or:0.030600681083966883	:0.34428380741679604
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
and:0.11173231260713914	sell:0.04449322721969129	sold:0.03863424560124692	that:0.033660419936593765	held:0.02259282099971722	was:0.02243630968369107	sale:0.021554365892956506	the:0.020833725084651745	out:0.019865256024630608	:0.6641973169496818
I:0.4050415106968595	to:0.11389172462849687	we:0.0971393446841298	not:0.09240245075768992	you:0.07163948132788944	We:0.04629540046720278	they:0.04313535945778123	and:0.04289572492858057	would:0.0403661754929565	:0.04719282755841339
be:0.10963651137218565	de-:0.10749564838082613	I:0.1062587046344656	was:0.10147456621783221	and:0.08198050880800174	who:0.06292997911061039	have:0.05785029248958294	he:0.05723293494312806	had:0.04229297423803706	:0.2728478798053302
of:0.31226783648039985	that:0.09671995556739642	and:0.09522205837638797	to:0.08633810195999293	in:0.0661934381053446	for:0.06022996807434167	by:0.05913163950431259	with:0.047774197155930884	at:0.02950171227509699	:0.14662109250079608
the:0.15074154122063466	and:0.09955173653754493	of:0.09095614919403532	to:0.05618591723729392	a:0.05612999152035257	is:0.045027631857007026	was:0.041559415440580186	be:0.0376243649998588	are:0.03054339957595198	:0.39167985241674064
of:0.3038184357101225	to:0.1272609912935504	in:0.08774054206761085	with:0.07649805773506639	and:0.07465691239912985	by:0.06629538883739045	for:0.06468255737387912	at:0.04223773057712305	on:0.041238116712194864	:0.11557126729393255
have:0.1518618267337086	had:0.13662885669538202	has:0.1343777391706829	was:0.11099670406149531	and:0.09054573338757922	been:0.08782800607250987	be:0.07621227124154202	not:0.05193773595960288	or:0.04725989030922233	:0.11235123636827482
the:0.6775198610093907	The:0.0797110147126694	tho:0.04322248729792165	and:0.026778917774027813	tbe:0.018349634912898406	of:0.018242065601836333	his:0.016162118576455508	in:0.012655530595288522	I:0.011179681179297744	:0.09617868834021397
the:0.15764315202364018	and:0.11702741469980123	of:0.09250657478166799	a:0.06943760106489366	to:0.055231070963224445	in:0.03458161339219903	Mr.:0.030491699848121466	I:0.02355851684369975	or:0.022026981014599666	:0.3974953753681526
and:0.07971359756956216	a:0.0721373181982614	that:0.05949410475489616	the:0.024981379372977692	for:0.01919585951386378	worth:0.017196164680676522	which,:0.016229036308424132	but:0.01570960591876931	and,:0.013673658457068732	:0.6816692752255001
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.11058815279855713	be:0.04974691223109857	was:0.045818462430063746	is:0.03379807198353188	been:0.03338012562963226	put:0.03310214238105302	feet:0.031323653679248956	are:0.030846635292659758	engaged:0.030319144787614806	:0.6010766987865399
the:0.07853683615259145	of:0.0756178710687192	and:0.07358083419636358	be:0.07077104144328393	to:0.05773020870440279	was:0.05477034924053261	is:0.03974607354588707	or:0.028619784876402696	are:0.02829496068502736	:0.4923320400867893
the:0.15004672961476476	and:0.13474652363535733	of:0.12003038375924638	to:0.07176660556989567	a:0.04752132753591885	in:0.0451443640158669	for:0.027604440359319856	is:0.0168551504538026	Mr.:0.016508126997047262	:0.3697763480587804
made:0.07480064136839229	and:0.07299256274953536	or:0.03735346764649361	it:0.022904839789852624	paid:0.021045970284064613	accompanied:0.021040921077179583	that:0.019685582551149376	ed:0.01935348104827986	done:0.01879214719018923	:0.6920303862948635
a:0.6828458352880684	of:0.05005503072587222	in:0.050053780870854006	the:0.038489687024976627	A:0.03625296266554169	very:0.03407786620198248	some:0.03146025968516699	no:0.0187471724471336	and:0.018453029670046032	:0.03956437542035791
have:0.21211021562534862	had:0.16957715028804465	has:0.16459269467669327	and:0.08227907376674694	he:0.04631457333432287	was:0.04513701744687005	to:0.039021598020481156	is:0.031115375633862855	been:0.028637124391482124	:0.18121517681614746
that:0.18566706748983797	and:0.11681418296160237	as:0.11120542032400127	which:0.10403514576054819	when:0.09757893916044386	what:0.05730347731013848	to:0.04256905269290857	but:0.0418576017750531	if:0.03753182033155784	:0.20543729219390836
with-:0.22896246068446094	sent:0.08512395213473327	went:0.07740507595241666	carry:0.06433096468979278	go:0.05974999455827481	and:0.05242947857315152	brought:0.04255261778077414	it:0.04152127758973183	carried:0.035909070919079994	:0.31201510711758407
the:0.48488955282935414	a:0.11334630034640686	said:0.05853319841903257	of:0.051585522633851216	this:0.037146616853472834	The:0.032033878836715726	national:0.024659666074262745	state:0.024657174424600165	tho:0.02418620915992222	:0.1489618804223815
and:0.07603577662288796	as:0.06489575455179855	referred:0.04050693259132925	according:0.02708375222378582	him:0.02660619578202528	them:0.02522636007794205	regard:0.024779075518499272	up:0.024326574308816042	back:0.022663462466665223	:0.6678761158562505
and:0.09377129454296322	was:0.04271315341537484	out:0.028524574363226172	that:0.02811573968936019	placed:0.027131868575018914	work:0.02578173844450971	made:0.024681420068921236	is:0.024021050156212566	up:0.023509378606325886	:0.6817497821380872
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
as:0.2567271083113158	of:0.10241815177632496	to:0.09987422008283803	and:0.08214155645724089	so:0.0704647682051467	such:0.0579059512217828	in:0.05508081854703172	not:0.04311200508495418	by:0.028049206387057265	:0.20422621392630766
of:0.2015967063982102	in:0.17732045407047298	on:0.1737025717299467	the:0.10513521349551223	to:0.05286758277537678	and:0.049041547506921614	In:0.04855188285004362	at:0.045877008791542044	from:0.01853848694202484	:0.127368545439949
and:0.11582081944112449	was:0.04225261395959518	held:0.03592895762799326	Beginning:0.02926079870317736	is:0.027806631077598554	look:0.026545353863800903	arrived:0.026240397869270526	that:0.0255265603479058	interest:0.024134996272950678	:0.6464828708365833
in:0.30791933837901825	of:0.20655532770302457	the:0.10556180145119702	In:0.061712009843511335	their:0.0400072858293202	to:0.029185093068510887	his:0.027806534115123533	and:0.026328140795555136	its:0.02335363065397737	:0.17157083816076174
was:0.16550218244899684	be:0.15982433907273827	been:0.1255079582024562	have:0.08622472208709817	were:0.07122430454237032	and:0.06072111658800542	has:0.049700462223558284	are:0.048230630495775265	had:0.04444577545866998	:0.18861850888033127
is:0.21964948281778351	and:0.15386837524331265	was:0.10833828453845813	are:0.0989724191683871	be:0.08530862517310267	not:0.07424937060388158	have:0.04954836918285055	but:0.045108596032415904	were:0.03690231294861267	:0.12805416429119526
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
the:0.5874873836375147	of:0.07742573705589768	a:0.04995047343990805	tho:0.03974875047239252	this:0.034501925855005444	their:0.03238451706696077	The:0.03046978214365469	and:0.026177524472872783	our:0.024986706414385985	:0.09686719944140731
it:0.2362756637425065	he:0.16431471761064592	It:0.13643329820792086	and:0.06646498410169731	who:0.043492556529752154	He:0.04319854510832011	that:0.03811553585177084	she:0.030779354266383167	which:0.02952392601214836	:0.21140141856885478
and:0.10783154660682268	held:0.04001521167434389	Beginning:0.031426354563441686	arrived:0.02952908321989551	was:0.029243248657303836	made:0.027711028242479025	look:0.023735580166204084	is:0.021764528775585955	up:0.021262281424731983	:0.6674811366691914
Mrs.:0.14652223941825182	of:0.1197484238478277	and:0.09487796661968995	Mr.:0.07206912277200642	to:0.03916498247640519	by:0.027106327990606627	<s>:0.020772588264241137	Dr.:0.018984100392655797	said:0.013089666836503514	:0.44766458138181187
the:0.3208876977395062	of:0.09851597051783877	a:0.0911808979538127	and:0.05276066641107166	in:0.042186971228807296	to:0.031778193821180224	The:0.027098788866285573	tho:0.02323565183012189	an:0.020052422315492518	:0.29230273931588313
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
in:0.14557440865169408	of:0.11289327825509128	the:0.08527392821259443	and:0.06437529982342059	for:0.05488254176673715	a:0.03808718814306912	to:0.03699595218284497	In:0.034301016692017613	was:0.019868772630116955	:0.4077476136424138
part:0.05471851257883924	one:0.04452063682788975	out:0.03519559986730605	side:0.02331419216330189	that:0.022336071249907576	some:0.020810972793672885	end:0.01839138252712686	members:0.018275044757198464	portion:0.01603492158231836	:0.746402665652439
the:0.6511923352084901	The:0.06644111805613274	and:0.04652223968054614	assessed:0.043732628171234106	par:0.042469777260408736	tho:0.03166974773792347	in:0.024405550579555534	of:0.02249678856085686	a:0.022264795678715043	:0.04880501906613729
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.39531255843545915	this:0.16897537321394343	and:0.10093417924166521	to:0.06294968333314759	a:0.05045453071879637	that:0.04449402020994471	The:0.036580008147451715	will:0.030064449166677564	of:0.029061870445751092	:0.08117332708716321
of:0.36964286996493706	to:0.11677367263163799	in:0.09309854580888631	on:0.06532831054697504	and:0.0645095631292109	by:0.06267493988655351	that:0.06129450274960069	from:0.04684819844151994	with:0.027512745011242942	:0.09231665182943566
and:0.11806801595638686	was:0.0656655564015758	is:0.046792063468053986	up:0.03108395308599868	it:0.03021415321434409	made:0.026603113622950526	put:0.026294257073757266	placed:0.02593741995179731	that:0.025049778326914608	:0.6042916888982208
of:0.28232683839198347	in:0.11748280753351414	to:0.11153077013822218	that:0.10127050283353685	and:0.08812720127237482	by:0.06379891689853398	from:0.04748028686798859	with:0.04297348515861313	for:0.03943443501009508	:0.10557475589513772
of:0.3532152884248888	on:0.12258328013336903	to:0.11058418828986467	in:0.08250064798636172	from:0.05997889761487687	by:0.05575690647577655	and:0.035793502258384985	at:0.028520971096829467	that:0.02767680024633758	:0.12338951747331028
not:0.4049472527107381	is:0.11809413173124274	was:0.09594157270333745	and:0.048075057285870394	are:0.04734865892426372	the:0.03203102591328073	be:0.029159831215270427	were:0.027692909076330582	had:0.020369776233683256	:0.17633978420598262
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
I:0.2325996884725467	we:0.13569875429063805	he:0.13327052485007065	they:0.0856598421950167	you:0.08115973962447286	it:0.06727790888422865	We:0.039427082700645086	she:0.03722825211427394	and:0.030838999326573406	:0.15683920754153396
was:0.16102112863101484	as:0.1505694149486562	has:0.1211884456244168	is:0.11578467441911063	have:0.09269989165099282	be:0.08580333933808541	and:0.07079792549960119	had:0.05904855729687375	been:0.04962920267932518	:0.09345741991192319
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
a:0.4900191826810422	the:0.13231089003332316	of:0.10245741760169065	very:0.042185989051204846	and:0.03674449040027522	in:0.034937286616417346	A:0.030346132901116027	with:0.02060885355518928	some:0.017544916809796418	:0.0928448403499448
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
It:0.1659499651060022	which:0.10535096032811161	it:0.09367003001032342	There:0.07999911938410766	he:0.058908682105618525	He:0.05492783029245828	there:0.03745192245184137	that:0.03653083241132836	and:0.03472405194974524	:0.3324866059604633
the:0.46937669280477917	this:0.12258400460740757	his:0.10111412684822231	any:0.05883259569973885	a:0.05198146620156162	that:0.04804771622807614	her:0.03818808419163858	their:0.0340183345794933	some:0.03149127178714181	:0.04436570705194067
the:0.18474170859291153	of:0.09679835659417563	and:0.0646528579488119	that:0.049799969594857225	a:0.038198765469230934	or:0.038179255161885806	Mr.:0.030754170622536863	in:0.028982215493997397	The:0.026529813457791276	:0.44136288706380145
a:0.5231238623699183	to:0.1390081037178277	his:0.06774577377871024	the:0.05698688531747153	will:0.03310616356321534	not:0.024563842834282604	no:0.020746685618259895	their:0.019969680695043936	would:0.01857771160290111	:0.0961712905023694
of:0.24100415326751082	in:0.1228199132526257	to:0.07748966597690302	with:0.05037838190417227	a:0.042914040329228395	and:0.03595836118787459	by:0.03277508214987257	In:0.03178109915813798	from:0.03140893676054898	:0.3334703660131257
the:0.24465435666441412	his:0.12500425227901707	deaf:0.0804804116438116	a:0.07351807762162912	an:0.05448966966051168	their:0.0521727195729996	and:0.04170991320635407	any:0.039800895879739846	no:0.03388087877941664	:0.2542888246921063
of:0.2266178748739184	in:0.13974618705689132	or:0.11768154888582115	to:0.11611721069457603	for:0.08783995632394972	by:0.0802795237758921	with:0.05983766338301974	than:0.057258388847382644	without:0.053414279982979894	:0.061207366175568996
of:0.13094434873038252	his:0.1188003418884105	to:0.09508326019125911	their:0.07798207701801585	and:0.06737857854028563	the:0.06335961452175387	on:0.0568140109820377	for:0.05144230717605825	in:0.04880557814277444	:0.2893898828090221
and:0.09786363372509259	was:0.0520501611798442	is:0.03873403197281807	that:0.033875893454898665	be:0.029950487022410384	it:0.02580470536788864	made:0.020959060706559805	are:0.020228066577143808	been:0.01932691838843375	:0.6612070416049101
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
for:0.23035552248183666	during:0.18350999199027915	of:0.13803321945320549	at:0.10878845388308782	in:0.10209802176523274	to:0.08985143579044165	that:0.03312941675921751	In:0.03015817361101377	by:0.028756982387506742	:0.05531878187817849
the:0.1331954013331003	of:0.10395761905650669	and:0.09166744382168995	a:0.0674867672110823	to:0.04481959524883369	was:0.033914181021321675	be:0.027669522756191306	is:0.023821375196731925	been:0.01992601692954109	:0.4535420774250011
one:0.13027668708462814	out:0.07742206756685843	part:0.06474114282857145	some:0.05640712659716483	time:0.03954471000289752	account:0.03620724368530425	all:0.03238127669140698	and:0.028154969476639407	that:0.02755643570827209	:0.5073083403582569
the:0.06253538568654221	of:0.04357310304383868	and:0.03203613700156021	a:0.026474390189690927	an:0.024953134292400852	-:0.024724733960791643	i:0.023513727449654298	.:0.02103992717325982	to:0.02037535474440092	:0.7207741064578604
and:0.11806801595638686	was:0.0656655564015758	is:0.046792063468053986	up:0.03108395308599868	it:0.03021415321434409	made:0.026603113622950526	put:0.026294257073757266	placed:0.02593741995179731	that:0.025049778326914608	:0.6042916888982208
a:0.628869701293389	the:0.09465511145381283	to:0.045572052040179035	his:0.030631904062340096	no:0.018029697747096035	and:0.016057217383520055	A:0.014693830249068176	in:0.014290385758690467	or:0.012620004129545299	:0.12458009588235892
the:0.16490720038311907	of:0.12177918468339209	a:0.09983857893476582	and:0.06609542923981462	to:0.0647139475722134	at:0.05171291114601743	in:0.04429525794503564	that:0.029710509064452904	an:0.02881610761630439	:0.32813087341488467
time:0.013178062383729055	up:0.012683164260209363	him:0.011429439117214403	him,:0.011150832347387719	it,:0.011037887892978715	;:0.010645059574714299	day:0.01034553845517621	years,:0.009698299461452157	night:0.009694420772087629	:0.9001372957350504
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.24948759136172527	half:0.15961820613917985	for:0.1192317307542668	in:0.09859254853671358	and:0.05851280147107067	about:0.055771106281666816	as:0.05115092189649647	to:0.04129984481964386	cents:0.039943491911041955	:0.12639175682819476
of:0.22736108175266492	and:0.15262023435343078	in:0.1306297448389646	to:0.1042638491301413	with:0.08619344805039393	for:0.0711299144083165	that:0.036064667401087595	from:0.02935597374522222	by:0.02863296721209619	:0.13374811910768197
the:0.27903667846572416	of:0.11732088397004925	a:0.07651759725774658	and:0.07412774544047698	in:0.05300942976668658	an:0.03320484627746257	to:0.02852548154472489	on:0.021864675697618546	with:0.020133547587006487	:0.29625911399250393
and:0.09377129454296322	was:0.04271315341537484	out:0.028524574363226172	that:0.02811573968936019	placed:0.027131868575018914	work:0.02578173844450971	made:0.024681420068921236	is:0.024021050156212566	up:0.023509378606325886	:0.6817497821380872
the:0.6202556298639625	The:0.052624960432070274	Assistant:0.047752591857121364	and:0.03940507359922013	tho:0.0339110052463701	by:0.03069214502638988	of:0.02213418825205755	tbe:0.01593033651977654	in:0.010119342408695256	:0.1271747267943364
one:0.016368888842335127	more:0.015000372690832826	on:0.011189338260333165	day:0.01075934247865153	two:0.010752403191876184	person:0.00789861567222125	in:0.007751399993273645	man:0.007556023970783172	law:0.006531081514130428	:0.9061925333855627
and:0.1342128801099265	of:0.1087282145190508	the:0.08499806936615294	to:0.06810030574748001	a:0.04822332058772525	for:0.026963491824262553	more:0.02577606971116848	with:0.023215405743446573	that:0.022551572784676906	:0.45723066960611003
was:0.4036277614793339	be:0.1612464779796436	been:0.1256587701015858	were:0.08440266462528011	is:0.05376137014574794	and:0.04286479640546202	being:0.03205833441247693	are:0.03074786609092558	bo:0.012491296208833796	:0.05314066255071036
of:0.4254835314325097	to:0.09677374138798153	on:0.0943559141095736	in:0.09103878405582405	and:0.04521957754062035	by:0.041774592139547075	that:0.039745010883711206	from:0.030793353584576015	for:0.029286893669537243	:0.1055286011961192
.:0.017322747983692686	-:0.01723778628439973	the:0.013389965932005763	and:0.012674795792631007	a:0.012224603896449762	of:0.010682846183618706	re-:0.010660145138322405	to:0.00973107676196555	<s>:0.007157664456457688	:0.8889183675704567
and:0.1368667560159047	of:0.09227903495910833	the:0.08958737435734956	to:0.05651695051198223	a:0.029945556261069525	or:0.027354458578007532	in:0.02503703623837939	be:0.024631246379521965	for:0.021650954533306403	:0.49613063216537034
of:0.3943219127611351	in:0.17913033608628076	to:0.06378833244107411	for:0.057035920711907086	that:0.055555954476111696	In:0.05231050477608299	from:0.04647927359442936	and:0.03667355959090486	with:0.03483522543716777	:0.07986898012490624
is:0.2649053118742484	was:0.19766637656175337	be:0.14926988239970163	and:0.08087388310001843	are:0.076153231108393	Is:0.047544318005348064	been:0.04577799266780797	he:0.04112168852256333	were:0.03538640285938267	:0.061300912900783155
of:0.17399917697346284	in:0.16213716009098075	the:0.09226661371825987	to:0.046462077143646766	and:0.04356015029964855	In:0.03854214894562856	for:0.03378715133348428	a:0.03359877692709579	with:0.0185158891917078	:0.3571308553760848
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.21382963526334745	of:0.1300930665830113	and:0.10922412236500574	to:0.05136329391793314	in:0.04866323371831881	at:0.0341677349901369	a:0.027079592531145412	for:0.023789887131826143	or:0.02193358868375156	:0.33985584481552356
the:0.2145446871822153	a:0.1365902154700107	of:0.12129646796558764	in:0.059443970663683086	and:0.0273711434491065	at:0.01944041893621707	for:0.017110154739530016	The:0.014640852868727449	to:0.013885322377035006	:0.3756767663478872
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
and:0.1156789470292127	well:0.07556980993677288	regarded:0.04497062169191372	him:0.038248776737851944	known:0.03783818211632863	soon:0.03287802268774235	it:0.03193764873859754	is:0.029686094618060876	but:0.029025893971380265	:0.5641660024721391
it,:0.023043997510986194	;:0.02303743238271218	in:0.02012632344113234	him:0.018710865147485288	him,:0.016854667229950257	it:0.01501886076721201	me:0.013703778310520874	me,:0.012894273546999534	them,:0.012275971565748655	:0.8443338300972527
it:0.17446210238267795	It:0.16512138039676244	This:0.11580779511931819	which:0.07131888702327785	that:0.06268754379599907	this:0.05652048471821813	and:0.04054529143452458	there:0.036840538093569096	he:0.03013409703322793	:0.24656188000242477
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.4993573143249583	a:0.13535134266323456	of:0.06836517045999203	this:0.040635944145372374	other:0.03851416028368668	The:0.02987384723768884	tho:0.02769198856332597	his:0.017879842031700233	new:0.015399215287590789	:0.12693117500245021
the:0.14127260653911067	and:0.08258292792033299	of:0.07465218453536096	that:0.057181480247016435	in:0.03233950725457273	The:0.021884906655732273	which:0.020891314972838214	a:0.018978691603322634	Mr.:0.018687171934215718	:0.5315292083374974
the:0.6184093637560311	of:0.1048717085926549	our:0.05257089306632304	tho:0.0324403030293642	on:0.02934099046717935	this:0.027310707127148906	national:0.026766191136851955	their:0.024045681652220458	general:0.01932148752581923	:0.0649226736464069
of:0.1338685235890064	the:0.10810580979759514	in:0.0979896981224086	to:0.08543459123024268	and:0.0828549798473408	a:0.05442263517907091	for:0.028838879972585132	from:0.02713834416032728	In:0.025784213546717134	:0.355562324554706
of:0.37803051381925923	to:0.10539842137056651	in:0.09477801978211961	that:0.07919983885719588	and:0.07028390125844415	for:0.06206916162151799	by:0.04434439428384025	on:0.04355078404895376	from:0.03542021445891574	:0.08692475049918687
and:0.21060131835586793	as:0.10407261838234842	that:0.09070643661222806	but:0.027054071192114743	or:0.02586935494675679	But:0.013941597753169357	even:0.013132646249084287	which,:0.01268076879867512	And:0.012663842392830098	:0.4892773453169252
of:0.249858925915288	to:0.2447229200483066	in:0.0815152704580765	by:0.07472788148829956	from:0.0586289904040751	and:0.057826558189314446	with:0.033491127101100304	at:0.030408031672429076	In:0.028594882780392957	:0.14022541194271748
<s>:0.04471232831599591	them.:0.03618414745632326	it.:0.033018439858637255	him.:0.020915112836494547	day.:0.011589576253170617	time.:0.01103573644743246	said::0.010879448306138774	us.:0.01069758404946678	life.:0.010468448089850372	:0.81049917838649
is:0.09668668957534467	and:0.09146717410772758	able:0.05673163447092856	not:0.05313203547529538	enough:0.05193345566758337	was:0.05027921594784049	necessary:0.043622396551558903	as:0.04260540354492606	began:0.04063730408513365	:0.47290469057366136
and:0.12898493640461098	the:0.0862970010900792	to:0.0574328269961494	will:0.038139006692124694	a:0.03288741146894428	I:0.027767596553152606	of:0.026846218778148762	that:0.025413411529070114	would:0.024162441889793464	:0.5520691485979266
they:0.1496775314717634	who:0.07920658274702827	we:0.07543330180365866	which:0.05433776663621662	They:0.044592994529488734	and:0.041983397963064925	you:0.03918345650767516	We:0.031760031158240845	that:0.02986244179365232	:0.453962495389211
the:0.19670387957172328	of:0.12034700726956073	a:0.08438228089640598	to:0.07002755359439007	and:0.06281574081115311	be:0.0453128674171294	in:0.03379866218947241	is:0.03220276533394172	not:0.029189418599409524	:0.3252198243168138
the:0.4816059036483843	and:0.0945468312990187	a:0.08494206801205803	The:0.05099658778736211	in:0.04381422044045527	tho:0.036537464134120935	an:0.0349030908977375	or:0.033961962227390195	all:0.03190883731568118	:0.10678303423779177
the:0.4408393746609459	of:0.2422720691556274	in:0.0941861284640564	his:0.037625700742477876	In:0.02514540222397408	a:0.024771016569762522	this:0.020851298140161744	The:0.020728702710003762	that:0.013071428071949765	:0.08050887926104056
was:0.21025461762710151	is:0.16397885841387708	are:0.13444982977239398	been:0.11705513922305939	be:0.10631253560589836	not:0.053471632630445985	were:0.0518298121426143	and:0.04027221360959726	have:0.0327728158744046	:0.08960254510060753
and:0.13326171966230865	to:0.09042113349757278	the:0.07369499849854257	be:0.0652269823243365	was:0.06278886882589327	of:0.06017560286773048	is:0.051843171548898344	a:0.03878693439387048	are:0.028203090633909737	:0.3955974977469372
the:0.7682945287531753	of:0.07721737006645209	tho:0.022857231247777214	this:0.021344547714848776	to:0.019183726046558963	their:0.01662508500196727	our:0.01416576539298113	tbe:0.011769526925771802	said:0.011271571620048024	:0.03727064723041945
the:0.37986748647712726	of:0.0883652845848079	and:0.0782638490756953	a:0.06961404814866998	in:0.06735660854170623	their:0.04860572794693405	his:0.04173575094059233	this:0.033350815354185576	any:0.028578541216159485	:0.16426188771412192
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
was:0.20033244256127675	and:0.1571337751519323	is:0.15391641465990483	of:0.055201561007510794	are:0.04940846715750452	in:0.044080932744053405	were:0.043093785832189875	be:0.04116747472888666	not:0.035207931170988964	:0.2204572149857519
of:0.26181780205847843	to:0.18023844590818294	the:0.13310406529255292	in:0.08575126597452642	and:0.06102998077168866	their:0.0539842363589815	all:0.04219994887158922	his:0.03813143446555786	for:0.030024943399130942	:0.11371787689931108
be:0.22121397181482944	was:0.17472787396059403	is:0.12655120701284117	been:0.10903036870331677	are:0.07520157124485519	were:0.04909154977419323	and:0.047348538646956595	being:0.03712557927196459	not:0.03606659679399282	:0.12364274277645615
the:0.161571823160705	of:0.09066395789307255	and:0.08811651892316719	to:0.04899478563575888	a:0.04339234346550187	in:0.02742755197900953	be:0.01966761960337111	his:0.018152941337592668	or:0.01745461527325544	:0.4845578427285657
and:0.046441363753198094	known:0.02688820783317444	day:0.01901743274763736	it:0.01740797321349602	time:0.01671431458333888	that:0.012214305022783643	was:0.011346391243065385	well:0.010043285903658999	up:0.009539746502425782	:0.8303869791972214
the:0.6810450484868266	an:0.07177455455155665	The:0.06744628545753231	a:0.045688634166714974	tho:0.03849317557394597	and:0.019095912222824626	large:0.016131825358719345	tbe:0.015298092604184126	great:0.0142428484149177	:0.03078362316277773
and:0.1836314986274241	of:0.14518828392458782	fact:0.07006620476844842	in:0.054398420684604036	to:0.05389667397983197	on:0.04926143315484637	at:0.04698672185009109	from:0.03848741044484532	said:0.03839907995251954	:0.31968427261280136
it:0.1285448843542709	and:0.10694272757442698	we:0.10591445153949819	I:0.07818596098674681	he:0.07574686672711801	who:0.07070441054589015	which:0.0684074274092344	they:0.0634239313004832	It:0.04906982838400227	:0.2530595111783291
the:0.33637206411197546	of:0.20948833856464044	and:0.0643876345147678	for:0.05910098431222262	no:0.04831781197351331	more:0.04419810949040169	lawful:0.0416115946384786	purchase:0.03645405695157775	their:0.03588418182052902	:0.12418522362189333
a:0.33692949191309857	the:0.2640460349536791	every:0.04920320902509905	this:0.04223084336979243	one:0.03822149899000895	next:0.03229046762389034	per:0.031236991881152837	any:0.02292763380416685	that:0.02178595506677876	:0.16112787337233309
the:0.19251821301063954	of:0.13590491749135541	and:0.09062025466186045	a:0.040575559463169104	to:0.035629725864863036	or:0.019928567086292807	be:0.017322963687332524	at:0.014073859926605677	in:0.013670399262709835	:0.4397555395451716
and:0.4323236297253739	by:0.0338333469841045	of:0.029008771745410424	that:0.02708898753628825	to:0.018521564447052528	<s>:0.012141518162254372	sister,:0.009320459107790793	as:0.00839632325268835	from:0.007124328030957766	:0.42224107100807906
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.24626195923766536	to:0.1958306191803294	in:0.105724821074109	of:0.07086824089889573	and:0.06578772353382004	a:0.059928968062491934	their:0.05063372639943747	his:0.04205280067518059	its:0.03970784738362252	:0.12320329355444792
of:0.24334882831101728	the:0.11077613908082705	in:0.0984694947397048	and:0.06226488641954964	to:0.049317341236039085	for:0.027710086153963483	from:0.02524429241272248	In:0.024404348359895047	by:0.022079085693815278	:0.33638549759246583
the:0.26689561431688286	this:0.23572963487839568	his:0.07521509372736579	that:0.05677233284337012	first:0.04921960653619893	same:0.03970217316719064	taken:0.03364625187077379	on:0.0319595775055698	took:0.030204639843958044	:0.18065507531029437
the:0.26516721337852633	.:0.04518602662745817	and:0.0340162900740793	Mr.:0.025779489260718505	of:0.021290711183982052	The:0.01766911997797206	in:0.017504184115997592	a:0.015036145767830775	<s>:0.014955128612825809	:0.5433956910006094
the:0.5577337730614753	tho:0.035997430228060096	Missouri:0.02947742390869333	Mississippi:0.02788094627395958	this:0.018867673873699992	Potomac:0.018742146692190848	of:0.0183312563801905	The:0.01648516370082677	tbe:0.015066661723240539	:0.26141752415766306
to:0.5388563169769701	would:0.10058138415706896	will:0.08674499250643608	and:0.048615395204229514	may:0.04744784160750593	should:0.034740780641714666	must:0.03250088833103106	shall:0.02546696519285855	can:0.018759287846946845	:0.06628614753523829
a:0.4530812893667395	the:0.14790429660954524	so:0.0726008772430374	of:0.03659490952804352	very:0.03351700933648596	and:0.03268640895793584	with:0.025698764922313534	his:0.023382031976522007	not:0.0231145447836271	:0.15141986727574985
of:0.42946543197669595	in:0.19113588747297014	In:0.06472904637706722	that:0.0493750149857483	with:0.04807379365954958	to:0.047058705562115964	by:0.03403758674812693	and:0.03142903038805764	for:0.02891863539789102	:0.07577686743177725
that:0.12216111049899492	of:0.10738173241659248	and:0.09632028251058478	as:0.08199126262776855	make:0.07841895650419842	is:0.053276090200771016	have:0.05250999370817061	for:0.051170160432756975	which:0.04708297962209946	:0.30968743147806277
it:0.10673593210625724	It:0.1044912753630694	and:0.060804614484757324	three:0.03182575979742283	a:0.02465296369447076	with:0.02385761918041752	more:0.02123402116776505	two:0.019121264963998737	that:0.017693279278513704	:0.5895832699633274
and:0.10519796103172453	recorded:0.04492522267636661	is:0.04292906922552625	that:0.040156978325769595	was:0.0379374668882076	are:0.03244295791167291	distributed:0.025508715237800884	but:0.021070365812915742	divided:0.020697386321387536	:0.6291338765686283
in:0.15173225829120576	the:0.1500728779553244	a:0.12624870014080064	In:0.0494110203667582	and:0.0457511374265149	of:0.042798386571591476	to:0.03818959141710459	on:0.024813841685315183	any:0.01912927346454099	:0.35185291268084384
and:0.17585063722392302	fact:0.10400902578517979	said:0.06844377842999533	so:0.06232472237382234	believe:0.04519952307692614	is:0.039634011181226815	say:0.03675663629906361	know:0.036060715732595706	found:0.03095250753294034	:0.4007684423643269
that:0.2476928089595719	when:0.1311226075694685	as:0.10675985381161365	and:0.09137376036912848	which:0.0821558585492294	if:0.06609327731445555	where:0.04000677976837469	but:0.03668196847394758	what:0.024145330906737292	:0.17396775427747296
of:0.26957783704538046	and:0.11981591755287933	to:0.11662335769495832	that:0.08130045356917384	for:0.06631494773993178	in:0.06372093073839823	by:0.05410268979974421	with:0.04493954835274566	all:0.04216453267574555	:0.14143978483104258
-:0.07059043300257584	to:0.0439613557665426	of:0.03454382286405562	ti:0.031098263381692057	tl:0.025675565035050325	.:0.020289050737584125	t:0.01908740234576475	I:0.01592156099584828	w:0.015848999777959085	:0.7229835460929274
and:0.18284220744765886	fact:0.08679917820063011	so:0.0792476756256273	know:0.049769587394551666	is:0.048781197720565626	said:0.04270201631095818	say:0.04111574118972145	believe:0.036588777296389936	but:0.02866358554647341	:0.40349003326742344
would:0.13583654949147117	I:0.13499973353673597	who:0.12881076049880702	they:0.1147368711920005	we:0.08513203974752247	to:0.08006030724892528	you:0.05525086197200691	and:0.046146227880023406	which:0.040357079974321586	:0.17866956845818566
the:0.513994652737306	and:0.08159809670531518	of:0.07735400126855549	for:0.03698306796060427	The:0.0366280909702572	their:0.028694149414929367	in:0.028227040239135647	other:0.028190293178534203	tho:0.026553634337823803	:0.14177697318753874
the:0.14964494674883666	and:0.08185927966998026	of:0.07552385681410421	a:0.05954713364973514	to:0.048672883140076735	The:0.032490683251348844	he:0.023127998548909713	be:0.02227415903911479	as:0.021296006668803543	:0.4855630524690901
the:0.21180685363562896	a:0.1666337083495712	and:0.10638270674016143	of:0.06177150171528795	The:0.030111826943494256	an:0.024720860965727683	to:0.019439714571673265	in:0.016041961473112563	that:0.014921216699727045	:0.34816964890561564
sum:0.16700488118573364	rate:0.09227335125532915	day:0.04661564021578163	amount:0.04542448325305191	number:0.036482404455255635	instead:0.0363478559949483	part:0.033931749058477234	period:0.03367603118299567	distance:0.03322594935069903	:0.4750176540477278
of:0.36101574293161176	in:0.1056188822466323	to:0.10057823215862022	with:0.06861028572585152	that:0.05909819532804739	for:0.05488435601668312	and:0.0543794862980606	by:0.04396111390773618	on:0.038490307245718225	:0.1133633981410387
the:0.8844239874864931	tho:0.04756948702344427	The:0.02033430666769642	tbe:0.014816209185575809	of:0.01068097499444848	and:0.002900692842559579	by:0.0026848525152412873	a:0.002620734900998062	tlie:0.0017922399025080053	:0.012176514481035046
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
to:0.3340482879643747	will:0.21968073144733113	would:0.14314405724433774	may:0.05765142294232549	should:0.05110517895543942	shall:0.04608131248582266	not:0.03762609770239684	must:0.035703774805437266	can:0.018640295804925693	:0.05631884064760908
the:0.24993940066091624	of:0.22913409683839764	West:0.2135540275188812	and:0.05538905100199004	in:0.05518231603577769	by:0.02525454132358577	from:0.01971227280139313	said:0.019127949812475384	for:0.017536504319358253	:0.11516983968722466
of:0.38457478887544866	and:0.18598019717120454	by:0.10558343812049435	with:0.05235375649442364	in:0.04340654345012736	for:0.04335572148323994	the:0.02124694698116346	or:0.019506697175029664	as:0.018155642466051582	:0.12583626778281679
the:0.3328001621261755	a:0.2693543127387923	large:0.153523081321922	this:0.05578202102931894	great:0.037498772099095655	in:0.02360640923116929	tho:0.022886863450283054	small:0.02248065287396185	every:0.020937997257051498	:0.06112972787222993
and:0.1461818413011029	that:0.14374932878748223	which:0.08644257683791226	to:0.08611866503689754	when:0.04894033320731414	as:0.04681047726165757	if:0.04140958373898463	said:0.028407180404479985	what:0.026448594312700167	:0.3454914191114686
out:0.08514189891495849	purpose:0.05942050717232303	means:0.057091005540655736	matter:0.036018438830461325	right:0.03428467347831035	one:0.03091551400015779	sort:0.025195979742799288	number:0.024150638353046563	time:0.023401518167218808	:0.6243798258000687
per:0.3130379420395349	a:0.2911169081000682	the:0.1489989335570055	last:0.05577231575935855	every:0.036733270673324284	one:0.03545839198846711	this:0.02052799298820088	each:0.019134794615426873	next:0.016463368445251397	:0.06275608183336231
the:0.1512616913031196	of:0.11797904945102052	and:0.09725160665249702	in:0.07616300759732274	to:0.04805836425009421	for:0.044987806776225096	a:0.041955829248830095	that:0.03072409723674589	or:0.03045764779941125	:0.3611608996847336
and:0.1189733053664964	the:0.10287702719755622	of:0.08189169893754962	to:0.06345255385957328	be:0.04334095657672097	was:0.04121106403093484	in:0.03680279821111817	is:0.030567295462412034	are:0.02482235030573041	:0.45606095005190805
of:0.3351881256763314	in:0.08088217745427564	to:0.06908723258417983	by:0.04606760598437748	and:0.041127848324389954	from:0.0396293609046414	with:0.03769458705486666	at:0.035510651297918944	that:0.03378667857102247	:0.28102573214799625
to:0.1312924664283881	and:0.05984768905006147	or:0.05661915444829749	know:0.05111743648888735	in:0.04507324537351875	of:0.03988129344526657	that:0.03218620887230114	question:0.025062020015821754	see:0.022298689912619893	:0.5366217959648375
of:0.08547842695645425	the:0.08089891234637069	to:0.07218610732865784	and:0.054271262246868394	was:0.04808318160380139	be:0.035200692679834875	a:0.030429428992430084	is:0.027518920229259506	for:0.026248809932594982	:0.539684257683728
cents:0.2379852682089158	bushels:0.04863590183522798	a:0.04033952289408861	dollars:0.03708097171050667	cent:0.032751907843955035	the:0.02643843162510298	pounds:0.025859175858861168	feet:0.02361547530162602	$10:0.018890982723516626	:0.5084023619981991
of:0.35130894731534545	in:0.21884031125335138	to:0.15003863448793914	for:0.05366494029575801	or:0.05081350640572079	by:0.035844582475547934	at:0.03096883497505299	In:0.030518567793395287	if:0.030280868837801445	:0.04772080616008756
to:0.43851352503356983	will:0.16324866138041177	can:0.07452340487766579	would:0.07425658527585956	and:0.0471260990278596	not:0.044903116629873854	must:0.03856020889170583	should:0.037827058818278005	could:0.03670956134393318	shall:0.03433177872084262	:0.01
the:0.48955362333886626	a:0.16461364423642028	his:0.09338804252384879	no:0.05429404824225561	their:0.0342991939710081	and:0.033337383598090804	tho:0.026364945251534412	my:0.023093712348677072	her:0.022591638811140683	:0.058463767678157995
the:0.348874018377944	and:0.09397229748977759	The:0.0680345415297028	a:0.06471569132234777	by:0.046744118301123704	<s>:0.033781409715278106	in:0.030504993017513717	said:0.02738392535578054	tho:0.02430271983420302	:0.26168628505632874
it:0.18143874199255758	there:0.10331969695424356	It:0.09198639939220059	which:0.08073126991269376	they:0.06240522313208139	that:0.054082648531678275	and:0.05144105994683339	he:0.03253148924096088	There:0.03214778196988864	:0.30991568892686194
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
the:0.18554142658334877	and:0.11580052587238193	of:0.10046825746557018	that:0.029281917217386547	The:0.028776420815648962	a:0.02757388782740672	or:0.01849222669130677	I:0.018308378153822583	in:0.017083742238733587	:0.45867321713439396
be:0.28158006041738315	was:0.150868410882702	been:0.11014538536950255	were:0.10296540783081326	are:0.08075003912481168	and:0.0530043689712675	is:0.048674433616645474	being:0.0381173990311985	he:0.025865261469927507	:0.10802923328574836
of:0.26010676435635904	to:0.1663893316119574	by:0.12116528593447062	and:0.07292907310699115	in:0.06727049420262037	at:0.03947213594424162	from:0.030260712212624885	for:0.028187739185109667	that:0.022043050593688857	:0.19217541285193637
be:0.18589786141117967	not:0.15200465427110207	was:0.09013125697659546	and:0.07527854752472256	I:0.06486305340593952	been:0.05472632532561925	is:0.048625877769937	are:0.04781458592303652	he:0.04004063242075664	:0.2406172049711113
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
in:0.17831071634309084	for:0.15288283829349295	of:0.14608337491179252	within:0.07753756007710011	and:0.06785450787002224	only:0.06190377207193627	In:0.05627073922004922	with:0.0471648322568348	is:0.04003434387689471	:0.17195731507878634
;:0.022701560046608303	mortgage:0.018576925300078186	Mr.:0.012628980601891084	street:0.01047411156007901	mortgage,:0.01016011461735465	contained,:0.00842954705746895	,:0.008351941030909362	feet:0.007105678108258772	one:0.006572430905262028	:0.8949987107720897
the:0.187783404020636	of:0.10198875187318836	and:0.10104208463629337	to:0.05614922473978603	a:0.03791658528335443	or:0.027319954448261737	in:0.027254089992426733	be:0.024048048060835756	for:0.023562422065472224	:0.4129354348797454
Mr.:0.31531312496516545	Dr.:0.0862627852379795	.:0.07909174117706712	C.:0.07039455878811772	John:0.06804081766378141	Mrs.:0.06552702317262511	J.:0.05419141827344003	H.:0.05171815510629191	M.:0.05152282408525971	:0.15793755153027206
and:0.24162532991188765	that:0.1390786514211605	as:0.10741426106968564	but:0.04553068662408295	even:0.0409022801525171	And:0.02889603767122722	or:0.02587557926296219	But:0.02438876436489651	see:0.023922128748807232	:0.322366280772773
of:0.11623604586616319	and:0.09224919631442621	to:0.08020995101956058	was:0.07878180659469525	in:0.07477424047188869	as:0.07255635103271854	is:0.07027190316427598	at:0.06890105360248425	on:0.057601243431898735	:0.2884182085018886
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
the:0.45879615801689083	a:0.10306338216254521	The:0.09003688160634964	protective:0.0633618913767085	of:0.06057627786406545	that:0.03657930369191818	tho:0.02596442484761293	his:0.02511973929568729	new:0.02162135514158752	:0.11488058599663442
they:0.1541782586066408	who:0.07423270332128717	there:0.06865609592278805	we:0.06743402016614146	which:0.05203541969553862	and:0.049343777402751934	you:0.04504882927149229	There:0.03909780193172581	They:0.036944440497495006	:0.41302865318413884
of:0.29101867198091264	to:0.11813174100818619	in:0.1172972311449329	and:0.06830399127118737	with:0.060605934900068804	for:0.05419409192275341	on:0.05219893444697187	by:0.041348689452230795	from:0.039219237042174226	:0.15768147683058184
and:0.11166187879920236	was:0.0866141949972527	is:0.07151750541251635	be:0.0489280602699082	succeeded:0.04872511099890445	are:0.04290696247343432	made:0.029934748815099013	that:0.0282890741778667	were:0.02746279482271413	:0.5039596692331018
on:0.19073564758052436	his:0.11614136152021033	a:0.11512531858265534	to:0.10980002851129154	the:0.08904881530673796	in:0.0871337477915427	of:0.0784276602352826	other:0.0626881325005163	my:0.05360106187342371	:0.09729822609781515
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
feet:0.07493441084615247	number:0.05407244852221435	line:0.05337552571430048	out:0.04350109472986971	day:0.0416356835835903	city:0.04116275605354956	one:0.03374227068328655	cost:0.026211684155332964	amount:0.02552986922467909	:0.6058342564870245
said:0.14644336798524712	the:0.11985264803356752	this:0.03643311339074687	a:0.02608651282268701	and:0.024657609795387274	Lake:0.012934756821605532	each:0.011021482965671245	of:0.00955951248916334	any:0.007774423391026133	:0.605236572304898
the:0.11674479095916727	of:0.11450879371396443	Mr.:0.06912554657020219	and:0.06765308066941071	in:0.03966136784955909	Mrs.:0.031400487373459726	The:0.028569552278744595	to:0.02751620287013269	Miss:0.025497005461587015	:0.4793231722537723
be:0.10978933935270511	He:0.1075187534560298	is:0.10643148385812715	and:0.09920615698129431	was:0.09884662497208835	he:0.09594132799425883	also:0.04108853124951731	so:0.03735012001303525	been:0.03450718850973367	:0.2693204736132102
and:0.13152879374557325	was:0.09022216802835409	nothing:0.06586154250855827	is:0.06443831573091004	of:0.06428077448126347	talk:0.046327295517725776	anything:0.04364510532663386	bring:0.04220656173081419	brought:0.03914137352257618	:0.4123480694075909
of:0.2810923983539798	in:0.1279859223851018	to:0.12098613947123367	and:0.0709970711624433	that:0.06985650295119199	with:0.06792231701144437	for:0.06645106934458549	by:0.05770444013844748	all:0.03559761219921557	:0.10140652698235654
of:0.34930276158871865	that:0.15086388904889927	in:0.10799861769937227	to:0.06558862621766676	and:0.05307937826534097	by:0.05126914615253041	In:0.03168661498065233	on:0.03090987640027816	from:0.02706208342067379	:0.1322390062258674
the:0.23781751562838516	of:0.15226011335466308	to:0.14720743866996666	his:0.08020622774209307	and:0.0592558579662287	in:0.043588682828129215	a:0.04202025842945974	with:0.03862053606623145	their:0.03627675524933674	:0.1627466140655062
of:0.09393295600812421	the:0.08635306423707174	and:0.08532758375374014	.:0.03127144995483946	Miss:0.028703846385705955	Mrs.:0.026026388211109162	Mr.:0.02322337260913624	to:0.02240288876330299	<s>:0.01876020542270494	:0.5839982446542652
of:0.3383688951047178	on:0.17410436454217004	in:0.1254239476223707	to:0.08110804348006943	that:0.05450519000259127	by:0.04733075567470813	and:0.04179063987035482	In:0.02916495108945218	from:0.02479253746627029	:0.08341067514729535
and:0.18757953094085303	he:0.16882546121041916	who:0.11474781303740009	He:0.10340785612140488	have:0.09067583724354061	has:0.06593903606951726	had:0.04992873242719426	be:0.044975099391422496	I:0.038536100879509004	:0.1353845326787392
It:0.24934522324809444	it:0.19204678528037852	he:0.045813269887057854	which:0.04240578300201635	and:0.026331943309369228	that:0.02141768554793181	This:0.018049341927380072	who:0.01681128479442268	He:0.01496936743209014	:0.3728093155712589
the:0.16336550728789678	of:0.1102303701739758	on:0.08848577819715019	a:0.08678504145497319	to:0.05501803166788501	and:0.047154825586328546	in:0.041341010382475105	an:0.022960824134796724	or:0.022806986426538143	:0.3618516246879805
was:0.27624286403596066	be:0.25041397905443885	been:0.09482561861382413	is:0.08030124546944113	were:0.07503733914018408	are:0.042804476078451635	and:0.040471941415240464	being:0.032257245657414134	had:0.03222804824918839	:0.07541724228585651
be:0.19249115563293837	and:0.12639714977524144	was:0.10026803630907041	is:0.06655879901866076	were:0.05524243524802355	are:0.054503070667835024	been:0.04360879125944236	the:0.04240512948111461	he:0.038852603764232246	:0.2796728288434412
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
the:0.6234376558903993	The:0.0642181719761844	an:0.05490561928560502	no:0.05372180689058966	tho:0.035138723547397534	any:0.026470830369536038	a:0.02535325888262186	said:0.02161253736468476	and:0.017336591973024763	:0.07780480381995658
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.41308841194183754	to:0.11602382419387965	and:0.0805388599710029	in:0.07117143339470386	for:0.055415993998243596	that:0.047843953724069126	with:0.0440617319162655	by:0.0432773472090431	on:0.039042135401525915	:0.0895363082494288
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
to:0.12057346430488962	and:0.10738382999939965	of:0.06817466518736266	be:0.06104388329862511	the:0.05199518897104564	was:0.05063807625689392	is:0.04283957379673316	for:0.0415209243794353	in:0.03846284778830355	:0.4173675460173114
the:0.24048784398010126	of:0.10632421434120215	and:0.10553153298358099	The:0.07183108295659232	that:0.02575588295156761	his:0.017425129602790537	tho:0.015481695617446048	these:0.014408992859812612	to:0.014363182432615144	:0.3883904422742913
and:0.1694104484576571	so:0.08075910206397889	fact:0.06822494254521948	said:0.053635380755513086	know:0.05328572089839013	say:0.04839641616649573	is:0.035001958690005365	but:0.02915110413798316	believe:0.02807139541470667	:0.4340635308700504
the:0.15856767084957596	of:0.09355447086800765	and:0.08920601805977639	a:0.06553869711146883	to:0.05289123295047205	be:0.04158043552305258	was:0.03557061476492829	in:0.03098228068009349	is:0.02680481187222936	:0.4053037673203954
and:0.0498357994561141	was:0.04452923314478563	is:0.027007718204314576	it:0.024017520590289238	be:0.01894251539841702	that:0.018805537209180982	made:0.01728310251101614	him:0.0140631895236489	up:0.01384067042634244	:0.771674713535891
the:0.3124848478759123	of:0.14642746324657308	their:0.07724929704710833	a:0.06301170824892922	his:0.05641212982532634	and:0.0493163774312088	great:0.0378091534768537	no:0.034740526336552835	in:0.03306879321683647	:0.1894797032946989
and:0.1314589121842804	is:0.048512834869105	be:0.04512138550088804	served:0.03893454698269426	that:0.038368853414357335	time:0.033988298658216176	was:0.03351224857269383	or:0.033144410781466516	now:0.028872207574292166	:0.5680863014620062
the:0.8462582524747673	a:0.03614699719687667	The:0.03385893578703694	tho:0.03314010815427805	tbe:0.013107965759733895	and:0.004933881285433935	final:0.004805468667433221	great:0.00468304058204354	his:0.004418430087245226	:0.018646920005151234
the:0.11208673649433883	of:0.0811832204272049	to:0.052268557597038544	and:0.05007599138342977	.:0.044866152831554804	Mr.:0.04179640530354394	a:0.03682064340740841	in:0.029406728614136193	at:0.02035981048435502	:0.5311357534569896
the:0.21796418943569426	a:0.1321294360444565	of:0.112095596422979	in:0.08352946536424065	on:0.053459218697637874	other:0.043307643976790954	his:0.039344749147160164	and:0.03155388027888052	school:0.026385813918645078	:0.260230006713515
of:0.1678762268546062	and:0.11194580224087025	to:0.09664323267924221	is:0.09278436620628051	with:0.0897594852335613	as:0.0754239050615329	was:0.0683119124476844	by:0.06171545078418375	that:0.05354534748457429	:0.18199427100746418
and:0.14201773215992794	of:0.11343507460959126	as:0.08953830886314076	that:0.06499562043269999	to:0.062263432405448745	with:0.061333186303998345	for:0.05812105324930065	but:0.052046423658039534	make:0.044065254776798284	:0.31218391354105446
the:0.6191065171420955	and:0.08691201718654461	a:0.059400720777513155	The:0.043582710501455374	tho:0.026922339732700105	this:0.017757189163282373	or:0.016509410970401005	any:0.01333217598369814	by:0.0120614014613192	:0.10441551708099055
to:0.2856715928895994	the:0.20586518876684962	will:0.10534226477107732	would:0.08813612121064067	and:0.05366531098945499	a:0.05214159796976656	may:0.04039820718368233	not:0.034818504529358314	can:0.026113281375039103	:0.10784793031453169
the:0.40864503454667245	a:0.223633015305466	of:0.08102919845842818	tho:0.024422367122380505	and:0.024274937512221033	The:0.022034892078421776	said:0.015358987808259119	A:0.012836753296184215	tbe:0.009493840142652971	:0.17827097372931378
the:0.29418676723652504	and:0.09410226202140995	of:0.09367821386124665	The:0.06266464121523635	that:0.035585265716200146	his:0.03312169748601476	a:0.023258116191025736	their:0.02252366117654245	said:0.020674047852919947	:0.320205327242879
for:0.4474394760637753	at:0.09510596311511361	For:0.07309305635074502	and:0.06848009354425205	of:0.05473093841716928	in:0.04863973573141922	that:0.0440774758979411	to:0.033853120057924325	by:0.025806188240776108	:0.10877395258088396
it:0.15785936948542273	which:0.08580605930919047	and:0.0819442909747207	It:0.069776970338638	there:0.06016485408862491	they:0.046337679765078826	who:0.035145108590665344	we:0.03347664880809658	that:0.03140563108367762	:0.39808338755588485
to:0.36378776195536766	of:0.08521135973797121	a:0.07495489249254328	and:0.07242852635950078	the:0.050732737281457406	who:0.041832159646115655	not:0.03961543449678904	I:0.03950415682755951	will:0.03509945974061001	:0.19683351146208547
<s>:0.04206870746051049	it.:0.013275256769098978	.:0.012797348031980826	St.:0.012011892407089815	of:0.010884515209508706	years.:0.009780414644038457	him.:0.009367945728658159	and:0.00885967477787139	them.:0.008241815783975672	:0.8727124291872675
be:0.17097436062167254	was:0.09497280452930124	is:0.08817549269553117	and:0.07417545460100193	are:0.07270722795288549	the:0.06126567596164799	he:0.05227668716646856	been:0.050606488007515306	were:0.04325934356336981	:0.29158646490060597
matter:0.06767817817512853	number:0.06504495003972124	amount:0.06245613415276928	out:0.04572805356537254	line:0.03443290421929985	kind:0.0314498704929752	sort:0.0295199056757264	purpose:0.02697204386151387	lack:0.02581993204301528	:0.6108980277744778
men:0.2581482865307465	those:0.1282521951394461	man:0.0801239970042243	and:0.0403247705365084	people:0.03909135027859067	one:0.02789546150000425	women:0.025726134216299743	woman:0.02063276907540702	all:0.020527485760868845	:0.3592775499579042
<s>:0.07010711120170404	and:0.016895731355845853	.:0.010206308789111669	follows::0.008771051160915783	of:0.007718241353795322	the:0.005577000702883681	to-wit::0.004072632466986754	to:0.0038681371615679003	in:0.0028685963491036238	:0.8699151894580853
more:0.24846316001702876	the:0.17618966879584985	less:0.1392330678944775	of:0.10197433429777734	an:0.07846880443182815	greater:0.06054931427193441	better:0.039656679682178744	and:0.03863382237389597	in:0.03299813062742351	:0.08383301760760575
in:0.367918728979919	of:0.15847713759639342	New:0.10896342281718366	In:0.09667256207479002	to:0.055748755672431434	and:0.03618794072123246	from:0.03493825304830773	with:0.025104648186017486	by:0.020540763978611664	:0.09544778692511309
the:0.21741514814764049	a:0.10664532922496053	of:0.061222087041968284	and:0.05663840202228115	to:0.036097982086168066	The:0.027133165345276444	that:0.02517362834951481	in:0.022168241060580803	by:0.017911748383933227	:0.42959426833767617
person:0.10866738116113828	more:0.08602971767414934	one:0.035701998493820684	two:0.02185763436137638	owner:0.019044365568184403	day:0.01778591453414217	law:0.017154123741279968	three:0.01343085999025981	piece:0.013144288139812192	:0.6671837163358367
the:0.2462306132022063	and:0.15688559921064976	of:0.11087684518706631	an:0.08100958542937095	in:0.04089162609384857	a:0.03154186953075716	his:0.028930048687381717	The:0.0220081992138848	county:0.017434176600941396	:0.26419143684389307
the:0.2552201950077351	a:0.13607899627404915	of:0.07535009484068034	and:0.06197883201662174	at:0.04809764815266261	an:0.03756208527367777	in:0.037159611186111045	on:0.023653516165257092	to:0.02224804359209597	:0.3026509774911092
the:0.14424686519355168	and:0.0867096721329403	of:0.05096859909769004	in:0.04020929496603614	to:0.03275716210870242	that:0.030427140030986875	which:0.01979066857550726	or:0.018741422694092506	<s>:0.01863154510819154	:0.5575176300923013
of:0.3009331357302647	and:0.11996568312983824	that:0.07937904400479558	in:0.07521252189688793	with:0.05966217205770202	to:0.058334793642607574	is:0.05421426118356264	for:0.05127700415798799	have:0.04453901872400588	:0.15648236547234745
it:0.18143874199255758	there:0.10331969695424356	It:0.09198639939220059	which:0.08073126991269376	they:0.06240522313208139	that:0.054082648531678275	and:0.05144105994683339	he:0.03253148924096088	There:0.03214778196988864	:0.30991568892686194
the:0.16034095759089487	of:0.08337930770201633	and:0.08167606873219838	a:0.06797230011329618	to:0.06200499524654075	be:0.030872590248614943	was:0.024646243111901316	or:0.02030169971211091	is:0.017847106309518128	:0.4509587312329082
of:0.15630137730751212	by:0.08223210669322652	to:0.07180217310598579	that:0.0697860171227717	and:0.06860313108410063	with:0.027549174244935564	<s>:0.02367243312489382	which:0.02017544874624105	as:0.017332841528940258	:0.4625452970413926
more:0.2536096762034198	less:0.09499662102902094	better:0.07759513922075129	rather:0.05645517154990882	other:0.03600861229378399	greater:0.03472435460415627	higher:0.026077729436887555	lower:0.025708236357641225	larger:0.019008408787744874	:0.3758160505166852
few:0.27368335686555584	two:0.24081794822395544	successive:0.12367731868022433	three:0.08947626103524021	several:0.07221436878340994	six:0.04825933371210176	five:0.04534776582928646	four:0.03972952568545845	ten:0.035832532913126824	:0.030961588271640722
and:0.31613897722102574	that:0.06694399462096733	but:0.04252057495825385	days:0.039338891347011455	and,:0.038808915567281325	soon:0.036189843386563725	until:0.026752613185393077	shortly:0.02453032726894383	time:0.02363009051185677	:0.38514577193270294
that:0.08001898107321516	as:0.07176974644260085	and:0.058019622545185064	which:0.02924656679997843	lots:0.024842753885017013	if:0.023919300188070612	for:0.022681202741296848	No.:0.02167955367071351	should:0.02109942003638716	:0.6467228526175354
and:0.14385630855565743	as:0.11654395889673945	able:0.07335896870212179	order:0.062374901317853566	enough:0.05737363275109333	is:0.05295644388151879	or:0.050496795892454836	have:0.043638783049751044	used:0.04151185305629334	:0.3578883538965164
and:0.2528365474806072	days:0.0965398525874694	that:0.07735194156494861	soon:0.0692119648640303	years:0.05766320932471627	shortly:0.04994780006006086	but:0.047263722719883154	months:0.030639943424272915	year:0.029017616340545515	:0.2895274016334658
he:0.15294094185266502	it:0.13667011335875492	It:0.09869761333694653	which:0.07840848851906816	I:0.07617918936501966	and:0.057979119330019736	He:0.05342614972420276	she:0.03973103729850213	that:0.03829342231432137	:0.26767392490049974
out:0.07104996634326687	one:0.06555551405888944	some:0.0627501778995496	all:0.046947188129824735	part:0.04244529558942418	because:0.030012730108729443	account:0.029608778673136077	many:0.028457732299761007	and:0.025591822907501054	:0.5975807939899176
the:0.7538156462280368	tho:0.046354405115399296	The:0.04507095126727442	a:0.03895798327174409	an:0.03053115455700545	and:0.02216619691604836	tbe:0.012883196219406336	any:0.01030906516311062	no:0.009874984609072324	:0.030036416652902284
of:0.09400290162860477	the:0.05021247282719051	and:0.04593701122029225	in:0.039689724099797465	a:0.03955106009074535	to:0.033628996744697666	-:0.028068341170203286	for:0.01576655015567196	by:0.013520211217340584	:0.6396227308454562
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
of:0.16185502506036378	is:0.11016451191818413	with:0.09299551415606266	to:0.09095186182075621	was:0.08696446400658242	in:0.08116209027526328	as:0.06812930320795602	on:0.0648511079527329	and:0.0644921173575855	:0.17843400424451308
as:0.2110250025640944	a:0.16772973694053747	any:0.10460270436475284	the:0.09072455459009286	earliest:0.08825280453510011	and:0.06138967992262995	every:0.060061624727038694	no:0.04090783620763401	im-:0.03797385828985979	:0.13733219785825987
and:0.153538780299108	to:0.11250967504516964	he:0.05326685963268479	of:0.039389162677659545	in:0.029835511488544183	the:0.02874965320119883	was:0.02757525168411791	that:0.025145495224315483	for:0.024545051409638103	:0.5054445593375635
was:0.2392869985958409	is:0.1433724094015543	be:0.12448438344486613	he:0.08378429839785115	He:0.0769350873665154	and:0.06723810083735218	been:0.056071930381509795	I:0.05122013033589414	are:0.04741548508705937	:0.11019117615155664
the:0.23233258243663796	of:0.09554284485087934	a:0.091115932154086	and:0.0769978724922383	to:0.041247604763473215	in:0.04060811167702791	for:0.026349921901288	at:0.024482672618186534	The:0.0235536436882194	:0.34776881341796334
of:0.16102555986544353	for:0.09924320062010701	with:0.09158752256134127	in:0.08682990733964091	to:0.08436275451032696	upon:0.057982849515557155	do:0.05683030400236187	about:0.05256787810928398	on:0.03949248812640351	:0.27007753534953377
to:0.11611623202716108	and:0.0927670277041291	of:0.05480015358824163	the:0.03853384443427393	is:0.03353964289198347	in:0.029809014802675858	was:0.0288691907044105	con-:0.025306563829559637	will:0.02411726427444757	:0.5561410657431172
a:0.31959385241149396	the:0.2960059690801406	of:0.06520021079841254	The:0.03728340796884747	and:0.033339434513864646	with:0.024251153953557973	his:0.023845115155143624	for:0.023327806203156894	in:0.020373913893092465	:0.15677913602228982
and:0.1443837771491282	to:0.11403306768957344	the:0.11229559342930277	of:0.05544126836605661	at:0.0323265707567633	or:0.029671907245664077	a:0.02890118634496892	for:0.02750711267030511	will:0.025934430512422516	:0.42950508583581504
person:0.10170647069016146	owner:0.042936516063678896	one:0.03771647259980573	lot:0.035030758936168006	law:0.03319003527519475	man:0.030993951381685012	land:0.02955679728218104	vein:0.02752389897666468	tract:0.025273981472909757	:0.6360711173215506
the:0.34965503695226585	and:0.15870604379537706	a:0.09002962383426717	that:0.07866160074783127	The:0.07718609303727832	of:0.03675853788993406	no:0.03584298746573837	if:0.02720935201170927	tho:0.024940191926362026	:0.12101053233923663
that:0.2753083144872714	and:0.15173931211128128	but:0.08095347779489231	as:0.07182475236307306	which:0.04623754097637125	if:0.03590087782795129	when:0.029745925581714544	of:0.027078611750766302	where:0.024334396388293166	:0.25687679071838543
up:0.07469094173326384	addition:0.06490775315471498	and:0.05883970137780779	came:0.05391000139087671	as:0.05313602455541655	due:0.04195010638163455	according:0.04101249375720817	reference:0.03993646584164144	sent:0.039190996417252065	:0.5324255153901839
of:0.212469526339424	to:0.14290307331276741	in:0.10159459169791829	and:0.09448182984687346	on:0.08704063496861202	with:0.058750151941400736	In:0.05673190613495658	for:0.05481410079138985	that:0.05200733320428223	:0.1392068517623754
and:0.2481494905334042	that:0.05690860625660176	soon:0.05528557417620028	days:0.04121331218042409	until:0.03616506398218171	but:0.03472959872797384	years:0.033695681418915394	shortly:0.0308923180588188	and,:0.028120303848858705	:0.4348400508166212
of:0.09701959995786312	and:0.08391087284849766	the:0.08351713253289862	was:0.045122195654275325	to:0.043844327646263996	be:0.03162405711423376	were:0.027214489969110762	are:0.022864169592669268	as:0.0224085973558836	:0.5424745573283039
the:0.24873067673274413	and:0.07210423413629886	a:0.0720290781089598	of:0.061561977473311	his:0.024589621831756125	other:0.0204735911213491	The:0.019421343059045915	to:0.016937674092499504	one:0.016620373014922724	:0.44753143042911286
to:0.31336658290549785	not:0.12051517129204606	and:0.11790027421870293	we:0.07697160433788505	I:0.056872332174921256	would:0.054012087741044754	you:0.04589153942489306	will:0.043761585962453345	they:0.03984548386534507	:0.1308633380772106
and:0.08579950902362743	of:0.07389199986011448	was:0.04566177827652418	is:0.0447210920209551	be:0.04092062993875779	are:0.02774122530568032	them:0.02283212870024528	the:0.022382370166992436	well:0.021945311681837654	:0.6141039550252654
of:0.20266903313861637	to:0.19361560620767282	and:0.09572298062393857	in:0.09326010032545173	on:0.07218363269800432	with:0.07205884500101566	for:0.055508883410127934	from:0.05201472417998943	that:0.048856353945724865	:0.11410984046945834
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
one:0.09073674624147396	all:0.0816264535439159	copy:0.05457587538897958	some:0.03214173360477271	out:0.029643398862501696	those:0.02861206740862104	means:0.027971208400712676	purpose:0.026714065138106098	part:0.0256874332386242	:0.6022910181722921
it:0.2650458897890825	It:0.19054818036245377	there:0.07454054807031843	that:0.06057531373374022	which:0.05741076598324006	he:0.04055587666729526	This:0.03456307054317466	this:0.026236961049679642	There:0.025623956667274773	:0.2248994371337407
the:0.06064606448195704	.:0.04292414894331062	<s>:0.033861579737136965	and:0.02983773676401878	of:0.019936147571445073	Mr.:0.019230000954319804	Mrs.:0.009941676195920963	The:0.00925513125753052	de-:0.008724147030164064	:0.7656433670641962
the:0.12587325765134058	a:0.08920092790070841	and:0.08707384880824844	of:0.0825049241743352	to:0.059790278496737854	in:0.032936110292086956	be:0.03252258016382413	was:0.020814076420510568	is:0.018976654092854692	:0.4503073419993532
cents:0.2379852682089158	bushels:0.04863590183522798	a:0.04033952289408861	dollars:0.03708097171050667	cent:0.032751907843955035	the:0.02643843162510298	pounds:0.025859175858861168	feet:0.02361547530162602	$10:0.018890982723516626	:0.5084023619981991
W:0.10885086180981304	M:0.08962385808542442	J:0.08815037885305665	C:0.08144449491961595	S:0.07565573974651656	E:0.07480965297703332	A:0.07089097266370924	H:0.06872129070148511	B:0.06456748181320644	:0.2772852684301393
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
and:0.10728643539050407	of:0.09689368708684774	as:0.09430956550132799	the:0.07574070144994628	to:0.05122624749049644	be:0.037028496537601055	such:0.03566920217538001	much:0.030975032286415252	in:0.028365295688714418	:0.44250533639276673
and:0.24978716114852495	that:0.1776874505190472	of:0.13770005135191465	we:0.04554383956027079	but:0.0352942841411418	to:0.03311916257731663	which:0.028955541520221312	for:0.028574120322639472	they:0.02778957804991924	:0.23554881080900397
of:0.2569371187575472	the:0.14036540666211417	and:0.11702033403658961	his:0.08464710510845726	in:0.07438357980637224	their:0.06534390958963202	whose:0.04643925217799879	our:0.0399910685683133	that:0.03948561692581936	:0.13538660836715607
the:0.599054741975703	of:0.06539479703794694	and:0.05608341276682081	The:0.039496531273209325	an:0.038213229049774255	tho:0.03455155856482658	in:0.02060447424888068	tbe:0.015622964463625549	that:0.012330484323457543	:0.11864780629575532
and:0.10852228204992301	to:0.093023530965803	the:0.07397522727866199	of:0.06938935011611291	in:0.04007413306817156	a:0.03274171039585754	at:0.02722966080576293	is:0.021552690153938535	was:0.021393845209229042	:0.5120975699565394
they:0.2323309864676043	who:0.0849649571461621	we:0.07295600195335192	and:0.0620351486924987	which:0.054093990227224636	men:0.045476135156424284	They:0.04478090217861234	there:0.04252355029220105	that:0.03653122109575062	:0.32430710679017005
and:0.11895586821723478	as:0.07402081561249359	them:0.03804269380190801	him:0.030682947220816593	is:0.026862710811519627	was:0.02600497717016071	up:0.025187105428522906	right:0.02425845031507052	according:0.023207664106923855	:0.6127767673153495
the:0.2891187767004349	Mr.:0.1392594313471612	of:0.1030393319463339	The:0.08463960290849436	and:0.06299740505384155	Senator:0.0317306142727757	that:0.027214064258593258	Mrs.:0.02121335433616634	.:0.020920239110528274	:0.2198671800656705
to:0.21563170419623492	I:0.13921180281319215	we:0.10151542254669972	they:0.08038803098779966	would:0.07110844931490398	you:0.05570342098376739	will:0.053397249589040234	who:0.050446332749531135	We:0.046596680414965896	:0.1860009064038649
the:0.49827186840585874	in:0.1328016202718575	of:0.0854395526659827	and:0.053847459002301534	In:0.04920133438170374	tho:0.02550719777772411	The:0.013261474074253992	that:0.01103388815409727	to:0.01065896786163387	:0.11997663740458656
<s>:0.09013156936722046	it.:0.01739923041848422	them.:0.011595704107772132	.:0.010969001094328665	years.:0.008799040476527189	him.:0.008260662355437157	year.:0.007620597895243652	time.:0.007184640308601439	country.:0.007096628286808511	:0.8309429256895766
the:0.11055985104399678	of:0.09733954545712163	and:0.0862742721981647	to:0.08071507698243725	in:0.040830467880368204	a:0.038124333481633556	be:0.03191856165145152	was:0.028931052744135634	is:0.020767225189832046	:0.46453961337085864
the:0.6702968792020148	a:0.08980707911748075	and:0.06033161224537048	The:0.05237078897559321	tho:0.023223916242771873	is:0.02064220584712938	of:0.01900344810622461	was:0.014231024248153881	are:0.014177635165108527	:0.035915410850152485
as:0.07186083108883486	up:0.05557455433607369	come:0.049109437879699444	and:0.04301297904894175	back:0.042791448367877634	came:0.04209704830697604	go:0.04071182761587086	it:0.032829923592494384	regard:0.032203005769486856	:0.5898089439937445
at:0.12639009648232058	and:0.07056980862315584	to:0.05793691541728262	of:0.04461637258162785	.:0.03389781825166408	the:0.02920819767170451	a:0.02349749177642513	No.:0.01831673838532559	<s>:0.018171269192950094	:0.5773952916175437
and:0.16299145521680766	was:0.10556453924371725	is:0.09397935777201014	went:0.050934152838855086	are:0.0428517820024862	it:0.03315951421778962	go:0.03266946688673687	be:0.03239131445833761	that:0.032134447492717176	:0.4133239698705424
that:0.23195962233844528	and:0.126899703184838	which:0.09129940914268195	as:0.08946107463355302	when:0.08190021715635527	if:0.06078895313964211	but:0.05495823364171542	what:0.04410912927867937	where:0.030638996126164098	:0.1879846613579255
as:0.1773815665148152	of:0.12810854703391855	and:0.09738320468391909	to:0.05908834929587548	is:0.050643477876039504	all:0.040114212407408624	in:0.03571121896872836	for:0.0327339188698017	any:0.032671451279923235	:0.34616405306957027
that:0.2378595547118727	and:0.14281312502882929	which:0.11306973493622331	as:0.10950764063113755	but:0.05741267489929815	if:0.05527057457854889	when:0.04800234745239418	where:0.04287165297033262	because:0.03553871486883608	:0.1576539799225272
be:0.2421459078669191	was:0.1801370561267976	been:0.09932957654161231	and:0.08186248722046696	is:0.06470251675109026	were:0.04050286588297891	he:0.025670517025304346	being:0.02365740917870228	are:0.023030969771955363	:0.21896069363417286
and:0.17445911428115737	so:0.08964198195335255	said:0.06361410294497291	is:0.044701883323034014	fact:0.044344722532142555	know:0.039234886097838165	say:0.03321830086021141	but:0.027480623134119392	me:0.027127460458329776	:0.45617692441484187
and:0.2208211513102074	he:0.07106548501042345	I:0.061205634120519554	two:0.056099212653803965	He:0.04143439500612893	never:0.039642016348796445	to:0.03867524231323821	then:0.03600766587578318	ever:0.03525620287761191	:0.399792994483487
of:0.1479025665802998	the:0.14203499579221915	in:0.11542807930863272	Sand:0.11309196805198835	and:0.05238176801677678	Grand:0.045002590970657064	to:0.033804862890528184	<s>:0.024020273234821705	.:0.023292005058419024	:0.30304089009565727
of:0.21391384923083537	and:0.16051383203887312	that:0.09669572370223126	is:0.07465894702201961	to:0.060453509238220064	for:0.054975308195950166	would:0.04173958556637981	not:0.03977159781784104	in:0.03863707844355052	:0.21864056874409904
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
of:0.2074348934438779	in:0.12454059828610094	the:0.06875859685507978	on:0.061390113906475245	to:0.05278907613508201	In:0.033756601502766194	and:0.03015782766737714	from:0.029392919227631552	a:0.02452160015823822	:0.36725777281737104
the:0.4065276721953979	a:0.2653345227717398	this:0.09679393789596917	tho:0.03253815077533731	The:0.027524769033743676	to:0.025815751795968025	and:0.024180880957601934	every:0.0232066776428988	of:0.02007429506741654	:0.07800334186392684
the:0.1331954013331003	of:0.10395761905650669	and:0.09166744382168995	a:0.0674867672110823	to:0.04481959524883369	was:0.033914181021321675	be:0.027669522756191306	is:0.023821375196731925	been:0.01992601692954109	:0.4535420774250011
is:0.11209700420197978	any:0.08413654440273781	and:0.08332412428957302	the:0.07684251211572242	only:0.07249252906878387	no:0.07088395311493369	but:0.06517916642672411	of:0.062217487211898626	to:0.05714728784808485	:0.31567939131956185
the:0.318511078779299	a:0.30650794487731936	to:0.06891319777391851	and:0.06489254615098432	The:0.040054135929665766	not:0.036131860873936765	of:0.027072760641432717	his:0.02559170926043081	in:0.016688579934823748	:0.09563618577818901
of:0.15630137730751212	by:0.08223210669322652	to:0.07180217310598579	that:0.0697860171227717	and:0.06860313108410063	with:0.027549174244935564	<s>:0.02367243312489382	which:0.02017544874624105	as:0.017332841528940258	:0.4625452970413926
the:0.6895332855239829	a:0.0601624659298521	this:0.0511744546770843	his:0.03987732688995696	any:0.021170212311074143	tho:0.02068131878599511	good:0.020638342093822436	such:0.02010725087565583	other:0.016553146308999088	:0.060102196603577164
of:0.37565017567271924	in:0.1531067021099028	to:0.10384805379372757	and:0.058513168967668616	on:0.05306155326543507	that:0.05006230825407318	by:0.0447395895254018	from:0.03983724909658505	with:0.03232169175895754	:0.08885950755552915
a:0.7153823532734253	A:0.09147560602838704	past:0.059763083350662854	very:0.03031998656761086	the:0.029138715157293917	last:0.028302576244634545	next:0.01750085754408837	is:0.012353768096736288	are:0.007505454668343126	:0.00825759906881771
to:0.6963750939834888	and:0.05558647405279716	or:0.033634425515723605	the:0.032854087295078584	with:0.03052569147352694	of:0.027418606378384804	not:0.025563319839276785	for:0.022604237731861553	at:0.021202197189717116	:0.05423586654014457
the:0.7286843733166174	The:0.10003527223688215	tho:0.03765726840610152	this:0.03625671348690379	that:0.02270030905869726	and:0.013889163825978794	tbe:0.01374465557217079	This:0.009753589518271022	a:0.008135812165409317	:0.029142842412967936
the:0.21673607580491971	and:0.11600551958655883	of:0.07075411494588517	a:0.06102641775370775	that:0.0315803922810618	his:0.03087329745901098	The:0.017906577937937686	by:0.01758409306578007	to:0.015674807699237656	:0.4218587034659003
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.14424686519355168	and:0.0867096721329403	of:0.05096859909769004	in:0.04020929496603614	to:0.03275716210870242	that:0.030427140030986875	which:0.01979066857550726	or:0.018741422694092506	<s>:0.01863154510819154	:0.5575176300923013
and:0.08362943294997585	together:0.07769806815080653	connected:0.0635902168573379	connection:0.06228367212358626	accordance:0.047530813078388766	comply:0.026000666542743977	acquainted:0.023189098613704624	compared:0.02214887744238745	contact:0.01973810078197255	:0.574191053459096
provisions:0.08155268622048072	copy:0.07438298592748818	date:0.061886723423349964	part:0.06076408457322527	one:0.05124169281485493	out:0.04701489352502034	people:0.04423834088325635	publication:0.03792894646628187	members:0.026565416948037213	:0.5144242292180051
more:0.18967503860091348	less:0.15868656441207238	rather:0.07803771914370032	better:0.05479143300142528	greater:0.04906514476632024	higher:0.01903913422131969	other:0.01830871645258042	worse:0.01706003604961874	and:0.015315754167822802	:0.40002045918422663
the:0.36721362319715584	and:0.08874171393878731	an:0.08382712555216784	The:0.08171090164390367	to:0.053872187750014594	of:0.050786483761779466	a:0.03792104622388221	was:0.032338231122935504	that:0.027680724206998332	:0.17590796260237526
to:0.11611623202716108	and:0.0927670277041291	of:0.05480015358824163	the:0.03853384443427393	is:0.03353964289198347	in:0.029809014802675858	was:0.0288691907044105	con-:0.025306563829559637	will:0.02411726427444757	:0.5561410657431172
to:0.5551139149117725	the:0.08591481246979117	of:0.07462551221326899	not:0.0533720826136629	will:0.051927990552234154	and:0.03111688397298584	a:0.031033070820867616	no:0.02134852605207028	shall:0.017630146902287636	:0.07791705949105883
and:0.11554932849790854	to:0.10040253278551585	of:0.0943022242184725	the:0.06030976571946355	or:0.030956419587708228	be:0.030100485380653273	in:0.02702530618951562	was:0.025847392912957467	is:0.022416966625728587	:0.4930895780820764
of:0.38239463151011377	in:0.13629747988019297	to:0.08284197669242986	by:0.06710185935175664	that:0.06486485954566411	with:0.05657685753085016	for:0.049087666400551636	and:0.04819806030530644	In:0.026786424062607103	:0.0858501847205273
the:0.31128332538841585	and:0.1471046131299237	of:0.0994185087558479	an:0.09240638536731259	to:0.07869239077742343	The:0.058674361560958586	with:0.041346100592547806	by:0.03325383424798771	was:0.029275720856297833	:0.1085447593232846
a:0.14262784608202003	of:0.11899068782546338	the:0.09932390441991804	to:0.07702864834698837	in:0.05321456463279107	and:0.043913836861806534	by:0.034286059568842155	with:0.023505780274268098	that:0.018030922258072943	:0.3890777497298294
made:0.09351826724431898	and:0.0750263803822282	followed:0.05785225745177033	accompanied:0.056013284378529066	up:0.03623315312602364	foreclosed:0.03253612252906865	given:0.031408719283411476	surrounded:0.029540615923127306	caused:0.02602540001369955	:0.5618457996678228
of:0.4275932370281905	in:0.12742112259955368	to:0.08498441772224777	by:0.0585651356876775	on:0.05573573114460465	for:0.053175140013356076	and:0.05116737537123923	that:0.047223998595261135	In:0.03213169222526194	:0.0620021496126075
a:0.5366687342829911	the:0.19582276203130386	A:0.11855428479487728	The:0.033015005600696076	this:0.025377908886936886	and:0.0181966632844884	very:0.01709657002760947	any:0.01286902386234347	one:0.012606201594120896	:0.029792845634632543
thousand:0.23555408203722497	hundred:0.11294832848019008	of:0.05670270337989236	million:0.04770127304797273	fifty:0.045368724662651974	ten:0.03232741958591026	five:0.03064727398994954	sand:0.016456869322156613	to:0.014418266931541544	:0.40787505856250994
the:0.351686037310097	this:0.15739267314162014	This:0.13760630286203637	The:0.11955266578093851	that:0.05633410035669088	a:0.050268189566592764	his:0.026108362834198855	tho:0.022095745480152276	which:0.016148182374777408	:0.06280774029289576
the:0.29190454367457075	and:0.16165219774057032	a:0.05689666196540845	The:0.042986647878073145	his:0.041326424264377694	of:0.03162309817388691	two:0.028540706427894368	their:0.02671756657660308	her:0.02563092100277877	:0.2927212322958365
the:0.6089762149840181	of:0.10602094391929388	and:0.04598570219891581	tho:0.03225975410043041	their:0.02493828574299275	other:0.02156890328350562	The:0.0206632021326544	his:0.01905793231707294	in:0.018585756549028682	:0.10194330477208745
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
per:0.3130379420395349	a:0.2911169081000682	the:0.1489989335570055	last:0.05577231575935855	every:0.036733270673324284	one:0.03545839198846711	this:0.02052799298820088	each:0.019134794615426873	next:0.016463368445251397	:0.06275608183336231
the:0.406765893368665	a:0.21723876587729965	of:0.06815306833377502	The:0.05007301041513874	very:0.037841203368822754	and:0.02742775863250899	as:0.025989522787555102	tho:0.021491233562005135	all:0.017912137629251527	:0.12710740602497814
Sec.:0.23713100671791953	Section:0.21808249104802196	SECTION:0.05006220194017518	March:0.03745394006970862	May:0.03672549454925518	July:0.031426915800121746	April:0.02524285318811913	No.:0.02430701170766785	Sec:0.022753802487052232	:0.3168142824919586
it:0.13760334181923417	he:0.11030099599567822	and:0.10390891468975086	It:0.0729154313363438	she:0.053291280778029575	I:0.038739517752751654	which:0.037865167256490105	He:0.034443796521045615	that:0.031092280621289128	:0.3798392732293869
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
of:0.1373447190109028	and:0.11879104250006513	the:0.11111143873135029	in:0.06927251421968889	to:0.04626813992991375	for:0.04601693610834065	that:0.03014334486117893	at:0.02273594031014711	as:0.019004040688751465	:0.39931188363966097
of:0.2323669933464265	to:0.18974223648165434	with:0.12332544579747469	at:0.09225268125029365	in:0.06281321707275142	from:0.05548184537433551	by:0.05123659653519313	for:0.05011588541581621	on:0.048943453861177086	:0.09372164486487748
the:0.4370826875503079	of:0.08619280803265214	and:0.039487329385149185	The:0.025640418093284555	tho:0.02485056721227738	a:0.022087252900468854	or:0.016137518017269467	our:0.015943404827114257	his:0.012940161470202625	:0.31963785251127363
to:0.19483905442442775	and:0.15303600031849518	of:0.03467217075939197	I:0.032447789495736984	the:0.026800319943090407	had:0.025017897721280394	who:0.024339665529144777	would:0.024251525808567213	not:0.02379354508597089	:0.46080203091389443
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
it:0.27957038428918407	It:0.14069168722916756	there:0.0780604064737155	he:0.0673522127670591	that:0.061371482220746135	they:0.04852180992353207	which:0.044772571877851546	and:0.031977859656019285	I:0.020031431466088268	:0.22765015409663647
a:0.30003898168562515	the:0.286369412323297	of:0.09701780343577014	and:0.07373253569907695	in:0.044098300639077784	to:0.03911418862912804	their:0.03696826613332708	with:0.03562534470941077	his:0.03263963074582023	:0.05439553599946687
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.1598103787432024	and:0.11871077708743676	of:0.08602739559787087	The:0.038652020581649196	that:0.03276018157209551	these:0.028621773236943676	These:0.026996636124345257	in:0.025979445439423335	such:0.02151839153799508	:0.4609230000790379
the:0.13681956118527552	of:0.1178700720242738	and:0.06349656634779613	The:0.03558822805052116	in:0.035544005656641384	that:0.032125231801738034	to:0.02584799074543854	a:0.019257509508979552	Mr.:0.018263898921610386	:0.5151869357577255
able:0.09380088845586755	enough:0.06614436527508218	order:0.06420441410847379	and:0.06131515378029046	right:0.05934132970872667	is:0.059314582964265256	unable:0.05672445448782474	began:0.051661203416028784	ready:0.05110271492529255	:0.43639089287814803
to:0.30738252780929554	will:0.2146483822502917	would:0.12744529120993878	should:0.08093092872440036	may:0.0704151783734265	shall:0.04962441411578995	must:0.046348174315133765	not:0.03994250290111033	can:0.032410566015405144	:0.030852034285207924
was:0.240308874229431	are:0.14182520801707663	been:0.12445555859310667	be:0.11966666267279959	were:0.11185081094009629	is:0.09755828222460033	being:0.03580157121137811	and:0.021746665552097512	not:0.018861106044562054	:0.08792526051485183
he:0.12625429261646232	and:0.11900766760001819	was:0.11379327792921581	be:0.10783079200402784	is:0.04754071387302531	I:0.04217759318620953	been:0.040780970424984506	He:0.03846218268847877	were:0.035121892642931724	:0.329030617034646
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
and:0.14809249126614943	which:0.1397185246630029	he:0.08305138949440166	that:0.07643602796905001	have:0.07137574972308575	had:0.05339703094059617	has:0.04885920799571605	He:0.03007656454398108	who:0.02319156667371209	:0.32580144673030487
the:0.42207609623309167	to:0.06640002507075893	said:0.06358855859734053	either:0.0568224549354941	this:0.054729300441126734	any:0.04297497381453548	that:0.029448402442320755	tho:0.02788950465957024	at:0.02634946554291813	:0.20972121826284346
of:0.2416977803416418	to:0.14578587943571925	at:0.10560152354727727	in:0.08141819244883214	for:0.05775248371745654	and:0.039072016284953444	In:0.03145774364763029	that:0.02646858358589704	with:0.0200753971032579	:0.25067039988733436
to:0.22358243327327873	and:0.13383938329792475	that:0.1171661615430839	will:0.07691081660093296	which:0.05342063390331915	as:0.04896527219326945	would:0.04240869043834799	but:0.02796586279075744	not:0.022541226607841292	:0.25319951935124435
and:0.09598596681285987	was:0.039511043952407746	file:0.03831476243161238	that:0.03714762926987935	made:0.037070778791181154	is:0.02875475411285857	but:0.025673912139600137	people:0.025614135541051623	them:0.02167370886745335	:0.6502533080810958
It:0.27791339494687406	there:0.13973149922916894	it:0.0893288627667459	There:0.0888301203297037	This:0.037279150612401064	which:0.034684125549762565	that:0.031534539686529695	he:0.02962663744935217	and:0.017772187453392457	:0.25329948197606944
a:0.28208741485852296	one:0.12639159506225872	the:0.09536146772843505	northeast:0.08406449504054928	southwest:0.04852996094338598	northwest:0.03668276871707336	southeast:0.034955837849951994	this:0.03425853831408331	next:0.02680742384146613	:0.2308604976442732
I:0.1945011230352949	would:0.1273607655627983	they:0.11509938532596371	who:0.10565146391591954	we:0.07800235457944979	to:0.0647447863068927	will:0.052674514778461586	and:0.05085951848728139	you:0.04835330050981608	:0.16275278749812203
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
of:0.11087804427949147	and:0.09484162296686934	the:0.09080725967183592	to:0.0595981299778138	for:0.022789246784068646	in:0.02233347927064887	a:0.017978583736678454	which:0.015553370422539566	that:0.01535593106173808	:0.5498643318283158
away:0.06925205172028555	and:0.06007808449668492	taken:0.04760906637168378	miles:0.0428166599829834	feet:0.03837562943164214	come:0.026889243450533045	them:0.026073675669967263	out:0.02484981837258804	came:0.02410733092637395	:0.6399484395772579
of:0.22400306331493525	and:0.11704672156414711	in:0.10587750130463293	to:0.09372735576413796	that:0.09232155827652845	by:0.059017919016793104	with:0.05543372573052403	for:0.04357047487338724	at:0.03705353825764296	:0.17194814189727095
on:0.19828061725145263	was:0.13747593544139752	is:0.11642004947913083	of:0.08521613251645999	and:0.08228594147942503	as:0.07618668422991774	in:0.06605849766696356	to:0.05824244857466797	be:0.04501419492075934	:0.1348194984398254
and:0.16358687607670985	the:0.05744470939839522	of:0.05645731227758923	be:0.050437995715792765	which:0.04460652981031578	an:0.041343603528807685	he:0.04106233093969239	or:0.037941990965499835	that:0.033136805607028544	:0.4739818456801687
and:0.11709854989237707	was:0.08054002330974329	to:0.0788383521433172	that:0.06223368832836854	of:0.04315871461452052	after:0.034378610103161095	but:0.031687145041156585	is:0.028723304051227964	or:0.024516578862530763	:0.498825033653597
and:0.13414388468936583	is:0.10059985608232286	fact:0.07587493481188981	know:0.042898991292821084	so:0.04076202303221304	say:0.036314315809565165	said:0.031303094606464306	but:0.030342969249770882	was:0.03012795729091715	:0.4776319731346699
the:0.09569192673976842	of:0.09271046224828741	to:0.08144067764564818	and:0.07881136606092867	be:0.05454059669139002	in:0.04871774932490597	for:0.040747062740533385	was:0.03740753956951102	is:0.032103605275647734	:0.4378290137033792
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
in:0.33996954551309555	the:0.0890974868120066	into:0.07524028730653756	their:0.06744799702902149	his:0.06735449151178265	its:0.06299045237889703	In:0.062488786297447876	of:0.060878016806872735	and:0.04417475261577395	:0.13035818372856453
the:0.10254899323962945	and:0.08672066584549279	be:0.06718293253430607	was:0.066714350510063	of:0.062142448154758216	to:0.0470377945272685	is:0.04045405956202174	been:0.03329532229695042	a:0.029155698848644288	:0.46474773448086554
<s>:0.0526021897850951	it.:0.02214018541087379	them.:0.01621062544092852	him.:0.011523281363476353	time.:0.010580646904590704	.:0.010265011408846359	years.:0.009243124673625971	day.:0.008948808316347076	year.:0.008500199851867224	:0.8499859268443489
for:0.6427987937004541	For:0.09789857605008817	of:0.06956185434724689	and:0.046124266522143985	in:0.031215465268338377	the:0.027012545610519696	about:0.022962610878174243	past:0.018987900080372783	to:0.017889364592554906	:0.025548622950106833
of:0.16821650496678953	as:0.1615896251760367	in:0.09386209863854171	to:0.08563252727818921	for:0.06808556905732124	and:0.060904271301222376	with:0.057326509473710756	is:0.05681924303499073	that:0.055379026475798274	:0.19218462459739946
J:0.08806460412851788	.:0.07364411204759189	of:0.04574695589024171	and:0.0437758231816049	the:0.03732991870127622	W:0.03423714813249974	to:0.032606138665023106	J.:0.028824041906130624	A:0.022236689949105975	:0.5935345673980079
the:0.27485232472531645	of:0.1364992752016577	and:0.09769397114779571	The:0.04942223445074078	per:0.03420413907003489	a:0.028963458110597095	by:0.02631313909911402	with:0.02062648665150844	that:0.020255025992210702	:0.31116994555102423
and:0.08637215713423592	o'clock:0.03801932243921749	made:0.034464444662256344	recorded:0.03228485359424153	was:0.030584108418465084	up:0.029466264451057943	that:0.025621383359871814	it:0.02540368702018225	is:0.022348050649295	:0.6754357282711766
necessaries:0.08494426106568717	out:0.054804714352834634	amount:0.04083267774055558	number:0.04054802652421611	state:0.039067406871517094	cost:0.028537557036209214	point:0.025027989004800074	kind:0.02488185567012219	system:0.023576278674934212	:0.6377792330591238
the:0.3015237995551482	Wall:0.05254771637148376	Main:0.034492376597324695	of:0.021108588521306263	at:0.016023191372399336	Third:0.015611911165619996	Grand:0.015154446935370913	tho:0.01454316919880274	Fifth:0.014005021784555996	:0.5149897784979881
have:0.08588312104654887	had:0.07817691086028196	and:0.06692810025098839	is:0.0637912185010526	able:0.0619917300654905	him:0.055716530926392144	not:0.05395171368012839	enough:0.049074290038127015	time:0.04606360900777276	:0.4384227756232174
arrived:0.09514596042206205	and:0.09254792829624409	brought:0.09235145404749019	was:0.0889674399731686	came:0.06350995723422104	is:0.04986569336227699	are:0.04699668664019709	come:0.04041880756696937	held:0.033523399386021835	:0.39667267307134874
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
the:0.1706390055685334	a:0.11310529049125398	of:0.10679133266569789	and:0.053422960861743585	in:0.047373287191571356	to:0.04396238502578754	for:0.02624222252067116	his:0.017887116745013358	on:0.017327584241143074	:0.4032488146885847
a:0.2633909621124654	young:0.12402831739353293	the:0.10494736657430695	old:0.03657569256375874	to:0.033875309841260984	and:0.025919551721466955	of:0.022224511604463284	every:0.01897180073616993	A:0.016355440194764752	:0.3537110472578101
the:0.6744886996090699	a:0.06579543244872069	of:0.06173701342842767	The:0.04350442705478897	and:0.030969327579560054	tho:0.029294998877610137	to:0.02615562099294228	their:0.024585907628194643	our:0.021147437440579786	:0.022321134940105868
the:0.2741668207189769	a:0.13062764151577522	of:0.09082284776511991	and:0.059845327507962405	in:0.05856757439817538	an:0.03532640153465939	to:0.021252555368340184	tho:0.01916400532619824	The:0.017540066206986924	:0.29268675965780544
he:0.19136932917162405	I:0.17251833277566683	that:0.07568852296549976	they:0.0730174790499319	it:0.0678593564313697	and:0.05551646839699527	you:0.05390875249729729	we:0.048015836413240316	who:0.039576803707491864	:0.222529118590883
of:0.3550642283424712	on:0.12377008693666675	to:0.09485727183364048	and:0.07610658301633376	in:0.06000894389136751	by:0.05805528115154037	that:0.05488479902624198	from:0.03513488798896107	with:0.03437162804958375	:0.10774628976319316
of:0.07858503074155922	and:0.07803557080696075	to:0.07747135227581889	the:0.07243262796459926	in:0.06417305785045004	a:0.03357472856752043	was:0.030037390036403565	is:0.03001547729734283	for:0.026142527772413028	:0.509532236686932
of:0.14716020530824606	in:0.11650372164499637	to:0.1077142302761535	for:0.08398295709880202	and:0.08089158884198178	with:0.0745600484414902	is:0.06324804643796648	as:0.058613938465043834	by:0.056369209264368836	:0.21095605422095093
hundred:0.06809341191485692	men:0.022847600919038327	land:0.018630226685256827	gold:0.01674219642076717	power:0.014715376843780749	one:0.012843329655345527	States:0.012093824752895664	life:0.011857274734631395	Baltimore:0.01091177177346819	:0.8112649862999592
to:0.34378129718365846	will:0.15287135864951518	would:0.08615903395787451	may:0.07844929048361882	should:0.05682249178971402	shall:0.05432412913287461	not:0.05091775331157668	must:0.03610577244404393	can:0.03580596083245932	:0.10476291221466445
a:0.17606662785854466	would:0.08435789319567183	was:0.05937091358100697	much:0.05880843843638692	and:0.04921302421024921	the:0.04722943039683354	looked:0.037596451955136716	not:0.035302101417504006	something:0.03526795902071387	:0.4167871599279523
and:0.11727355879576236	do:0.06783281625661106	was:0.0568188353745367	amended:0.05536815944027631	as:0.04964746088508258	is:0.046231569875030916	be:0.04533510406631075	not:0.044836618964634166	are:0.04091989112607434	:0.47573598521568083
the:0.2127797365208638	of:0.08302074642967078	and:0.07380683214123993	a:0.06568303652727647	in:0.027923783153467472	to:0.02344842585727404	for:0.020987680758112734	or:0.0200710438986922	that:0.01912950736957076	:0.4531492073438318
the:0.17259713434005025	of:0.10293073232041454	a:0.0849706858676569	and:0.05313687900229971	or:0.042232827593931904	to:0.0405057052805797	in:0.03422281356011614	any:0.024320751750585658	be:0.019453024573303165	:0.42562944571106204
of:0.2843256237153622	and:0.10348568517818409	the:0.08619588799072384	to:0.08454572548709395	in:0.04718633543200085	an:0.03773150633108895	by:0.034082632872818264	are:0.02457081566508029	with:0.023523924014884384	:0.27435186331276323
the:0.1287053056813113	and:0.09508927028557602	to:0.07119949655636888	of:0.06102613577256228	so:0.03421728976199958	is:0.030015551339827497	be:0.023127371175015583	he:0.020689572386688632	was:0.018665179604157495	:0.5172648274364927
to:0.20096723273614522	have:0.14069656828704383	had:0.12743696864130252	has:0.10760339325628542	will:0.10663394566656605	not:0.07630124569847158	would:0.07059550405852515	they:0.042795239783806435	may:0.03772745071194427	:0.08924245115990954
within:0.5826411232540136	or:0.055712012877682515	and:0.05154926318018251	of:0.05039491391256592	about:0.05031514630006052	than:0.04657105894415805	least:0.039844971811619695	in:0.03861355631992572	for:0.03816503068433633	:0.0461929227154551
be:0.1322756520666093	he:0.1247986546285418	was:0.09121465223440872	had:0.09054460994153288	and:0.08903687619918244	I:0.0837528889500422	have:0.0653858826326537	has:0.05779986181667537	He:0.03786446230889214	:0.22732645922146147
and:0.11582081944112449	was:0.04225261395959518	held:0.03592895762799326	Beginning:0.02926079870317736	is:0.027806631077598554	look:0.026545353863800903	arrived:0.026240397869270526	that:0.0255265603479058	interest:0.024134996272950678	:0.6464828708365833
the:0.1369238704198494	of:0.06813887158153475	and:0.060545333114517534	a:0.045498376096712846	to:0.04056035138643124	is:0.02312314219918294	at:0.022366338577920686	in:0.02044163736196272	be:0.020361116963932807	:0.5620409622979551
that:0.19529459725552145	and:0.1893205846914157	but:0.10676670620972793	as:0.07688705093448475	which:0.058663178485630074	if:0.03975885240158478	when:0.03805535861827694	where:0.02774861381497361	But:0.025105247517370508	:0.24239981007101427
to:0.3382904999639833	of:0.12602057506953054	the:0.09855044123840005	by:0.05548833086351777	a:0.05513285975729315	in:0.046417144143891566	and:0.04238325888962814	from:0.017684238556851507	The:0.017339754728516593	:0.20269289678838734
is:0.19058283009560076	be:0.14219468387587725	are:0.12445761938575856	was:0.10388222469898364	very:0.09359237992161264	so:0.08921141937390374	as:0.06539582336942266	not:0.0629934100700972	more:0.054235385265884416	:0.07345422394285912
more:0.2510219021792896	less:0.05956959799842429	better:0.059473107944185734	other:0.05224175407183329	rather:0.04616122820316988	greater:0.01919984373958104	and:0.01758295466862542	worse:0.014915190415974059	higher:0.014254901700752118	:0.4655795190781646
of:0.1036357152053107	and:0.08447578988503017	Mrs.:0.07746261662945153	by:0.07229121524827574	said:0.028343139084276537	.:0.026124887986181813	Mr.:0.020768556544017512	Dr.:0.019779749769453323	<s>:0.018673109036647508	:0.5484452206113551
of:0.2382384196706207	in:0.14434553670944456	by:0.08819600505742695	for:0.08567517324338167	as:0.07190113283389234	and:0.07030467813811184	with:0.06958111067287738	to:0.059014747543826	that:0.04710573377535365	:0.12563746235506493
of:0.2961876224118631	in:0.15430846213044144	to:0.12925985724582292	for:0.0821585904612295	by:0.06142089081682946	and:0.06057159372331295	that:0.0522273662577083	with:0.05141416274305387	from:0.04306554657454913	:0.06938590763518934
one:0.016368888842335127	more:0.015000372690832826	on:0.011189338260333165	day:0.01075934247865153	two:0.010752403191876184	person:0.00789861567222125	in:0.007751399993273645	man:0.007556023970783172	law:0.006531081514130428	:0.9061925333855627
to:0.26333623750284973	will:0.2457843064930594	would:0.12327736677964857	may:0.08632552229500051	not:0.07305842639489388	should:0.0629870140811855	shall:0.06089623978559659	must:0.029845119106502362	can:0.02609487690720834	:0.028394890654055118
of:0.2334906269087792	in:0.17258803885655258	to:0.10319782243108348	and:0.09380316138643753	at:0.058541728943997444	In:0.05599804675048192	on:0.053911104942448	that:0.05364505313902541	from:0.05291200068671414	:0.12191241595448028
of:0.2740142330718184	to:0.10923678693438453	and:0.10792699361534755	in:0.09775115818622389	on:0.06410763578434332	by:0.06351728558758876	with:0.06195985807905874	that:0.050582629841164246	for:0.047794269395244164	:0.12310914950482643
of:0.16895698082148114	such:0.11844465799724253	with:0.1049521180605688	to:0.0946706773677565	in:0.09276066062330242	as:0.07997987879974156	for:0.06474306255453631	and:0.06382389099290418	is:0.053208455625876505	:0.15845961715659007
the:0.24243300692402164	and:0.08684878320095073	a:0.07122310754803915	of:0.06902168315598356	to:0.03149407355825333	in:0.028922887551702862	The:0.018270519224500063	his:0.018188031683713874	tho:0.01621907469267766	:0.4173788324601571
not:0.41337938864121754	can:0.11832642228643003	could:0.10616562675902105	would:0.06790412507083032	will:0.06007512996473088	the:0.0543825625559499	and:0.03483964297100806	that:0.02877347478335054	is:0.025128595098756465	:0.0910250318687052
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
<s>:0.15948243848266772	it.:0.01701509735098273	them.:0.015488871220701588	time.:0.010495243999917948	country.:0.009210060894571397	year.:0.008740191372698611	.:0.008380974763140066	day.:0.007998866947140455	work.:0.007728130919226989	:0.7554601240489525
for:0.20622136208161845	of:0.10854151188350487	in:0.10165455352854721	as:0.09515275929412498	to:0.09036221028354835	was:0.06551353947379412	and:0.06427535988839785	is:0.05110526082990502	at:0.048039788077931474	:0.16913365465862767
one:0.10292350209653997	part:0.054296235218466014	out:0.03778817979727874	sum:0.03720286180419832	all:0.03668810408450853	amount:0.035585548398705105	sale:0.029791980567657157	end:0.02750613498450879	number:0.026917568831626333	:0.611299884216511
and:0.14296279334308162	which:0.12365353578943176	he:0.10726691608211335	who:0.06718694603557329	it:0.04177244073202506	time:0.04157726899965947	I:0.038058725839422165	He:0.037122345843244295	It:0.035795909527381584	:0.3646031178080674
and:0.1560696130630544	of:0.14836608064035564	not:0.04048634784704732	to:0.03288101636035008	in:0.03067204444209689	after:0.024558552737583405	with:0.023755342281552086	by:0.023638979553149805	are:0.021777770687040246	:0.49779425238777014
the:0.32534542226822455	to:0.1061041051051743	a:0.07128851124540998	one:0.06272758259339231	and:0.05156243449366711	an:0.049909891050214185	this:0.04970965510941761	that:0.03559984435348251	will:0.031594061240398534	:0.2161584925406189
to:0.34378129718365846	will:0.15287135864951518	would:0.08615903395787451	may:0.07844929048361882	should:0.05682249178971402	shall:0.05432412913287461	not:0.05091775331157668	must:0.03610577244404393	can:0.03580596083245932	:0.10476291221466445
of:0.13371095863694998	the:0.10186323435319235	Mr.:0.07994187687147021	and:0.06034023562905588	in:0.056462688954639406	that:0.0430827619764323	The:0.0326692079802617	which:0.02673675921715785	Mrs.:0.02329825115809766	:0.4418940252227427
of:0.1971419945233357	any:0.12473496680385855	and:0.09517354449643235	in:0.09297361254296836	no:0.09246348822889211	the:0.09154223070092264	that:0.06354817211284124	only:0.04721731388905227	some:0.045160169856422364	:0.15004450684527443
the:0.4211745304976633	The:0.08479762535586378	a:0.07701881842067593	and:0.06527839694533433	two:0.03720902531855199	of:0.036233022633151916	no:0.028091534302645705	his:0.025053616764359903	many:0.022733958563469436	:0.2024094711982837
and:0.05407763186555885	<s>:0.0159725165942179	it:0.014992354532029364	that:0.013902955649704495	of:0.011521839140573024	now:0.011457011275953987	which:0.011150471212510534	Mr.:0.010808999523085706	but:0.009027511717407054	:0.8470887084889591
and:0.21534288110756078	of:0.11392906694438908	to:0.09333723331717846	in:0.08341405881158778	nearly:0.06582699823770821	that:0.05782555456836763	with:0.047125939538029266	are:0.03556300705430111	was:0.03176639613620877	:0.25586886428466893
foreclosed:0.09634386882946343	accompanied:0.06914744523154118	made:0.062220870833543704	and:0.059623448501614024	followed:0.05567422914917625	surrounded:0.03148136347170944	up:0.026111816226809845	caused:0.02316153437489157	secured:0.022889564253045367	:0.5533458591282052
and:0.17589478131840308	was:0.1593114963229908	is:0.07055092693087467	are:0.06445755964445697	of:0.05995904845710373	were:0.052983296732407995	been:0.04252821109601963	to:0.04041135105954162	while:0.028763276292305972	:0.3051400521458955
be:0.24078117603380564	was:0.16524896125814909	and:0.11119776628016816	is:0.08232397622740607	been:0.07807355832049745	have:0.048728469271970436	had:0.04658197785686813	has:0.04583307627863969	were:0.041816208566717285	:0.13941482990577805
p.:0.06621079160117566	a.:0.045360296283166936	it:0.03423197773500222	had:0.03274808424060645	was:0.028815723512267778	p:0.028180780500033198	and:0.023099067285102474	there:0.0226234637807629	of:0.019868835251881562	:0.6988609798100008
the:0.25230627846090165	of:0.17825376376811455	by:0.039334115743993515	in:0.03897272765545851	and:0.03736031448058719	to:0.03500721527832024	a:0.025560319283594753	that:0.022460963314166346	The:0.020701610174736162	:0.3500426918401271
of:0.18329873309831632	and:0.18058626842325137	that:0.08006245278940965	to:0.07056249923888623	with:0.06807701417793749	in:0.05801641533519993	by:0.0536849970624766	on:0.03534129925054937	from:0.030362608933113773	:0.24000771169085927
as:0.407792467614102	if:0.16536030593529577	is:0.12168143724501668	was:0.10502010552456559	and:0.07202031607461197	that:0.021839400410413098	If:0.021659593868813706	but:0.018426132960183823	be:0.01739577286080242	:0.048804467506194965
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
it:0.2044094860596539	It:0.14826876713473755	they:0.09859620574688369	he:0.09108759040872617	we:0.057856970243910774	which:0.0531991974703112	that:0.04738608503454462	who:0.041320743727857843	as:0.031752087744568745	:0.22612286642880547
of:0.3863529063215007	in:0.14933293799577727	for:0.09536917154260065	to:0.09196990336882882	and:0.05352369740157086	that:0.04261028179190723	on:0.03688803739216617	from:0.03682108760093143	at:0.031003104213313672	:0.07612887237140316
of:0.17882006954460544	to:0.15038891164327658	and:0.11636873671921844	in:0.09446034601859432	is:0.06649831941235698	was:0.06436379329629038	for:0.06131904094290231	with:0.06100833166382208	that:0.05657362780437055	:0.15019882295456288
he:0.25910006437218913	I:0.1175715940333716	she:0.0827317338943986	who:0.07327989866966572	He:0.060891395856287445	which:0.059003941621954055	they:0.053743295373390565	that:0.04278136797131212	and:0.03635735580636001	:0.21453935240107078
have:0.32887155133720375	has:0.24895905763348003	had:0.22590914112393295	not:0.03306029363479426	having:0.031227273372102876	bad:0.015119581515317919	ever:0.01396193234990098	never:0.013874593128404347	havo:0.010591857273078738	:0.07842471863178416
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.23184321109782693	the:0.11772163270434309	to:0.11109023390225281	a:0.06701726125167032	in:0.06538519406520661	and:0.063816541870448	at:0.05975306112913152	by:0.03466703752336291	from:0.03027031856162047	:0.21843550789413732
was:0.17293356346658448	is:0.15389471870711136	are:0.09607038421689207	and:0.08628990944224427	had:0.08178241234330375	do:0.0725150978431166	were:0.055807790087958914	did:0.0552008717192666	have:0.05066571034953144	:0.17483954182399053
to:0.41141094128054534	a:0.14552922280000416	will:0.08768833133346449	the:0.07769822227093469	not:0.0459906860852734	would:0.04133835965223281	and:0.03085950505641395	shall:0.02474816895741142	his:0.024365244515399623	:0.11037131804832014
<s>:0.0572992253203544	it.:0.029684758880105203	of:0.022208778542302993	them.:0.018387715831345786	him.:0.013979952292984219	day.:0.011263630806287263	as:0.011175624698414731	time.:0.010659743658880293	that:0.0100727833642807	:0.8152677866050444
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.2114735360361704	in:0.17922822669680485	to:0.12485719588379915	with:0.06904351606674422	from:0.057370532087307566	by:0.04969194137524102	for:0.04590963219050963	upon:0.03602983539065349	on:0.035511411909455136	:0.19088417236331454
the:0.14160143429105918	of:0.10772794069262466	and:0.04622791745346806	The:0.04468459444150224	Mr.:0.04437398717949427	that:0.04282841592100794	in:0.040608763603819556	Mrs.:0.02570127574675181	which:0.024259625863839614	:0.48198604480643265
to:0.7315153336145365	will:0.06250277111635887	would:0.04473265012477091	and:0.027265521270318296	not:0.02327523800554134	shall:0.022966774376342067	the:0.019551546514190683	his:0.019400296385092296	should:0.018107121532755278	:0.030682747060093798
and:0.19320250413079057	the:0.16991480930921996	of:0.11328806461526748	a:0.07925486954657923	by:0.0646714984964208	with:0.0438987586586425	for:0.040704881285642196	to:0.040008058421834886	or:0.033625595256848065	:0.2214309602787543
<s>:0.0537158239965709	and:0.023492183745794547	.:0.016708709426970027	was:0.01618448571777757	succeeded:0.010366396312509026	home:0.009078625451117744	came:0.008947359264641009	him:0.007674246997898115	men:0.007504599456366023	:0.846327569630355
the:0.36095608377686367	and:0.11301782403273804	of:0.09143878420148993	to:0.05487380913859114	The:0.037763808032998454	or:0.03483202684063396	tho:0.03445562859256584	for:0.02822001799418835	their:0.026837564883654214	:0.21760445250627639
the:0.17220996689556864	of:0.09775575666404593	and:0.08521155455820287	in:0.04123017953882378	for:0.039479448249532006	to:0.03710434304928312	a:0.02966027251955829	their:0.02362650561897249	be:0.023045933133211856	:0.450676039772801
it:0.15346950243914737	It:0.11041509661201071	they:0.08813029199428145	as:0.07012768611995396	which:0.0690624664483902	that:0.06477508768680733	he:0.06374842273942427	and:0.0559556143798807	we:0.052584865254628216	:0.27173096632547583
the:0.14160099908626692	Mr.:0.12517726810457708	of:0.07130459945860194	and:0.06470422074012147	a:0.05041964470490993	was:0.03403115271138712	to:0.030597016924679327	The:0.027424156642017944	be:0.021879272558987424	:0.4328616690684508
to:0.4875315026850248	will:0.16074484593615193	would:0.058330794490530795	shall:0.05826127297479376	and:0.05717735201911049	not:0.05185308279688933	should:0.03417018412387185	must:0.02202658128133262	may:0.018227430538099526	:0.05167695315419485
of:0.16968736380470104	the:0.13103524482060946	and:0.0659367080297915	a:0.04351610371772314	to:0.04288813363142404	in:0.02146516283404681	by:0.017996615331195474	on:0.013591918702656563	are:0.013206034866225017	:0.48067671426162695
of:0.33091119303423683	to:0.14517518738153334	in:0.08289849877022645	by:0.07803797537944664	and:0.06630830797636486	that:0.05874058151271277	with:0.04844080020115159	as:0.04305428095977532	for:0.03910578558507619	:0.10732738919947601
and:0.18784659304686488	the:0.06500981124021876	to:0.05688308162509333	that:0.05527655871979602	a:0.04768004481135258	of:0.04537896370145759	or:0.04509803433062092	as:0.036007913916144524	was:0.022408744883753162	:0.4384102537246982
protest:0.09213721161722925	and:0.059085518278957645	up:0.03899619508924092	made:0.038194138081999875	voted:0.03463083273212171	claims:0.03305647796696318	vote:0.030795176454426507	guard:0.03054644504584456	fight:0.030335045152437037	:0.6122229595807793
and:0.10060653638522271	made:0.050776517105117464	accompanied:0.03935358209830159	that:0.038545076404159266	occupied:0.031465960092749184	owned:0.02996280558247361	side:0.0296835326896528	followed:0.025961025805132452	secured:0.025055933867565952	:0.628589029969625
be:0.14102424437928243	have:0.13807052558815733	has:0.12238487175106698	and:0.11457218914023407	he:0.09227448520507944	had:0.0754208350725637	was:0.04988448791899557	I:0.04961067495760281	who:0.0443103794587143	:0.17244730652830337
and:0.073219411047515	is:0.07294519107759538	able:0.06492020282089156	order:0.061299173885702045	have:0.05960488476469487	enough:0.054640937049275404	had:0.04980998936811568	necessary:0.04725534549321276	as:0.04676546473982977	:0.4695393997531675
you:0.1673404561047325	they:0.15401353389454725	we:0.1484573157421019	I:0.12566576409307786	he:0.08620355026647246	and:0.06038014544191185	who:0.06007775103327101	We:0.03316428697933928	You:0.032351820908519686	:0.13234537553602624
that:0.2886107534822458	and:0.2543323021903998	if:0.0597271301193772	as:0.05746653072830891	is:0.05097028279265153	but:0.049040616275814755	If:0.03358775800767791	was:0.02924117125767784	when:0.025661926476341596	:0.1513615286695046
to:0.4907703309372459	will:0.11434629602163955	we:0.08415823490523075	would:0.04768957277777071	I:0.04692909484863701	they:0.0410904593088041	could:0.03566128415650783	may:0.03460437691397393	you:0.03303380567906857	:0.0717165444511216
<s>:0.08295575905398449	it.:0.018337664920556655	them.:0.013390219268228323	day.:0.008712301559780049	.:0.006774814395728498	country.:0.006481518784170125	year.:0.006140922528734843	time.:0.005509619141827125	vinegar.:0.0054596755183784025	:0.8462375048286115
of:0.4208892286324508	in:0.0925032599034873	and:0.050044838888953884	to:0.04301766369873751	the:0.03954087514376256	or:0.032535112902439565	for:0.032482894633704795	at:0.028146705172529457	about:0.024352336427660815	:0.23648708459627327
it:0.11347727835580726	and:0.09254465393419296	he:0.08946611201896967	they:0.07684476519513142	which:0.06631593640040682	It:0.05036628708774879	I:0.04794157032603539	who:0.04410829295304152	that:0.043164193751218126	:0.37577090997744805
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
this:0.2116643464690899	the:0.20588511554036032	a:0.16747075062553282	last:0.16072781753024548	next:0.05709276156722957	Last:0.0419777392183439	one:0.03619883719446177	past:0.023453607162022556	each:0.016594547358154518	:0.07893447733455917
together:0.19069821673723322	and:0.09455704873224675	connection:0.031648845470192664	connected:0.028243483972350526	it:0.02472106983692007	do:0.022207790646364686	Together:0.021960833093925183	him:0.019824849112808747	them:0.01771672846073715	:0.548421133937221
the:0.5852856409752489	this:0.1939699013098373	a:0.046280627603534574	tho:0.021828561624321507	The:0.02128843136168823	said:0.020394059807924938	other:0.019710868964446522	his:0.011656537259504874	our:0.011628864755204617	:0.0679565063382885
;:0.029061144993926435	it,:0.02070973329715201	them,:0.012405376909913618	him,:0.010368224398011185	in:0.008788771398788718	time,:0.00812818481080709	him:0.007812333873097617	country,:0.00724525915849591	years,:0.006623675703907612	:0.8888572954558998
he:0.16685678506097892	who:0.11237631893841542	have:0.10137576556905407	I:0.09469380360417547	and:0.08759310612043784	they:0.0701712835088206	has:0.051013574183855076	which:0.050726421577478635	we:0.04211594827381178	:0.22307699316297222
or:0.6549997301188926	the:0.08054951020740038	and:0.05367602491286469	a:0.04941500965091758	of:0.017906863440884106	this:0.010063106881593672	as:0.009675515348615554	in:0.009417919840666214	that:0.008721473131655257	:0.10557484646650994
that:0.14323870209926867	and:0.12296648717018968	but:0.06694239196372298	which:0.05055502323871227	if:0.047480367930284754	as:0.04690486076663031	when:0.04357373761791411	what:0.03654321533692733	If:0.030927795848589516	:0.4108674180277604
the:0.11208673649433883	of:0.0811832204272049	to:0.052268557597038544	and:0.05007599138342977	.:0.044866152831554804	Mr.:0.04179640530354394	a:0.03682064340740841	in:0.029406728614136193	at:0.02035981048435502	:0.5311357534569896
day:0.05352928089240339	quarter:0.04676301591462746	corner:0.030180716468653675	.:0.02492657237835106	part:0.02258190277853835	line:0.019320957577982148	side:0.018886287388587483	years:0.01756170089013927	out:0.015206540314558158	:0.751043025396159
the:0.27282588484732934	of:0.13438117222894588	a:0.07922603355006119	and:0.04911742496601484	Block:0.03917427298801351	to:0.03100787607046827	at:0.024729126880816882	in:0.024462289606387567	on:0.01865468573984355	:0.32642123312211896
to:0.6131130381436152	and:0.07827541358750557	of:0.06418382459033085	will:0.03936194262821391	a:0.037246251374868276	under:0.03278402597776456	not:0.03131300046264681	with:0.025104808656820254	the:0.02438768371820035	:0.05423001086003425
the:0.14651767028650897	and:0.10280181339946678	of:0.07164139889404732	to:0.06710968865667367	in:0.043620235518656805	was:0.04085328919635116	a:0.03773596883616436	be:0.034467327867332885	is:0.024743356400790086	:0.43050925094400794
in:0.1503537230983529	and:0.12090968327368529	for:0.1068328216536227	of:0.10193197520235167	was:0.10133599613140262	is:0.08799717988723171	to:0.06742160919547473	with:0.0551782619440437	In:0.0482157528039993	:0.1598229968098354
State:0.09860069549593535	state:0.06351524617666271	city:0.042937046132116706	county:0.03495354490678704	out:0.028314409082954108	part:0.025001752748806103	line:0.02033416830550096	Secretary:0.020128412286997664	side:0.018967319630459153	:0.6472474052337802
the:0.2703539501701572	a:0.09441637857469634	of:0.09315090614256562	and:0.0815043257804747	to:0.06111930830504973	in:0.03624143857927029	The:0.024217187481250197	or:0.022168693783241718	tho:0.018023756275540377	:0.29880405490775386
the:0.2516020461412235	this:0.1077303324332254	This:0.09674467195478599	no:0.09192932864192847	said:0.08421434490403053	The:0.07043299491840542	of:0.05890636473528458	such:0.05495093001250677	that:0.0544704029270564	:0.12901858333155294
of:0.2053228447545132	in:0.17801850027139898	to:0.12731091692807298	with:0.08365745938973744	by:0.07690746421857719	for:0.060944826222531424	was:0.051468404236944786	is:0.04986002053919361	In:0.043621434706256804	:0.12288812873277358
<s>:0.040892724126788106	it.:0.03290029315956717	them.:0.01933903716971347	him.:0.011514413357588129	time.:0.0075783865797774885	again.:0.00755370311773398	life.:0.006820206564248981	us.:0.0068167702216726245	her.:0.0066761266543082995	:0.8599083390486018
one:0.21902963294136704	some:0.10598079560091174	many:0.06107545962153149	all:0.0585813772730768	One:0.046623888102938334	Some:0.04347888579720777	any:0.03739644513429387	part:0.03504413325115569	out:0.03392430786956072	:0.35886507440795656
of:0.17879058129644262	the:0.06583614525718579	to:0.0540973184716951	and:0.04848573852670302	by:0.04252848894444373	<s>:0.029254044097010833	at:0.02588831696912389	in:0.021847289596853236	for:0.021296497940441184	:0.5119755789001006
not:0.1791173722684284	is:0.15706033505568598	was:0.15245614598318755	and:0.09620254666206622	are:0.08514078387616451	be:0.06901810094740049	were:0.05351004596252262	but:0.03213726603064763	Is:0.025836470812264742	:0.1495209324016319
and:0.11855345980160215	that:0.04834655291398339	made:0.0378194600336547	is:0.03527537111848093	was:0.03499608325061649	placed:0.02838596072187782	as:0.025722738445492364	be:0.025414814918467716	or:0.02501953233801765	:0.6204660264578068
and:0.10322793662179043	to:0.06411743462916887	the:0.06370439157115686	of:0.05777485078316674	be:0.04435727029051845	was:0.042621239900059976	were:0.02240071196653359	is:0.02074143809602084	been:0.019546228072890706	:0.5615084980686935
has:0.3351037636576963	have:0.33295537559015004	had:0.2096557365677773	having:0.027695555469806548	not:0.026615928325184054	never:0.013334626923157098	bad:0.012278749694701104	always:0.01123451334710282	ever:0.010407476522314073	:0.02071827390211071
a:0.5916696284406684	most:0.12617344491856097	very:0.07895127864437664	and:0.057043832448563085	the:0.04889119035421862	his:0.021526373358679032	to:0.0197938712500654	more:0.016988874797536475	in:0.015760399638643775	:0.02320110614868766
of:0.3818687910305758	in:0.183113533070074	to:0.06676171640832591	for:0.06283999838306101	In:0.059997709754463134	by:0.05021472375668937	that:0.04177723611033873	with:0.037537578608226034	and:0.03374098733131647	:0.08214772554692955
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.3986969404465136	in:0.10329358866739421	to:0.09383306558901923	by:0.06422179700110847	and:0.06316195170358578	that:0.05002171051395041	on:0.04713504332903841	from:0.04337605880899614	for:0.0422847695722835	:0.09397507436811027
and:0.16741233781023396	sale:0.09255108104021721	therein:0.07301293458694659	which:0.05157083191678987	that:0.049683499775346605	he:0.043545285917968364	they:0.029491861582523867	as:0.028394487045501276	be:0.02759035092224271	:0.43674732940222954
it:0.12345565088231468	and:0.0822157701384954	which:0.0789593766926433	they:0.06335641787905306	It:0.059620698188060726	that:0.05624499118281095	he:0.05281279586564035	there:0.05088203657611052	you:0.047827160978564424	:0.3846251016163066
and:0.0936303803397752	it:0.05690043457515578	that:0.036947817511978	is:0.030725501803428725	which:0.03010503478253717	he:0.022502893491430753	but:0.020902956124772373	as:0.020586589143631515	It:0.019522337035057603	:0.6681760551922329
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.1287053056813113	and:0.09508927028557602	to:0.07119949655636888	of:0.06102613577256228	so:0.03421728976199958	is:0.030015551339827497	be:0.023127371175015583	he:0.020689572386688632	was:0.018665179604157495	:0.5172648274364927
the:0.2860015535667965	and:0.11651340342717943	a:0.07134900345851794	as:0.04257476871211292	The:0.036417221784942194	of:0.03597068474546521	to:0.03392437477645751	tho:0.02844794454048896	that:0.02457582381519769	:0.3242252211728416
the:0.13665333820531783	of:0.0952109316154195	to:0.09224651105363638	and:0.08457402367183081	in:0.0296061453641107	is:0.026992482209213572	be:0.026978482663672608	a:0.02547875491340945	was:0.0241186867488833	:0.45814064355450584
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
of:0.16338681191925664	the:0.12462902449681046	to:0.08817321254842563	and:0.08025758643791325	in:0.06201797326031866	a:0.03472099734933442	as:0.02224850077189712	that:0.02201701319507151	which:0.02192812327051353	:0.38062075675045876
he:0.3024028226681678	I:0.10224651222361905	who:0.08347246562193394	she:0.06849397035361254	and:0.06168155652831146	they:0.05055766778306723	He:0.05040806676901435	which:0.0369635337434253	that:0.03684802107076049	:0.20692538323808785
be:0.2129490925669728	and:0.12888206225466906	he:0.11207251024333437	I:0.08305946426284921	was:0.08209975674699825	have:0.07783491813181737	been:0.04998895270742997	ever:0.04954853153769862	had:0.04293384031645175	:0.1606308712317786
in:0.2760895992300548	of:0.2026192335049171	for:0.12376248091289599	to:0.09709148132385835	at:0.07572735520511391	In:0.06403087603547503	on:0.038143062407954675	from:0.035954824849906135	by:0.03491785513178924	:0.051663231398034755
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
to:0.2384823288690724	of:0.1911829961217226	with:0.11939233225665861	for:0.07642540510987728	upon:0.07481795995671589	by:0.04948782153550245	from:0.03972532984243544	on:0.03673040442127507	in:0.03160976514225081	:0.14214565674448945
the:0.40093195201192144	his:0.09560895244362032	of:0.0940869276687917	The:0.05559085045969354	their:0.05422591816218226	our:0.05418410718443558	her:0.051497855953385935	a:0.04478227992034888	and:0.042909077446227004	:0.10618207874939334
and:0.1778275560173667	the:0.08357098974200125	he:0.058173103404140176	as:0.05106217678376756	it:0.050099575552872026	It:0.0455649226486958	Colum-:0.036539748959735385	that:0.034669023268934264	or:0.02625247256754877	:0.4362404310549381
I:0.28277070076593575	not:0.16053554630462827	we:0.12619361631064563	you:0.082054906682434	they:0.08130672052893226	who:0.06512604013170137	We:0.05239793752708653	to:0.05188502591111845	would:0.03179015664128932	:0.0659393491962284
about:0.18673522954889893	of:0.1739916138069242	and:0.1230487530135968	than:0.092459757033588	to:0.08659943675838641	for:0.0641605313516084	at:0.0345878734405791	nearly:0.026381557855869778	over:0.026056989982402932	:0.18597825720814543
to:0.1441924502895956	of:0.08517550173191714	are:0.08283465853726542	and:0.07653792759616446	was:0.0751810713364813	a:0.07074688737937077	is:0.06896502823586514	the:0.06602108582509963	be:0.05109965017086098	:0.2792457388973795
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
and:0.22528101860022462	have:0.13576205171071132	be:0.13144629142555617	I:0.08679947172887176	had:0.07631799496909887	he:0.07595351425060456	been:0.05787616200079258	was:0.05647251290431639	has:0.05395511328257409	:0.10013586912724964
and:0.09468249737622518	depend:0.03875088893599322	based:0.03863406357657407	placed:0.0380392715961322	depends:0.03779424552216468	called:0.03705486424756454	down:0.03295251281941486	made:0.032658028953724605	effect:0.028685464570585545	:0.6207481624016211
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
and:0.07183289031255977	demand:0.025944685217575657	ready:0.021477506387310677	used:0.020653840313379437	time:0.018693235575541325	not:0.014344251169100857	vote:0.014321157386397571	it:0.014219992250690474	candidate:0.013420651590409303	:0.785091789797035
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.14602824762105668	is:0.13730597425177105	was:0.11089892612657096	with:0.09805769173850104	by:0.07969279090751111	for:0.07759282906474076	and:0.07283128379770361	to:0.06166014899466058	in:0.06034536001031713	:0.1555867474871671
seems:0.23228004843411307	seemed:0.07108131473950127	come:0.04363985912855742	came:0.042899928930141114	as:0.0392258925953448	up:0.03569010385148102	and:0.03283756454186183	it:0.031323606563782115	occurred:0.030321030988036665	:0.4407006502271807
the:0.16080612173204767	of:0.14971494833413096	in:0.07357755193500144	to:0.054695611885391245	and:0.05408276043140161	a:0.03855192659585417	as:0.02842818665392498	at:0.02697202502626493	be:0.025124431692798203	:0.38804643571318476
the:0.08575699314304598	of:0.0246842148956006	two:0.0243460436144123	a:0.023182356203460985	<s>:0.01826807971677889	and:0.013856798190274647	feet:0.013061857386814419	at:0.012750867775016286	his:0.01067957702682154	:0.7734132120477744
feet;:0.18704710578943892	running:0.09833626530871906	feet,:0.08542935929852295	;:0.04847838750947248	feet::0.04003915316196316	street,:0.028026874646954792	and:0.027250084479516188	point,:0.02448206272853192	2;:0.02296515784485394	:0.4379455492320266
the:0.23355454219492086	a:0.08192022577608535	of:0.05833044642363892	and:0.05380641579696921	Mr.:0.036394894255961575	.:0.02529568249307763	his:0.025093759047044757	an:0.022194403144761784	The:0.02046192672967336	:0.44294770413786655
of:0.17198603082418581	and:0.14809981825258633	to:0.07755345391387061	is:0.06596963026446678	with:0.06225005429807001	in:0.05566370515869081	for:0.048614962853835944	was:0.04771482978262967	that:0.04572235162392733	:0.2764251630277367
as:0.3286316761053816	the:0.1555836942571648	and:0.06106181370388678	so:0.05950852431308755	very:0.05020614550133276	how:0.045442345761867425	a:0.04044871321073256	if:0.03077552980770047	The:0.028663503335745903	:0.19967805400310012
of:0.27719937781469806	the:0.17231162932328192	to:0.13859069855556633	by:0.08951715966567819	in:0.07480497225464587	and:0.05613380841142987	with:0.037263775591034776	which:0.028524397106914883	on:0.02839923514424594	:0.09725494613250418
day:0.03156037544006172	vein:0.020061970611652175	one:0.017876621563988976	line:0.01597623551759264	side:0.015255766226122812	part:0.014753545390485843	in:0.013042396619094848	on:0.013034456926619323	land:0.012810012757004984	:0.8456286189473767
statute:0.2178702553998322	and:0.09230913868589358	that:0.03930311449245735	or:0.037115821972932075	as:0.030182620629376905	is:0.02632896711410034	it:0.02557299373610032	was:0.02345060337021054	be:0.023044230983195888	:0.4848222536159008
and:0.3044452981767874	that:0.08484639410361876	but:0.07450843064526357	time:0.03158261021597954	and,:0.021742117786014557	was:0.021083242926665212	But:0.018864144237737475	it:0.017368728784327284	ago,:0.017098872124484986	:0.40846016099912125
the:0.2003406496974778	of:0.1166674800741636	in:0.056660625677271426	and:0.04839203718393726	to:0.04516406602537658	a:0.03843154213961194	.:0.029346035646714896	at:0.02219891767540774	for:0.01749799986657788	:0.4253006460134609
the:0.6221587732744736	an:0.08534071437074908	The:0.08491591064295391	a:0.05540892105346796	tho:0.0354505765562577	no:0.01947235578656582	great:0.017484252560819633	tbe:0.0168535906164949	sole:0.014972877570378351	:0.047942027567839086
the:0.15534415439568727	of:0.1485596730751166	a:0.11308231366522459	and:0.05773203081196932	in:0.05110045023777023	to:0.04316713317277858	that:0.030173218096798547	for:0.023829438768828596	an:0.020893408159198393	:0.35611817961662784
the:0.10254899323962945	and:0.08672066584549279	be:0.06718293253430607	was:0.066714350510063	of:0.062142448154758216	to:0.0470377945272685	is:0.04045405956202174	been:0.03329532229695042	a:0.029155698848644288	:0.46474773448086554
the:0.2581072257501084	of:0.22163437594102128	a:0.10623534771661526	for:0.05280521177663006	and:0.04816599026749814	such:0.043087175629206304	in:0.036686716043267446	all:0.029662542878215216	other:0.02867067596405872	:0.17494473803337915
of:0.24648544541281883	with:0.11409420766507984	and:0.07957634626868086	to:0.07946092206213315	in:0.06158238411322339	on:0.04661388908240211	for:0.02949684105459216	by:0.02538103279136564	is:0.023277745289705835	:0.2940311862599982
the:0.20051323864213347	of:0.1121580187173921	to:0.0794610807632604	and:0.07830144778943067	a:0.05649848262681797	in:0.03454089741191692	be:0.030242460953634313	is:0.024885437758660686	for:0.024600508670062263	:0.3587984266666912
it:0.1425484532101972	I:0.1213354070215672	he:0.11001646519610883	It:0.08910193822766081	we:0.08810080705787648	they:0.08502350221614376	We:0.035535001300793526	and:0.03455875249364024	you:0.02830612684330736	:0.2654735464327046
of:0.2798295275787339	in:0.21606877877110037	to:0.10596869856212753	at:0.10338608494537074	on:0.08650117757376319	In:0.047857839802962876	from:0.037537600995755684	by:0.02882390043977505	with:0.023970934476369117	:0.0700554568540415
the:0.21141969442613287	a:0.09580828163454723	of:0.08079260247554694	and:0.05993258001567138	to:0.028789095059050186	The:0.028705325600302246	at:0.021665447739380693	in:0.019670869453959672	Mr.:0.01926544528429004	:0.43395065831111873
of:0.19289291092538233	to:0.11953352780883313	in:0.1094633685125112	and:0.08953576472441668	the:0.0709195057977011	a:0.04456719405077338	with:0.033748560514634394	In:0.032762487187592955	for:0.027357027554129762	:0.27921965292402506
the:0.33242690522978335	and:0.14555052737860366	of:0.09000720577623424	for:0.06803553284702495	a:0.06407667794257225	in:0.060556556901180586	to:0.04432554130060812	or:0.03235936922329474	was:0.03157187126050431	:0.13108981214019377
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
the:0.21558648362509528	and:0.09143068337757602	of:0.08405129231287331	a:0.04928596005324273	be:0.04096736111661779	was:0.03822883876238244	to:0.036378482348205295	in:0.033491549884584186	is:0.0310415017154776	:0.3795378468039453
is:0.38641772071772024	was:0.12100302233580885	and:0.10672369672508418	are:0.06664454472072641	be:0.05182362959841789	Is:0.05177218001086111	has:0.04932998550316418	not:0.04398100730215087	it:0.041851537194050006	:0.0804526758920163
and:0.11145635754781923	made:0.05835194769914394	or:0.039935741751360845	but:0.03052129274731946	it:0.028569050919341997	done:0.027563134377133383	shown:0.026552989052780307	him:0.024827643432636947	ed:0.02466223491968062	:0.6275596075527833
of:0.1965650474168834	and:0.12929369538056498	in:0.09296503314184086	with:0.07447641090151806	is:0.07151825162434429	to:0.06885438020154305	was:0.06838187294363658	as:0.054925017138610144	by:0.05042587148278916	:0.19259441976826946
of:0.22807435958580868	for:0.13645989370420947	in:0.11945994348508547	and:0.10290977648084437	to:0.10257854979136341	on:0.05987969798589257	that:0.05909075228063893	during:0.04638629841197456	In:0.04259115275765342	:0.1025695755165291
the:0.21981292457782856	of:0.0964569837419718	to:0.06900019553904409	at:0.0405470012781836	and:0.03873577854644757	by:0.028368797498112722	<s>:0.02307415692812145	in:0.020748652487771378	said:0.018731504947069176	:0.44452400445544965
of:0.2312361546751731	in:0.14839369711252062	on:0.09997592353267334	to:0.09301828721459436	at:0.06529467384158136	for:0.061330898227289925	and:0.05453997352998215	In:0.04379652435238026	by:0.0394257706083966	:0.16298809690540825
it:0.20717377337320184	It:0.16274759874878697	which:0.07174795583639282	that:0.06943360537394551	This:0.06311414951920091	he:0.044192931414825	there:0.04240482208907569	and:0.040654089476343545	this:0.028251585369493057	:0.27027948879873465
the:0.09400802354426764	and:0.05499592146224412	a:0.05385231939625951	it:0.03074684926113277	of:0.027913044654525036	to:0.021133496548499008	at:0.01921848677814193	that:0.01843113180481739	he:0.017599671954968137	:0.6621010545951445
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
he:0.19151308157308017	it:0.14876683507266505	and:0.07783941404311256	I:0.06681851508695462	It:0.06676909235374229	He:0.048335052906783256	which:0.04559605658177252	she:0.0451934513935275	who:0.03764277662776617	:0.27152572436059585
the:0.26100116489299124	a:0.2530586054133317	and:0.11369107013446712	of:0.060937257041306016	to:0.04698123339202329	for:0.03868630643260537	with:0.02976290763315588	The:0.02173116142643666	tho:0.021258294465004452	:0.15289199916867824
a:0.3149840136029335	by:0.1774910153243858	the:0.14655279278685296	of:0.0984799149557552	and:0.0491513121624348	are:0.046688816124038725	most:0.03744180475810815	some:0.03167753100494491	is:0.02986386516965645	:0.06766893411088956
to:0.2615122971766865	and:0.15561411192320337	will:0.12082158957472428	not:0.10170242582109078	we:0.06214025840154706	may:0.05503001590237401	would:0.04940250640293292	can:0.03700673566300084	you:0.036645310694536214	:0.120124748439904
and:0.11709500579409855	put:0.10643117699563356	as:0.08581826638299535	of:0.08457694032516448	to:0.0765575960540644	for:0.0656423325436213	that:0.060023322702557384	with:0.04342737654055691	make:0.03905893713352531	:0.3213690455277827
and:0.17585063722392302	fact:0.10400902578517979	said:0.06844377842999533	so:0.06232472237382234	believe:0.04519952307692614	is:0.039634011181226815	say:0.03675663629906361	know:0.036060715732595706	found:0.03095250753294034	:0.4007684423643269
the:0.15964931835506627	and:0.09414951357744526	of:0.08518760425466032	to:0.051947234025082105	The:0.024054105523643978	is:0.01986984776571248	that:0.01954112191942093	was:0.01770244392639782	a:0.017491666814935948	:0.5104071438376349
a:0.21430659904906912	so:0.17587767807679078	feet:0.12954739887111077	the:0.07462848311886827	very:0.06874990144730012	too:0.043184248056992613	inches:0.039385920117853045	as:0.03854235155854051	was:0.03692268112087623	:0.17885473858259854
and:0.1654339456309882	of:0.1467245752070933	in:0.08305152969727495	said:0.06490096006449718	to:0.03921578593903169	on:0.03372402502114325	fact:0.028490889426590563	for:0.027197405314167783	all:0.026346581570996015	:0.38491430212821703
is:0.20995142563213318	and:0.13706670477368252	was:0.1332257589378552	have:0.0686816167756605	had:0.06190395694706812	that:0.05138845752501512	do:0.04830435833677295	say:0.041519308656773175	Is:0.040783942090736665	:0.20717447032430253
a:0.2075341338287323	for:0.1649577212528451	the:0.15570171679379546	of:0.10451708170569773	and:0.06002454025160317	to:0.05043518201569192	at:0.049441597256311275	in:0.04256409316765163	very:0.03466562172223354	:0.13015831200543784
of:0.24150116001375144	in:0.22414067813851332	for:0.07334431760075982	are:0.0729234479468659	and:0.06863681283853877	In:0.06692776386238172	by:0.05875082044274196	the:0.04857534439493248	with:0.047728184832717194	:0.09747146992879738
would:0.17959540429010784	to:0.13519794944916977	who:0.09755427043109222	they:0.08092794866467283	I:0.07229973568327139	which:0.06237819314755754	must:0.053838397959161594	might:0.048424713189248424	shall:0.04348004295022552	:0.22630334423549286
of:0.1906809719518229	and:0.10311974196098907	for:0.07422443299316535	the:0.060650556735170204	to:0.046002566443742864	in:0.03380527312622044	at:0.03344198711821921	be:0.019516795422290917	two:0.018310915420377667	:0.42024675882800133
number:0.09782781864155249	bushels:0.09631845566641944	bushel*:0.064334547843082	lot:0.035171730600514296	amount:0.03316458667990473	rate:0.03297797124206836	one:0.031105902469363775	piece:0.029468205483961573	cost:0.028720911027230053	:0.5509098703459032
the:0.3928302284345021	a:0.09175710185449283	and:0.07121354696970199	The:0.03881720693010198	of:0.03125355764819848	tho:0.02813070668081109	or:0.01526820325849265	tbe:0.014525774733706672	in:0.01443956301185348	:0.3017641104781387
the:0.1563136561643304	of:0.06194710476521048	to:0.04538490140822179	and:0.04171530141279348	be:0.025646369449582793	in:0.02330875659219341	or:0.022718586839619595	at:0.022570957456166076	a:0.021444026140619136	:0.5789503397712629
the:0.4247952257721616	a:0.30329516954959573	of:0.059611364038729915	The:0.05261747225145274	with:0.03877117505254254	and:0.034667388272286735	his:0.024764252855531067	tho:0.02117646084186704	in:0.01906192293917377	:0.021239568426658834
those:0.1449812076022013	man:0.08392385492686948	one:0.08249256375988638	and:0.07858912222853011	men:0.05719635158331536	all:0.04058633702085859	people:0.02740452014013056	persons:0.01823423639547599	Those:0.017812274135940893	:0.44877953220679134
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.25078012869225424	of:0.16323371735152722	their:0.16293599997686903	his:0.05876439125167176	our:0.0509833500404121	good:0.036571188947124605	in:0.03431929655017035	and:0.03137892762669814	a:0.028648115782484385	:0.18238488378078815
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
be:0.3019902536402382	was:0.20384946480743488	been:0.1239347184775965	were:0.07270101731390859	is:0.06377223808371592	are:0.04673561122952612	being:0.04054988339602108	and:0.02750601668085006	have:0.02017405802110583	:0.09878673834960283
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
the:0.36040718000472194	at:0.2650286197893708	to:0.0925081912215813	was:0.04491902124395334	be:0.04264228833677772	and:0.03564988844852378	The:0.03559972290122831	not:0.03451636672499823	At:0.030539700818229727	:0.05818902051061489
containing:0.23078033320579905	of:0.18179436955258743	about:0.1309746710576833	and:0.08639160195701358	than:0.044967317908345766	west:0.02848634856992294	the:0.02812082870180538	or:0.027723332370722956	east:0.026569219432183447	:0.21419197724393615
of:0.3925491347534078	in:0.11880392371871545	to:0.1074303832191566	and:0.07872923249793824	by:0.05662460207449687	that:0.05358598787646456	with:0.0362741267897165	for:0.03427138427054226	all:0.03402687918619758	:0.08770434561336411
the:0.23100521643380242	of:0.0740613608550251	and:0.061167446723956104	that:0.04033940593958656	The:0.03676994801199908	a:0.029630463327468756	in:0.026636300448902746	or:0.023892449348076526	to:0.020945995451608874	:0.45555141345957384
to:0.6524499984874832	and:0.07401410081034746	will:0.06625296092327931	not:0.03198740934598174	can:0.031131988919157007	could:0.02973139245593017	would:0.02860498169452701	I:0.023920081123365165	may:0.019841769485531777	:0.04206531675439715
so:0.2714441420247712	as:0.14372870268798565	too:0.13219599666950851	very:0.10740459199867296	a:0.06927369553551777	how:0.053392872267562376	of:0.041000335129973864	is:0.04093776752149477	not:0.03321100307756874	:0.10741089308694417
and:0.035227689716490034	it:0.023219675545395113	was:0.01722073463768155	all:0.01597692269967226	as:0.012745817992306294	that:0.012642089574866464	the:0.012210176348882641	of:0.011824424092996477	a:0.01088781650594847	:0.8480446528857607
are:0.13400872256833618	is:0.12536530164986087	was:0.12195035202848403	from:0.1126676254240782	the:0.10057847619237244	and:0.05507482962129856	were:0.05335969301260034	of:0.05083136541927258	in:0.031661059475904085	:0.2145025746077927
the:0.32163056421229086	a:0.18443682312845974	of:0.07727615963007904	is:0.05257678582336338	as:0.043044591198527264	was:0.04243904630086961	his:0.040731248555725436	and:0.03404635461974943	The:0.03069548596333874	:0.17312294056759647
of:0.053644186664403654	and:0.05258786709051538	the:0.037463607665375036	-:0.03556748707934356	that:0.021675848449090544	in:0.02051502532455919	to:0.02003264442288335	a:0.018561432848704748	I:0.016062428633255223	:0.7238894718218694
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
.:0.19565718462851525	A.:0.11740399756353144	J.:0.1086390698729611	Mrs.:0.10718727404942995	W.:0.09064215782174195	C.:0.07683919787085178	H.:0.07208102898539694	E.:0.053478955144320564	Mr.:0.051056322007697275	:0.12701481205555373
they:0.21953379084243094	we:0.13136925978732944	who:0.10148049240181306	We:0.06385503344865782	you:0.06291215010582156	which:0.06061174340481597	They:0.06040871662612976	and:0.045455888989236	that:0.029702919460827523	:0.2246700049329379
just:0.06878808168293438	and:0.06493318434059552	is:0.05233601015447515	such:0.042222434776384904	well:0.04067277126669907	far:0.040034165817288504	it:0.0397909947797928	are:0.03264633930373423	not:0.029799251085827407	:0.5887767667922681
of:0.2753342979053577	the:0.2634416698714038	and:0.09663582139756356	The:0.080193948587172	in:0.03750220455657161	said:0.03210123363388809	that:0.028783664364414072	by:0.02756236891464174	tho:0.024825378443804638	:0.13361941232518276
be:0.3005971879648546	been:0.17780071422533264	was:0.15648274659165756	is:0.07176977152518092	and:0.0514999908685614	were:0.046598925489172924	being:0.03824059392635979	are:0.02727177048471794	as:0.020006447424942096	:0.10973185149922016
of:0.1678762268546062	and:0.11194580224087025	to:0.09664323267924221	is:0.09278436620628051	with:0.0897594852335613	as:0.0754239050615329	was:0.0683119124476844	by:0.06171545078418375	that:0.05354534748457429	:0.18199427100746418
made:0.07480064136839229	and:0.07299256274953536	or:0.03735346764649361	it:0.022904839789852624	paid:0.021045970284064613	accompanied:0.021040921077179583	that:0.019685582551149376	ed:0.01935348104827986	done:0.01879214719018923	:0.6920303862948635
in:0.43742717249755525	In:0.23273742350218057	the:0.11018638831183418	of:0.09722882589136098	a:0.02518780285640139	for:0.021968585426348386	and:0.015283313300918772	this:0.009674630121308534	any:0.009238507852238306	:0.0410673502398536
and:0.13351013176151422	that:0.0816690852579292	time:0.0445379016777512	them:0.04123105061321995	all:0.03351038945734453	it:0.024213413133414817	made:0.02207898810782828	or:0.02163293912279603	him:0.020034697311909346	:0.5775814035562924
of:0.21030354194379108	and:0.1410775833298136	in:0.10403343649825787	with:0.08459492879502785	to:0.08236173980853444	for:0.062334351357193854	that:0.05431989460073243	by:0.04487330906084482	at:0.04112867941551489	:0.17497253519028919
the:0.379542254937781	and:0.08876598734212326	to:0.07593981814467107	The:0.07362201196356276	an:0.05423765790239704	of:0.05258130527676289	his:0.04997525528705575	a:0.04262173289519088	their:0.029289164686389715	:0.15342481156406565
was:0.2434485124319254	is:0.12338143358820745	be:0.10136333792039219	were:0.07718918620480342	are:0.07463437842541526	and:0.06362861564487345	been:0.054922241952826245	not:0.05457947512927797	or:0.04723078758315807	:0.15962203111912057
of:0.23794312772803633	the:0.16153551025614443	in:0.07743816198829975	a:0.054887263620151894	on:0.045327813763950696	to:0.041124952189241545	and:0.03190015829179789	for:0.023427547708376673	by:0.021346910107782127	:0.30506855434621866
the:0.7404750004162328	The:0.049104018256674695	tho:0.03736965621339999	his:0.027248209896340653	its:0.021797347271603984	their:0.02165062515247573	and:0.021645903158434718	our:0.015593246525830417	a:0.014934234761625061	:0.05018175834738198
the:0.2108269664006614	and:0.10560623630028539	a:0.0440009081491832	of:0.0330872038175969	or:0.03290072189357102	The:0.030546391820483545	old:0.028887374160762955	that:0.0237099520493886	tho:0.019537593131692437	:0.47089665227637456
is:0.17512900480823324	of:0.1303317099082513	as:0.11342115105181974	and:0.09401786107241444	to:0.08569787125649342	was:0.08340472291975785	with:0.08023748613811954	in:0.06878963897496079	be:0.05208109001068049	:0.11688946385926915
the:0.5317365528653093	a:0.2377285431868722	The:0.04793681942052487	of:0.025960284866378157	tho:0.025521917261266482	great:0.023327458826927123	and:0.018951742025874834	large:0.013167509944723996	any:0.011122793099628683	:0.0645463785024944
to:0.5158328572892681	a:0.20475092494034894	not:0.059940813363943794	would:0.04254435036943882	will:0.038209610663933594	the:0.034365177356510485	shall:0.024072485999571794	may:0.01865423597823088	could:0.017488835341356798	:0.04414070869739687
50:0.13950647969815405	ten:0.12274670439314415	fifty:0.12024232182325216	25:0.09627213112283248	10:0.0817533056648725	five:0.07403954015307326	15:0.07167357928904072	5:0.057189208789955495	20:0.05625491101842628	:0.18032181804724892
feet:0.03493407201190792	up:0.033991205799927544	out:0.030430317199324777	said:0.025312348731927555	down:0.020425577345689578	made:0.019258193166701767	and:0.018847785603845632	back:0.01857052994740152	him:0.017851211285905267	:0.7803787589073684
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
it:0.07087366945914964	and:0.03917394049948504	It:0.03137987945456513	he:0.027325406088198185	three:0.02305451485611397	man:0.020946491285287507	ten:0.013817960894814461	He:0.012956711188202137	.:0.011038409738750055	:0.7494330165354339
the:0.37123116265211004	of:0.09862041818126725	The:0.05598130511060559	young:0.05212109459608843	business:0.046469622812550154	and:0.042357273561835544	all:0.04164023772822819	other:0.031987232358994845	two:0.031222758582861325	:0.22836889441545863
the:0.15725783260845674	Mr.:0.11467335197818804	of:0.07485380126492697	The:0.04896984831686632	and:0.04709381763178539	that:0.04353377587227897	a:0.03262830912917638	Mrs.:0.022337715579871346	.:0.018467704340620273	:0.44018384327782956
it:0.22856110105309196	It:0.1452820683974188	which:0.05914017695475625	he:0.0478149945050819	and:0.04416228847994344	that:0.040249019547583975	there:0.02938454306037856	who:0.024987486037450265	This:0.017718758616521977	:0.36269956334777287
of:0.32417872741182	in:0.18688971524837625	and:0.06525397163558692	to:0.038058773800764674	by:0.031754032995723006	In:0.030363321895591492	the:0.025703409773842566	for:0.017078277091164752	New:0.015953606630567583	:0.26476616351656274
one:0.13027668708462814	out:0.07742206756685843	part:0.06474114282857145	some:0.05640712659716483	time:0.03954471000289752	account:0.03620724368530425	all:0.03238127669140698	and:0.028154969476639407	that:0.02755643570827209	:0.5073083403582569
and:0.1653561163250328	or:0.05760379815398991	them:0.03697701279484138	done:0.034226148603774306	only:0.03149696398401093	but:0.031075053352298685	that:0.02978475933645978	him:0.027949601972955103	up:0.02629824690387575	:0.5592322985727614
the:0.38954789104858545	a:0.309526943654623	this:0.05072170434600568	any:0.03122235859497635	one:0.0295432765255404	his:0.029229281769918184	The:0.028953531803840846	tho:0.026782268638976644	each:0.022976707891782976	:0.08149603572575047
to:0.1114820412411238	the:0.09054565015479676	of:0.07764891606156753	in:0.07379521749549516	and:0.0704481440696544	a:0.052095424694114045	at:0.03560401198623891	for:0.02377684381866881	with:0.020868002562082825	:0.44373574791625775
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
of:0.21030354194379108	and:0.1410775833298136	in:0.10403343649825787	with:0.08459492879502785	to:0.08236173980853444	for:0.062334351357193854	that:0.05431989460073243	by:0.04487330906084482	at:0.04112867941551489	:0.17497253519028919
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
of:0.11937643871630721	and:0.0680926767518337	to:0.05928159934881562	that:0.05592818656863762	by:0.04942233819814692	girl.:0.02414007525702113	boy.:0.021637661983718193	with:0.020340849289884184	<s>:0.018005892452190357	:0.5637742814334451
to:0.14873942328809442	and:0.10240102754317151	of:0.05712547684165998	the:0.04422196223221169	in:0.03350494167484157	is:0.028058542060599406	I:0.026660736993923923	for:0.02440585407489247	not:0.02404489402087884	:0.5108371412697262
the:0.21884681032253575	and:0.10482850834881725	of:0.09668200356115488	to:0.07397650051612199	a:0.06229570399916802	be:0.03379965930336083	their:0.03019022565225475	his:0.02749276847006813	for:0.025689052771189536	:0.32619876705532885
and:0.2050025109823047	that:0.10511703162735533	as:0.0995212346472438	but:0.07618255406942687	it:0.03177711255823415	and,:0.022896219166102502	But:0.02286022009437478	do:0.022238598653051275	which,:0.02161754569953956	:0.392786972502367
they:0.11472026757655598	it:0.11062993930177682	I:0.07843932330554008	he:0.07589082355636532	you:0.0732945115695732	It:0.07140649748543064	which:0.06895550318445079	and:0.0614570614088666	we:0.0517049544253915	:0.29350111818604907
that:0.16933736776095326	when:0.11146317817902211	as:0.09361306112602526	which:0.09304308866415677	and:0.08816161365958482	if:0.057840279961256486	where:0.04432993049318073	but:0.03622296703104288	before:0.032288741508918056	:0.2736997716158596
Mr.:0.50432998832535	and:0.0818877872911779	Mrs.:0.052471921040148965	of:0.04186567205337045	Dr.:0.0358563325775931	the:0.023323088556819593	Mr:0.02016168154848073	Senator:0.018212693679136773	.:0.018047944093501782	:0.20384289083442061
of:0.4871996601006466	in:0.1538254937340156	to:0.10129375262976834	by:0.04030574756554605	from:0.03457831108695408	In:0.03145507112206027	and:0.03101611530819406	for:0.030637597240313803	that:0.030586426765974548	:0.059101824446526674
of:0.6506812452389024	in:0.09453100680636838	to:0.04398571699181273	In:0.03342985962648315	from:0.032514182563298945	on:0.032341290070355175	for:0.03208485999287963	by:0.021537441589231772	and:0.021141382178435288	:0.03775301494223257
at:0.315098448882618	of:0.15725617579279447	to:0.13396263557691107	on:0.12062409187626699	in:0.04886693798441758	from:0.043719637171688856	and:0.040993646850332945	that:0.026641965358910943	with:0.025976250799919432	:0.0868602097061397
of:0.15815730755430685	for:0.1308483091205453	enable:0.1043966200335916	to:0.09544852256613968	from:0.07991375671914736	with:0.06929664363100561	upon:0.047778148825418275	give:0.041264175332676664	by:0.03759207389813048	:0.2353044423190382
in:0.17635678835710344	of:0.15309164727335328	to:0.09922200092870499	for:0.0755201721616355	with:0.0615221475086542	from:0.05991868815771717	by:0.05491816673292545	at:0.04110373617227536	In:0.04016490729053633	:0.23818174541709425
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
the:0.20161330925676427	of:0.17466356988116474	two:0.06773980717463919	young:0.06364632558539245	and:0.050992556689478045	The:0.03825645654184649	these:0.029246644953194307	white:0.023839938151633863	all:0.021847124815418922	:0.32815426695046773
of:0.07305731081851062	and:0.06583625733632961	to:0.06238930872575147	in:0.058408222831010194	for:0.03568567126737564	with:0.018059145128280236	not:0.01745469888775616	a:0.012227235681876022	is:0.011168491610055703	:0.6457136577130543
one:0.13128720717464162	some:0.08461735365278528	many:0.04847273074418403	all:0.0434097698998669	out:0.04262208938507716	part:0.042306194817281824	any:0.0301089147815544	most:0.027783670858525438	portion:0.02625388729213515	:0.5231381813939482
and:0.11110400965946438	as:0.10948725010319078	it:0.05169329545139623	so:0.032927521170023996	is:0.031227035498835445	be:0.02722370971440342	he:0.025966644504898752	that:0.025406446491746386	which:0.022173215511868474	:0.5627908718941721
the:0.4011781220597474	an:0.18073985377824944	in:0.14770804344938845	In:0.051276596860145816	and:0.04927141726133368	The:0.030006675395495667	this:0.028079697275086853	tho:0.022040773564046184	or:0.020544054938474197	:0.06915476541803235
and:0.10378447153053463	of:0.09894519321945128	on:0.02913420281445779	that:0.0267474360298394	to:0.024593306797821294	with:0.02211261508871133	for:0.021202261427343987	in:0.016209600260802707	<s>:0.015487287322188965	:0.6417836255088486
of:0.20691710560583718	in:0.13626274909544042	and:0.12814695320419367	to:0.08794622278811766	that:0.07704176110509817	with:0.04426065718917398	for:0.041449898006195064	In:0.039552986745405895	by:0.03061389767918356	:0.2078077685813544
of:0.19822854145621877	and:0.1365900037216049	to:0.09396561998843049	the:0.0800851414328893	at:0.0552062015110192	in:0.044914464188083085	or:0.04485718797437568	a:0.02257784700791694	from:0.020512703845155845	:0.30306228887430575
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.16080612173204767	of:0.14971494833413096	in:0.07357755193500144	to:0.054695611885391245	and:0.05408276043140161	a:0.03855192659585417	as:0.02842818665392498	at:0.02697202502626493	be:0.025124431692798203	:0.38804643571318476
the:0.324096032289929	a:0.26422554349691785	dining:0.09742728309917996	this:0.04265777926808146	other:0.030459655623715647	of:0.022716973965065453	his:0.022432677656854545	any:0.02188848765627468	one:0.02142211857587339	:0.15267344836810806
the:0.11206117332260931	and:0.09704041081481521	of:0.07930457833325265	to:0.07517143260744395	be:0.037993584452460996	was:0.03737467673410949	on:0.032930453249738284	or:0.031142758914583703	is:0.029955609887088216	:0.4670253216838982
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
and:0.15365945153307556	that:0.12140087526966925	as:0.09583342536017343	which:0.07625584764315943	when:0.04364163968955194	but:0.03584302532142242	what:0.03008430073912826	if:0.0253491283868819	where:0.016404133735187915	:0.4015281723217499
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
on:0.18353619145898756	one:0.03871851998176805	day:0.019296325825245212	in:0.018393408796034367	and:0.012557368514918668	sooner:0.011570911007607874	two:0.011157731644108576	sold,:0.01022408795893904	of:0.009502037660014494	:0.6850434171523762
the:0.022269857778803772	day:0.01821225867891017	manner:0.017741621723787706	and:0.016976666990856717	way:0.015075806807073466	of:0.011398324230438229	year:0.010399127860250311	tion:0.009894662113856097	county:0.009577858330182478	:0.8684538154858411
the:0.6949271318805698	a:0.08373220580326743	The:0.04391902417728552	high:0.033208233011760874	tho:0.03003065977615865	low:0.028367073571140444	tbe:0.014936755458305792	and:0.013073148013453374	average:0.010982102965188919	:0.046823665342869275
was:0.1119106748333726	be:0.10826621673082028	to:0.10156521160102013	and:0.08812091179966586	of:0.05997695643640128	is:0.04431485646537103	been:0.04275358837909754	were:0.033644069314364866	not:0.0335403054488611	:0.3759072089910253
Notice:0.4545490396573789	notice:0.14802802576368151	it:0.053304870074135514	It:0.049715862647270556	that:0.027833279954468364	which:0.02636683690869189	reference:0.021578190692208066	there:0.020800487705626067	he:0.018486028508188233	:0.1793373780883509
the:0.4238902496040545	and:0.06619003495743458	her:0.03878740906493627	his:0.03354197829274457	a:0.03186475709976275	my:0.029255428589602925	came:0.027225416843424034	tho:0.02695242911115884	The:0.023255295024680284	:0.2990370014122012
<s>:0.09765126817441196	it.:0.030210887485555112	them.:0.025464197272294646	time.:0.015754714428699176	him.:0.014062343700073782	life.:0.011058475410072549	country.:0.01090005195502253	years.:0.0100248437894842	her.:0.009194643412535959	:0.7756785743718501
he:0.195466209442326	they:0.13253886521978703	it:0.13122858914258645	I:0.0689755724740212	who:0.053556012753072486	she:0.05127371026081493	we:0.04944229009634386	and:0.043093868061645904	It:0.0406131170868525	:0.23381176546254961
a:0.4822358271205914	the:0.2867896499409987	large:0.05313749551075197	great:0.050108733644717504	The:0.02225696931841698	vast:0.0183695771048009	tho:0.01598266546598302	A:0.013322115242492626	and:0.01153508017633043	:0.04626188647491653
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
a:0.19005553600481917	is:0.12044662911243956	and:0.09427890949592711	not:0.09233925948018042	to:0.07332366315451014	I:0.06807960848788833	the:0.06467020947542723	we:0.06441538048573724	are:0.06341983906144509	:0.1689709652416257
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
there:0.2829279740167795	There:0.24270912500317635	It:0.11681681248841713	it:0.10750836470274965	which:0.03903809832203269	that:0.031887171394262226	and:0.025579377873916648	This:0.025546314536664522	he:0.019937743179858476	:0.10804901848214285
to:0.4031202451300459	will:0.07322636361827926	would:0.06387312936709971	not:0.062389757913645975	and:0.058211700195893994	under-:0.05760018209774794	I:0.05633367339158449	the:0.03688662831228971	they:0.03317116137010384	:0.15518715860330914
the:0.20077096177117984	of:0.08304276416108254	and:0.07716744968571654	his:0.06424359632273957	in:0.06184896347948608	a:0.055907702840098265	this:0.05027464341927828	for:0.033560475930612156	on:0.03257593567403033	:0.3406075067157764
<s>:0.1050666720058506	it.:0.02317272871584994	them.:0.015615945601552696	.:0.009410933346432775	him.:0.009226511883234425	country.:0.008365242238494698	time.:0.008067165981774371	day.:0.007913060752351073	?:0.007559495324084035	:0.8056022441503754
of:0.18436305891991991	for:0.12770018175707887	with:0.12151098156321812	to:0.09858187358493448	in:0.0531822856381056	upon:0.05282433372802043	by:0.0516858991951313	about:0.05086364143082225	do:0.03777161030352853	:0.22151613387924052
<s>:0.1429587583361159	it.:0.015769616616380166	.:0.01227040276220459	them.:0.010649487348648068	country.:0.010512310851589601	him.:0.008801380243098818	time.:0.007735149464511692	year.:0.006471915212959215	work.:0.005933646928173125	:0.7788973322363189
it:0.1392655652583725	he:0.12198865129870436	It:0.0920730759264974	which:0.06588711175855988	I:0.06221487354667309	and:0.05220228347513967	who:0.04105502827225842	He:0.03721999320042121	that:0.034840913784500716	:0.35325250347887277
the:0.27420148689647006	of:0.1625091681838454	and:0.08211080486528781	in:0.060098285217506174	to:0.05089679128277676	a:0.04398013459999282	his:0.04355485553586162	with:0.02946494705644084	be:0.027182554673544294	:0.22600097168827424
of:0.18437814664676186	for:0.17576585535880737	about:0.11056439589751005	in:0.09969293686377959	with:0.09288357175524575	to:0.08601498128192413	upon:0.04336178698777926	against:0.03240337077873392	by:0.030893396531184628	:0.14404155789827341
and:0.08362943294997585	together:0.07769806815080653	connected:0.0635902168573379	connection:0.06228367212358626	accordance:0.047530813078388766	comply:0.026000666542743977	acquainted:0.023189098613704624	compared:0.02214887744238745	contact:0.01973810078197255	:0.574191053459096
<s>:0.07477779363336585	it.:0.031828249391747415	.:0.028379419371603744	Resolved,:0.022343992571934295	them.:0.014154203941064904	2.:0.012374042151029963	1.:0.010843285055748435	::0.00935383590914086	year.:0.009016440089803564	:0.786928737884561
the:0.17534467537186063	of:0.10934663349343163	and:0.08340513281611749	in:0.062334704947016914	to:0.05560046420767843	a:0.03767192422010169	for:0.029852252619870838	that:0.02892046506709921	The:0.019884222753468905	:0.39763952450335427
feet:0.019739110153694017	and:0.018862669477668764	men:0.014677659357261747	it:0.013264706219240191	them:0.011308890287591153	made:0.01086190808959469	well:0.010744519888029345	him:0.009628074007974944	up:0.008871497917664645	:0.8820409646012805
the:0.5087420310358406	a:0.12707527697315116	The:0.04491847771930124	and:0.03183464251024328	tho:0.03048181515062045	of:0.019458811155154142	said:0.013760047832481984	tbe:0.013610371080605062	by:0.011944133295047116	:0.19817439324755495
;:0.01711769391145855	up:0.01620898708904279	in:0.015275433072254879	here:0.008964669186576594	misdemeanor,:0.008173983558368484	day:0.007952654976868812	mortgage:0.007503824284740587	years,:0.007133940518118341	county,:0.007044868913177618	:0.9046239444893933
it:0.31853824137932774	It:0.19275074184859914	which:0.05702670340780172	he:0.0506312284748963	there:0.040142656226775056	that:0.03954204129823652	and:0.033490078585485514	what:0.02707426300644656	who:0.01952966173193051	:0.22127438404050095
that:0.241831345205534	as:0.11150901887069525	and:0.10248648527231823	if:0.09906768798468898	which:0.09784803125950607	when:0.08941586901469513	but:0.05639290013325212	where:0.05620120358703602	because:0.03449572598061317	:0.11075173269166103
one:0.16665972516705987	some:0.054532516088888386	all:0.044277820765755864	none:0.03858926075642254	many:0.03761986486992017	any:0.031936228155415476	and:0.024819060370665523	each:0.02389123560895072	that:0.021102228024961138	:0.5565720601919603
the:0.6405462301943753	and:0.04569651558356067	tho:0.0434397272656658	The:0.028605907441839783	said:0.025248630870239427	a:0.018254895906211325	an:0.016806603460915594	tbe:0.01648835027123179	this:0.011953162518772533	:0.15295997648718776
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
I:0.3859715495427151	he:0.09737631978512619	had:0.08272051925240377	and:0.07813151313120544	have:0.06700926679398805	we:0.058048264763835025	they:0.0474865383523156	has:0.04476594555623965	He:0.03843901601310413	:0.10005106680906702
that:0.06474348626442027	and:0.04616939957006133	it.:0.0290527520065461	<s>:0.02810011726097175	them.:0.01994061385458359	as:0.012411127851867527	?:0.011405211719949526	even:0.011031240733915622	but:0.010057109241996567	:0.7670889414956877
as:0.8087045257086561	and:0.05832057308284606	aa:0.019324289549620458	that:0.014431612827749216	which:0.010882017623639042	the:0.01071007477390747	ns:0.009400041093860435	of:0.007143270824549417	it:0.004153077458018572	:0.0569305170571532
and:0.18702476238250806	of:0.15228774727371727	the:0.08787047957581828	in:0.06724441356217081	for:0.05797688852510703	or:0.047148047168261126	with:0.034843664081068586	to:0.03446996724909814	by:0.03357599101092027	:0.29755803917133045
and:0.24208157224741456	as:0.05613084977482147	that:0.05046753900815876	it:0.04476194665453102	is:0.04190284115249099	but:0.037207196232537966	was:0.03717493339035462	I:0.02911721300048055	which:0.02361927362237343	:0.43753663491683664
was:0.1451330867726441	be:0.1268800941122634	is:0.11840158484306404	been:0.10184698922521701	are:0.08800050989244297	and:0.08749011416730669	were:0.043989840009978506	not:0.03426008112683225	of:0.03216592777457676	:0.22183177207567426
the:0.2795921405474243	a:0.20273999029435244	of:0.11191957460434968	and:0.0879490429863999	his:0.0434447946523612	their:0.04236315161716972	The:0.0322936236500804	its:0.029724600203923084	to:0.029372289557234876	:0.14060079188670438
of:0.18502425049382423	and:0.13827943124602643	a:0.110003307919881	the:0.1070121150277455	as:0.09748997618992958	so:0.06351781367001376	is:0.042919991751444744	that:0.03991344911685492	very:0.036810160280029015	:0.17902950430425085
have:0.20526836553061242	has:0.11821666873044905	never:0.11725371541560245	and:0.09906090525182311	be:0.08860549032224722	had:0.07831549134953497	not:0.05265850139848572	he:0.05244618860770164	ever:0.041905220442074495	:0.14626945295146893
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
to:0.29008865565132824	will:0.1621395051433555	would:0.12169012369441064	may:0.08137336390117533	not:0.06102961140450116	should:0.044566485202418946	shall:0.03925670357977038	can:0.034110821777992906	must:0.03276419680873857	:0.1329805328363083
the:0.1935155005373224	of:0.1667795430915057	in:0.10834236037577118	by:0.077563277438484	that:0.06751006049831876	and:0.06479427341074336	to:0.06003692237121726	from:0.056272169584499966	on:0.04279597295316563	:0.1623899197389718
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
and:0.07982500913217425	necessary:0.04540565821262008	ready:0.04539057281055973	candidate:0.03688587278505424	used:0.03613774084495677	demand:0.03472976148908733	made:0.03225301784895697	reason:0.02758697655776952	sufficient:0.02444855526890346	:0.6373368350499177
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.05906684136019928	and:0.053792744895297846	the:0.03757222959605694	that:0.034148363701852535	as:0.02884873185888091	to:0.017148284410213335	on:0.013627973858597497	<s>:0.013508322708972047	West:0.013234831134382804	:0.7290516764755468
to:0.128489628213751	of:0.11702199301653303	in:0.11517308267475215	is:0.11358454203460998	with:0.09518101656374485	for:0.0882205166206641	and:0.07944465040700031	as:0.07014950714729855	was:0.061376490527022584	:0.13135857279462343
the:0.16866521496506504	of:0.10134741350355506	and:0.07055437288341877	a:0.04534265260080411	to:0.0413013158134652	his:0.025910871644329928	be:0.025020793975801862	my:0.023697134385706232	I:0.02200907055966385	:0.47615115966818994
the:0.3826790835903528	of:0.2303167528893823	The:0.09342424548914133	said:0.05299718366181122	that:0.032329113120117485	tho:0.019202239532805036	this:0.01884370187290818	and:0.015442060538224044	described:0.012784600505734689	:0.1419810187995229
statute:0.2178702553998322	and:0.09230913868589358	that:0.03930311449245735	or:0.037115821972932075	as:0.030182620629376905	is:0.02632896711410034	it:0.02557299373610032	was:0.02345060337021054	be:0.023044230983195888	:0.4848222536159008
of:0.2649280717278867	to:0.09925599061575155	know:0.08069363769144024	in:0.08002117090479784	and:0.0782247947759296	with:0.0636167445845658	for:0.06101132094415863	is:0.0499386626758303	see:0.04068581879956694	:0.18162378728007242
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
of:0.09354037887705056	and:0.09136279159515612	the:0.09117996296759838	to:0.06943905638518415	a:0.03035137561104289	Mr.:0.029472526785705052	.:0.0269548697931454	in:0.026011244992369797	at:0.01751357226904522	:0.5241742207237025
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
it:0.2153060094381193	It:0.1532790633437616	which:0.0981655147358498	that:0.07169969047326791	he:0.05227704768879748	there:0.05164757270199354	and:0.05008892271172409	This:0.04112754462083568	what:0.03457637291675191	:0.2318322613688987
in:0.17779859787799937	of:0.17260487034188643	large:0.08818037071984715	and:0.06448304842210036	the:0.05877748360862881	In:0.036320984678769166	great:0.03595688799747079	from:0.034464680829045816	sufficient:0.030318031782426147	:0.30109504374182594
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
to:0.8684004483199463	will:0.0354978716328391	and:0.03138762455001353	would:0.013640232598843774	not:0.011813866318246624	can:0.008413771466617537	To:0.005953085469005351	shall:0.005532867343093212	who:0.004646045149426802	:0.014714187151967704
the:0.13304827392699647	and:0.0726736953720259	a:0.06349769800096873	of:0.05921891036866642	be:0.0431870465248564	in:0.03505010092584917	to:0.034147738343118475	was:0.02990727623202889	is:0.025375634582275493	:0.5038936257232141
it:0.15722353172741207	he:0.1261554679079826	It:0.12076576513783148	I:0.11157853986945866	there:0.05733428095654695	and:0.056984075337764596	He:0.055748351620875006	which:0.04492456400762136	she:0.038597910146480584	:0.2306875132880267
Grand:0.7363262992705567	the:0.05487141676609122	and:0.03175840340157094	of:0.009328911834855128	two:0.004473869777618345	in:0.0031117196036521523	by:0.00281369604551583	tho:0.002641303998009325	three:0.002364070005077577	:0.15231030929705283
a:0.4200412155291299	the:0.1806602969873645	is:0.07981476381718494	was:0.06038881358459647	are:0.0478765918612885	and:0.035380327689201616	not:0.03251152103801782	be:0.028176402784099903	in:0.02699550304194062	:0.08815456366717576
sum:0.15971654149250689	rate:0.07781565144944305	one:0.04012198657596557	amount:0.03308397556930531	out:0.031884711727265085	number:0.029332213397354496	consisting:0.027098255804107296	instead:0.024079689025433382	period:0.02359314515168008	:0.5532738298069388
he:0.18609854032651174	I:0.10932254776220932	and:0.10321970644467991	have:0.0862792872897119	be:0.08049221192273605	has:0.04819412720956015	had:0.046259667717440674	who:0.04160790001999707	they:0.039899631857998524	:0.2586263794491547
and:0.10964480961806984	was:0.052298766734207226	him:0.04788908702627168	it:0.03938099053615711	up:0.03111632889360694	man:0.027349954942270407	found:0.023861767827423257	is:0.023711808159282574	her:0.022696690306204085	:0.6220497959565069
be:0.1353583223703892	was:0.1303271221422337	are:0.10187101811102399	and:0.08160041669477505	have:0.07935942810878943	had:0.07602022614302653	has:0.07547003336771203	were:0.07462770300722509	been:0.07093525175670277	:0.17443047829812225
the:0.16915224699338854	a:0.14050073865488213	and:0.1092434424709402	of:0.08018085407915998	from:0.03653058429625056	his:0.031894600460465654	her:0.02586203200353266	The:0.02397699737218686	for:0.019407713462891323	:0.3632507902063021
state:0.049094679149931215	out:0.04240867800979129	District:0.03803953103000468	State:0.0372689001915184	day:0.030496960582992762	deed:0.02971367700157554	and:0.02660807304085347	one:0.025314039854674043	part:0.022634757096165917	:0.6984207040424927
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
the:0.2879394123001065	of:0.12287482956497484	at:0.05859932349104279	for:0.05377189301002177	in:0.05270282048807026	from:0.043544147396670674	and:0.03596593673845609	by:0.03382928585600933	this:0.030249577521902396	:0.2805227736327453
and:0.09505092613637062	days:0.05854633307861563	was:0.055780785265604635	or:0.04452345547702442	time:0.044028729300603336	that:0.043330606482033185	never:0.040732562689425815	long:0.04034869323061084	be:0.03779411678888612	:0.5398637915508254
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.20406407079179598	and:0.13122480574343	in:0.12650259173185582	to:0.09807303687049422	for:0.07005730249811357	by:0.04668579942760178	that:0.04598122216233473	with:0.03462428866111057	In:0.027080368628869506	:0.2157065134843938
and:0.05798312846944592	able:0.04492747965452463	as:0.04165947780323626	is:0.033450876982991345	him:0.033116254459099104	going:0.03158728759656474	was:0.029225750971499213	enough:0.028357897975133932	order:0.02781402754565273	:0.6718778185418521
any:0.14066279266744833	no:0.11662958001789285	that:0.11033107204046698	No:0.10315049644352957	of:0.07588749363304657	the:0.07421809620129355	and:0.06376520585857355	but:0.06024286904353042	some:0.06011764967809251	:0.1949947444161257
and:0.22574035626170466	that:0.1066290679911649	but:0.09680104412864907	time:0.04470311052563521	But:0.03522573020026757	or:0.018764700259601027	And:0.01876340842814157	day:0.015372478281117945	ago,:0.012298130548341939	:0.42570197337537613
of:0.20527241548915448	the:0.11942182080524442	by:0.09389156792324278	and:0.09351768272507359	with:0.08989052962179414	to:0.05181651922120789	made:0.043504541846710265	in:0.03509507234709287	for:0.03493599060599562	:0.23265385941448394
the:0.2466654676328556	a:0.17285227475375137	of:0.05832499403872729	and:0.056077216088507735	The:0.051263970236823914	A:0.025174799033706934	an:0.020114783706164974	tho:0.019465615703969586	or:0.015344143226049118	:0.3347167355794435
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
and:0.24571938443095526	he:0.06114170292406138	be:0.046778314297613394	who:0.04313110853792687	I:0.04256755459031266	which:0.03911216470484011	that:0.03504827469674011	to:0.03205106171479702	an:0.029352137060914364	:0.4250982970418388
the:0.5377718987714948	a:0.15881247375231491	in:0.05413855240836196	The:0.045477265092224516	this:0.038770362297041346	tho:0.03118444319525579	of:0.018147038158471823	any:0.01551081532315586	that:0.01530524510079589	:0.08488190590088313
be:0.30704536621218315	was:0.1373341950487081	been:0.1031840335384221	are:0.10146797319600818	were:0.08878662698153167	is:0.06909716473997721	not:0.06701122297692065	and:0.048365401154179706	being:0.022493941194668868	:0.05521407495740032
the:0.19818602920615747	and:0.08775487799326374	a:0.06377586704756016	of:0.04932217395405394	to:0.03122829910583166	in:0.02572689695051654	The:0.023889828353225392	his:0.019192997578737058	I:0.015605966784268477	:0.48531706302638555
of:0.23520503178709817	on:0.18136147821992302	to:0.1549043609419751	at:0.10642401499371007	in:0.08890121849135312	from:0.07209082611050262	and:0.045743935881840156	that:0.028599194445833406	for:0.027382427330897737	:0.05938751179686663
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
in:0.3155237930872868	of:0.21302838231537335	New:0.12249515615173633	from:0.11718102014792518	In:0.0636264991851378	to:0.027057678062309996	for:0.026091631869124426	at:0.0193894854827675	with:0.017854513869122415	:0.07775183982921621
of:0.09419565843194994	and:0.09290739272005118	to:0.06501934131286584	the:0.05292268367227321	in:0.029194596382050023	for:0.023245114199268637	that:0.021986321628405508	<s>:0.01990163805284376	by:0.016261789747535168	:0.5843654638527568
<s>:0.05853076640687723	that:0.05360000315563107	and:0.028468892423494714	it.:0.024960893987115183	but:0.01735835078593881	as:0.014815840893292666	them.:0.014318802615316317	country.:0.011732596730942993	of:0.011348659858762027	:0.764865193142629
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
and:0.062457600246400645	away:0.045888033371217475	taken:0.03384805418424704	them:0.03095283145263242	come:0.028588334902822365	free:0.0277001001691871	received:0.024402214143072608	him:0.021339810961552973	out:0.021008822512994442	:0.703814198055873
two:0.14778306775078626	hundred:0.07737544862887849	square:0.07634263746955057	six:0.06748376623036768	five:0.06533838133168819	three:0.06518485607085861	four:0.06219764121467697	ten:0.05713560597607957	the:0.049350502891998195	:0.3318080924351155
the:0.8087913983247825	The:0.03512468917454901	tho:0.026886420669376056	a:0.020871310903838685	and:0.01679146098969329	his:0.015500255028654068	in:0.012736596729214034	of:0.009766441713022251	tbe:0.009083630593405315	:0.04444779587346473
the:0.6817645190265589	said:0.06818519774151503	The:0.05254792274212542	of:0.03845729664203617	and:0.032141476290277984	tho:0.027544384202786685	this:0.020466691607311134	an:0.019950306798828105	our:0.01713642858095071	:0.04180577636760986
of:0.3443196167510387	in:0.13820997520812184	to:0.11330505292393962	and:0.08147293899683378	for:0.06152696118643665	with:0.05521258435013231	on:0.050471332173915764	that:0.03713426128773717	by:0.03316546863012622	:0.08518180849171794
the:0.1872591511482088	of:0.10821906149100328	and:0.08706725204729368	a:0.08477302762363238	to:0.029781644268976046	Mr.:0.027316594177910384	is:0.023973958548333063	as:0.023965424407047	The:0.021523352348552374	:0.406120533939043
I:0.18037199353125694	he:0.1487672662377398	and:0.12948890310294323	they:0.06927612150084518	He:0.06300229347201433	it:0.06009913525025352	she:0.05028401453268671	we:0.04536265676802364	who:0.041538143875347974	:0.21180947172888864
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
his:0.4324073224202958	and:0.14024958708138371	the:0.12177936256381493	a:0.04500545976134137	of:0.04032014703708319	my:0.03599670630276263	their:0.025131616888661622	her:0.024073851658000314	your:0.017985219819113215	:0.11705072646754325
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
it:0.1252072563887846	and:0.08334973640224708	we:0.07909761630097677	I:0.06989814520152196	It:0.06815364195383833	he:0.06779449866799227	which:0.05535274247960071	who:0.04908681591751386	they:0.04330148458616539	:0.358758062101359
to:0.11272467325873015	the:0.09570920935957357	of:0.08084508540075111	and:0.07746796351453314	a:0.03161606912023797	in:0.024763881588432984	at:0.024446783401682257	for:0.018599489625864805	is:0.01726400145434898	:0.516562843275845
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
is:0.14788688309438333	was:0.11661619185477085	as:0.10946960091818063	are:0.10523199459281861	and:0.09399061472616572	a:0.07550617379672095	very:0.06332070911225403	her:0.06329220438596671	were:0.05911039393132018	:0.16557523358741902
the:0.42685207291932	a:0.13266271872077348	this:0.085287197346887	any:0.02679518675984616	other:0.023216332501652746	every:0.020632168538273703	and:0.018943099362314603	great:0.013779793393168167	our:0.012982755459097758	:0.2388486749986664
and:0.13422374190694392	said:0.0708804599732747	fact:0.06293500185919278	so:0.055832556124798385	know:0.03953936733635159	believe:0.03783048439933079	him:0.03536820080630686	is:0.03481011842086909	stated:0.02885930313758918	:0.4997207660353427
the:0.639024752882532	in:0.05940128534992877	The:0.05523906613598077	and:0.04631800066136381	a:0.0401299582919069	tho:0.03546673888964971	great:0.020358448449192094	In:0.019954007574811083	of:0.018764673272851345	:0.06534306849178348
of:0.13947701216483419	the:0.1265651355404111	at:0.06991968633934255	and:0.06226375372836209	to:0.03842764099224989	in:0.03565795016210892	a:0.03240728044088086	on:0.029909433145102693	said:0.018037726405661998	:0.44733438108104573
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
of:0.30045538526209176	at:0.17130397592412172	in:0.0881763991745565	the:0.059872445184466966	from:0.05984548071775732	to:0.053789645304962275	for:0.02544520345553834	and:0.0235940910152029	by:0.017987296806154227	:0.19953007715514803
is:0.13430375214643298	was:0.10547591694141113	be:0.10323043200864591	the:0.0852409893692482	a:0.06137589761333299	in:0.05432127561867318	are:0.04961377363206903	feet:0.0396650654181222	of:0.03898293176248238	:0.327789965489582
the:0.16866521496506504	of:0.10134741350355506	and:0.07055437288341877	a:0.04534265260080411	to:0.0413013158134652	his:0.025910871644329928	be:0.025020793975801862	my:0.023697134385706232	I:0.02200907055966385	:0.47615115966818994
a:0.1711418085602289	of:0.13551046103072864	the:0.13166770186568025	in:0.06958040441922755	and:0.05642884387648088	to:0.03373372703354186	at:0.026953247011357005	The:0.019992271586729133	that:0.019015387998221948	:0.33597614661780384
a:0.1533183355394689	it:0.10958406325651791	and:0.1094124576611821	the:0.10757006444272492	is:0.09118639030400155	of:0.08942329849341236	was:0.05379440175103008	for:0.05057550187947037	no:0.049486463852763694	:0.18564902281942813
of:0.3903874397217167	in:0.09508746613418187	to:0.09472527822862835	by:0.06514388540067297	that:0.06502946614555243	and:0.06325442597954702	with:0.05255358912565164	on:0.04209575374193595	for:0.03969939685711654	:0.09202329866499656
in:0.03917428766108429	it:0.025386064267429977	up:0.020059083093885828	time:0.018744752335281722	it,:0.01774119038147125	him:0.017686627781547455	them:0.016317779090671135	out:0.01337796164902224	them,:0.012962513139229003	:0.8185497406003771
State:0.09860069549593535	state:0.06351524617666271	city:0.042937046132116706	county:0.03495354490678704	out:0.028314409082954108	part:0.025001752748806103	line:0.02033416830550096	Secretary:0.020128412286997664	side:0.018967319630459153	:0.6472474052337802
I:0.547574113033081	he:0.1090989045452406	and:0.10270363452601078	1:0.03585764623769643	He:0.02944354787944698	never:0.026991470003470592	she:0.026334853308370064	they:0.022597527633815357	we:0.019368303641881173	:0.08002999919098701
the:0.17254748994646424	of:0.12262951990358394	no:0.06800738840159762	and:0.0652927285226995	their:0.06387233543725068	is:0.053277497520665934	other:0.03586245596882436	for:0.03144171585817932	be:0.02999796726568627	:0.35707090117504814
hundred:0.01444191217773428	;:0.011834673680375107	him:0.010388473796696067	one:0.00968896846901267	feet:0.009556811899111724	up:0.008880191153313928	mile:0.007973380143655012	feet,:0.007606228831470488	time:0.007287466987906896	:0.9123418928607239
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
sat:0.12455321279565888	laid:0.123349586859519	came:0.08277332616611417	went:0.0760727886594679	put:0.07409194921716564	come:0.0597562321171148	and:0.058937746421152175	go:0.056313495855932705	set:0.04308806272023856	:0.3010635991876362
belonging:0.03484382688460464	person:0.023850461059346118	one:0.023824045764355987	and:0.01630934332484737	more:0.016242033973912023	on:0.014361839752548329	two:0.013458442124516426	States,:0.011605334653463032	man:0.011591983411607326	:0.8339126890507987
and:0.1313056501793289	made:0.034551030036317	necessary:0.03191530070016697	provide:0.023191256277008975	him:0.021827387004521748	time:0.02091411247587312	but:0.020346196766889778	pay:0.02006785098451588	responsible:0.019399383232926184	:0.6764818323424514
it:0.17446210238267795	It:0.16512138039676244	This:0.11580779511931819	which:0.07131888702327785	that:0.06268754379599907	this:0.05652048471821813	and:0.04054529143452458	there:0.036840538093569096	he:0.03013409703322793	:0.24656188000242477
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
the:0.27588690788939974	of:0.19636750177025747	in:0.1053796712807434	and:0.049179825806962174	a:0.04103571481768951	an:0.03819240614963985	great:0.027187238813108888	In:0.023123316257510802	for:0.020754408295683785	:0.22289300891900438
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
to:0.07454088508234118	of:0.06485123067685997	and:0.06011123371702872	the:0.059073961662243685	be:0.04511400998116102	a:0.03587876030777875	was:0.026214966418935236	is:0.017737419252858242	for:0.01657631081984017	:0.5999012220809531
and:0.061168311579950445	of:0.03310259807430021	the:0.02892088013506227	that:0.024655060005927897	how:0.022036721457900758	I:0.020418834968393522	<s>:0.01863649032832693	be:0.01745549723133729	How:0.017353749931782587	:0.7562518562870181
of:0.0719785718035395	the:0.06128029302526081	.:0.0540896523467136	and:0.050517059196008074	W.:0.028393582846115994	H.:0.02649240600958381	by:0.025894196564614048	J.:0.025842117621791266	John:0.02354713445194557	:0.6319649861344273
it:0.3207736569610817	It:0.20838633658545325	which:0.0804483497499844	there:0.06261368054408667	and:0.05283673409115848	that:0.0498253922678305	he:0.03054593770208962	what:0.025897210172138717	This:0.024820986081540986	:0.1438517158446357
the:0.18095392582583045	of:0.1339592079748044	to:0.05322281498799507	and:0.050723991939382	in:0.03332816393108751	for:0.02387843707542931	by:0.02355668521909516	that:0.022565096402550038	at:0.016051865374320476	:0.4617598112695056
well:0.0822016790932208	and:0.07885100647431564	far:0.044261877774433314	so:0.039872812286906534	known:0.03497787289485181	it:0.024594651328994206	long:0.022872698587686282	such:0.02187856572010344	but:0.01964011506866394	:0.630848720770824
at:0.20019574401943915	of:0.1806013158406764	in:0.14833252573679828	to:0.08127886317173648	on:0.06498511204165315	for:0.0648944728858489	and:0.057868996324392234	that:0.040296604571923675	from:0.038253800346840276	:0.12329256506069143
as:0.07730845242008813	up:0.058668717027016246	and:0.05051787504234559	according:0.045602481884053164	back:0.04348934107594135	him:0.04340104844206923	returned:0.04283151244115784	went:0.03802777620215089	came:0.037963187223200925	:0.5621896082419766
the:0.3356855626590293	of:0.16037129376729195	and:0.10146419720863094	The:0.07966027005552521	or:0.06650760537173596	a:0.04900421926210888	by:0.04744909539689608	for:0.03834610003755867	with:0.03826004687133034	:0.08325160936989265
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
the:0.3354517732245755	and:0.09379784077239246	a:0.0788027485422954	of:0.06358159186237272	to:0.02441824170080681	tho:0.024087358492008677	an:0.022452251559764914	or:0.021187582608267048	The:0.018610619403024303	:0.3176099918344922
and:0.22331171950412304	was:0.15499388932963334	be:0.06714407809970459	it:0.04747954698541814	is:0.04383565778484881	years:0.0381347072224253	were:0.03293644689633914	not:0.03188752173793319	he:0.028759442062802152	:0.3315169903767723
be:0.35836686868291784	was:0.1243654900472195	and:0.09784065982568356	is:0.07384108405405322	been:0.06877734880373468	are:0.061790833680469566	were:0.04466197756485454	not:0.037660841566456396	he:0.03251655338173204	:0.10017834239287865
and:0.1313056501793289	made:0.034551030036317	necessary:0.03191530070016697	provide:0.023191256277008975	him:0.021827387004521748	time:0.02091411247587312	but:0.020346196766889778	pay:0.02006785098451588	responsible:0.019399383232926184	:0.6764818323424514
made:0.10589556412938213	and:0.10531586080487337	that:0.044701821618632745	or:0.043874161165672054	secured:0.03192649744966152	taken:0.029374254778502383	followed:0.02648726812050451	done:0.024706014379598778	up:0.02430946279493687	:0.5634090947582356
provisions:0.08155268622048072	copy:0.07438298592748818	date:0.061886723423349964	part:0.06076408457322527	one:0.05124169281485493	out:0.04701489352502034	people:0.04423834088325635	publication:0.03792894646628187	members:0.026565416948037213	:0.5144242292180051
due:0.02913254856614024	land:0.020881140791802037	interest:0.01975841528491797	mortgage:0.017098153358253237	title:0.015248360791152563	line:0.012915986715678325	plaintiff:0.012396101789584267	mortgage,:0.011704050811113259	directed:0.01062412760475527	:0.8502411142866029
on:0.2775284502542254	third:0.08214953048538047	first:0.06720002603492209	of:0.0647308046362533	On:0.0618853596629826	and:0.051832155255234574	in:0.037418815681270166	second:0.027833552919473127	last:0.02724655908499202	:0.3021747459852662
time:0.0359480516641505	day:0.02720230341133574	men:0.022836946019374485	power:0.020549115106410606	in:0.019391484770186086	land:0.017646039811728582	dollars:0.01570401084399732	good:0.013704577225169177	life:0.013196367016520898	:0.8138211041311266
to:0.15526480007137633	and:0.11651420901747873	the:0.11072780832915922	of:0.08063695335036827	or:0.024463634332579032	I:0.02356753212212018	in:0.019566037543197023	not:0.018717196134224692	that:0.016949500591103825	:0.4335923285083927
the:0.6991700460938554	this:0.04574709520455208	tho:0.03671263486165562	of:0.03499002195391307	his:0.02498290317777178	a:0.020276817126143862	said:0.019503790762740236	to:0.018818371627789553	tbe:0.017992064396109095	:0.08180625479546938
it:0.27957038428918407	It:0.14069168722916756	there:0.0780604064737155	he:0.0673522127670591	that:0.061371482220746135	they:0.04852180992353207	which:0.044772571877851546	and:0.031977859656019285	I:0.020031431466088268	:0.22765015409663647
hundred:0.01444191217773428	;:0.011834673680375107	him:0.010388473796696067	one:0.00968896846901267	feet:0.009556811899111724	up:0.008880191153313928	mile:0.007973380143655012	feet,:0.007606228831470488	time:0.007287466987906896	:0.9123418928607239
of:0.2547835878718083	to:0.11987754931152972	in:0.1194257263101574	for:0.09654665454909002	by:0.09578700132001534	with:0.05787413325946222	that:0.05440934926951746	and:0.051535074003878106	from:0.028224438978576353	:0.12153648512596509
and:0.1313056501793289	made:0.034551030036317	necessary:0.03191530070016697	provide:0.023191256277008975	him:0.021827387004521748	time:0.02091411247587312	but:0.020346196766889778	pay:0.02006785098451588	responsible:0.019399383232926184	:0.6764818323424514
and:0.05438908007353039	as:0.036404133575544374	referred:0.034390991571995336	them:0.02678963714143441	him:0.02538407857852815	come:0.021773140363803237	came:0.01998220824380093	go:0.018908648430885164	up:0.01875282741931878	:0.7432252546011592
he:0.1735747375250466	they:0.15396744751770772	I:0.1198805568570043	we:0.08345944655534918	who:0.06833536773126214	and:0.06550095318585684	it:0.048888800138924174	which:0.044678622952912875	We:0.040756427262564926	:0.20095764027337124
of:0.20604730021804327	and:0.14802715307068132	to:0.09862407308967464	in:0.08665034842706063	all:0.043857829760724006	by:0.03043091707955456	fact:0.03014092432864749	is:0.028465796923230015	with:0.027740936019533396	:0.3000147210828507
he:0.15398348933138664	and:0.12984667641814168	be:0.12128156194903116	was:0.08934011279191555	been:0.06295493295158755	He:0.0610889573405549	who:0.05944887547789773	is:0.054780011059811555	have:0.046635341910769325	:0.2206400407689039
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
the:0.14975592360770285	of:0.08674239258095837	and:0.07465434729591684	to:0.038689519384319256	in:0.02640399404783318	a:0.025036136087226147	by:0.02171652298708642	his:0.017013288131603847	.:0.015075557811300735	:0.5449123180660523
to:0.5767235233965139	will:0.12464700116521284	not:0.07518496477105713	would:0.06432218614649488	can:0.03493804211766413	may:0.029235393453175242	could:0.024479327014122226	and:0.01928351603666662	a:0.016570186178334428	:0.03461585972075858
to:0.8300022684725986	will:0.040395949533608505	and:0.038319136885455324	not:0.0306039747865494	would:0.013864149652305301	can:0.00730231600929189	To:0.007148365330725673	could:0.005178372012530487	may:0.004907757043500752	:0.022277710273434018
he:0.1463979798853226	they:0.13019819182650982	I:0.12304523911710975	who:0.1030825327870223	we:0.08251804783924824	it:0.06564794154166739	that:0.061626936787381764	and:0.060288586204867024	you:0.05442677699512927	:0.1727677670157418
of:0.35470676434930365	to:0.1416979124649922	by:0.08583399165443538	in:0.08012775047709249	with:0.06805465666764458	that:0.05333235902197218	and:0.05242644865262521	on:0.03328194836885876	from:0.03220393464347252	:0.098334233699603
the:0.4676142065078135	at:0.24237913648332965	At:0.048791863119890005	tho:0.03156611350466604	of:0.029774535832346204	to:0.0281051777956505	and:0.028057909133168704	The:0.02061467030322155	on:0.01499697015909431	:0.08809941716081957
the:0.2677229312915757	said:0.1743553540057209	and:0.08098056861570951	of:0.07515926020719875	that:0.06961077886080573	a:0.05616876469213855	this:0.053566610310367614	The:0.037284417624846314	his:0.017161567001997596	:0.16798974738963937
the:0.2467200860805137	of:0.150685329364537	in:0.05742877915413742	by:0.04058596420270798	and:0.03875177482412493	to:0.035049968697193734	The:0.020550056706522483	on:0.0199970754925745	for:0.01875510032051319	:0.371475865157175
and:0.17825465048087452	the:0.1228395637379975	is:0.09002848917247089	an:0.08142583043766125	was:0.07426197704753329	are:0.06692029756243191	be:0.0644457628429669	that:0.05027280931155194	been:0.04510982088034575	:0.22644079852616608
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
<s>:0.1479520076864729	.:0.026412803953123197	it.:0.014579035585776313	them.:0.007956538891446813	to:0.0071672829754519255	year.:0.007089715170423019	law.:0.006428452743507827	thereof.:0.0064025083406802534	county.:0.006360522097591212	:0.7696511325555265
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
there:0.4729248818900856	There:0.30356299207742515	It:0.06846339840791406	it:0.06176945500789603	which:0.012570916071695498	he:0.00986166839851291	This:0.009177297761366207	"There:0.008740354879966265	that:0.008374287648465109	:0.04455474785667322
of:0.20124067711716626	in:0.19526118170125123	with:0.14305695988525677	to:0.1367909880246698	by:0.056020121979483486	on:0.055823307604211184	In:0.04225166775461995	upon:0.04050370412165221	for:0.03996876410339604	:0.08908262770829307
of:0.3173879457940153	in:0.18945011423276817	to:0.1316810646703123	for:0.0564385977360105	that:0.05172657687686971	and:0.05059976995701869	by:0.04806940703056668	with:0.04711296035562561	on:0.041814847151130326	:0.06571871619568273
be:0.14389721318583057	was:0.12819036366944567	and:0.109392992704828	been:0.07794741973719316	is:0.07343541069842513	are:0.04550117284912485	were:0.045064326219866634	the:0.0389871182735453	he:0.038724454480496245	:0.29885952818124445
and:0.19690455404216667	all:0.09591354219890058	of:0.04772984784213366	but:0.037977435932046534	said:0.03738948929677691	that:0.029268643321184857	All:0.026601445404199606	so:0.025573323335605358	than:0.025271516271379395	:0.47737020235560645
;:0.022793848333138786	in:0.022047221140475262	Columbia,:0.0158862094873053	up:0.014491793505424679	day:0.009604911533106825	them,:0.008432026455417619	mortgage:0.007943733706538798	,:0.007709598105400274	him,:0.007008831693333515	:0.884081826039859
State:0.07672022468543073	day:0.07167423821787704	out:0.05760118528051769	state:0.055755805250226	act:0.050328621711614244	part:0.03398993902232049	years:0.026585133029648402	date:0.020617179998158115	power:0.020078824295096227	:0.586648848509111
of:0.4656549864043446	to:0.08667696942310346	that:0.08522608751884787	and:0.07293945241565782	for:0.045410415580038166	by:0.045210401324468664	on:0.04098772962266542	with:0.0368142058127226	in:0.03443651725309697	:0.08664323464505444
the:0.45610939920155685	a:0.13694176204557548	of:0.09689142618886086	The:0.08659999229455263	and:0.050710535183460984	our:0.032489555431901886	tho:0.02752729270764926	for:0.026781808564486937	their:0.02302179284642149	:0.0629264355355336
of:0.36454441316978187	to:0.10025698031904268	in:0.0895391074692237	by:0.0807115935894432	that:0.053426902803698086	and:0.04362379995723368	under:0.028136674352968197	with:0.027204971131499778	for:0.026102390738494925	:0.1864531664686139
the:0.4682633246282365	western:0.08231151158351942	other:0.06331283306183423	eastern:0.04308443796540017	southern:0.038210154833402295	northern:0.03352943245218164	Republican:0.03257875285169179	said:0.029232970461483713	a:0.029209922150252903	:0.18026666001199732
the:0.11621800545482094	and:0.0774089731934557	of:0.07608399084831298	be:0.04711699998111051	was:0.04407928135227466	to:0.03505581422967068	in:0.031014452379721575	for:0.028748276064256863	is:0.02838226197907345	:0.5158919445173026
one:0.08837264426949418	part:0.038998327146227474	out:0.02722316887260893	portion:0.023814181613109088	side:0.019826910280117432	some:0.016247713638384235	that:0.01581493783524018	tion:0.01520297430519722	member:0.014040980918801042	:0.7404581611208202
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
the:0.14651767028650897	and:0.10280181339946678	of:0.07164139889404732	to:0.06710968865667367	in:0.043620235518656805	was:0.04085328919635116	a:0.03773596883616436	be:0.034467327867332885	is:0.024743356400790086	:0.43050925094400794
did:0.3009916372485633	do:0.2146483254804602	does:0.1383431965944876	could:0.11773262485052352	will:0.0813132166758086	would:0.06542802622958724	can:0.018570546598271474	shall:0.018161695337000124	should:0.017654257812795535	may:0.017156473172502393	:0.01
<s>:0.10576890815140694	it.:0.016326098939405637	them.:0.013197538598966569	.:0.011554344281142678	work.:0.00937128981426876	him.:0.008817216441296327	day.:0.008514773339795459	time.:0.008007566873079252	year.:0.007348857274405607	:0.8110934062862327
the:0.5827715234349431	an:0.09469216469774142	no:0.06182851540616801	The:0.05778794104729704	any:0.05357394995621572	a:0.036286853216247174	tho:0.03011272401870396	this:0.015988014987298245	general:0.01182836757970903	:0.05512994565567631
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
they:0.20019978053634063	who:0.11564722730523516	we:0.09567641378491692	which:0.07285426038834406	and:0.05349070516693963	They:0.051142698830458654	that:0.041852580165993004	We:0.03911977842788636	you:0.0352520846992113	:0.29476447069467426
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.2909842174661729	of:0.2351650954744355	to:0.10517436929979668	and:0.062424279342366065	The:0.05521075051548442	a:0.046245783156738315	with:0.03629710460847139	by:0.03336312561270786	his:0.026734400507632226	:0.10840087401619462
it:0.17179737676551296	he:0.125829304720175	It:0.12209201472181	I:0.05849427898476466	He:0.055779185057685615	which:0.05343899164929195	and:0.04479014026557512	who:0.038085293062393825	there:0.03504686283043146	:0.2946465519423594
be:0.09199034769827566	was:0.08936821868879355	of:0.07404018406341448	and:0.05736310361861587	been:0.05730832051389512	the:0.052811789614495855	were:0.05140181287685057	are:0.04971270530423577	is:0.048430492527360605	:0.42757302509406253
be:0.3304058270684033	was:0.18954778157615687	been:0.11894355175598607	and:0.06694955751806463	were:0.057682233323163974	he:0.050997407390846274	is:0.04527846337471488	are:0.03422567252868479	being:0.030879901358587668	:0.07508960410539153
the:0.6348671670850612	a:0.03901006349967627	tho:0.038966485333117536	The:0.02940602875936752	and:0.026789998203369473	many:0.026415890320508992	other:0.025290399148205814	one:0.021947945864227745	three:0.02169745840466968	:0.13560856338179575
and:0.09611377979382967	together:0.06030448595031675	covered:0.03676937166272939	him:0.032438653052046594	up:0.030460413497620714	it:0.02269175320641507	met:0.021809108688738414	them:0.02113687577611875	but:0.01784208772281916	:0.6604334706493655
when:0.16575616036964155	that:0.16033502805559743	and:0.11913902989032642	which:0.07829422081417951	as:0.06353692481480544	to:0.05246442703361744	said:0.03733949830883919	where:0.03533821300909366	but:0.03213221112456218	:0.25566428657933715
the:0.7043739161110346	a:0.04803799767970549	The:0.035921628915365836	tho:0.034807785866677446	and:0.017917282767070563	of:0.01461979642534073	any:0.013791928245967672	this:0.013207871117995058	tbe:0.01226807148467417	:0.10505372138616846
the:0.40078581554292864	and:0.11529325983043956	of:0.04267823742089496	The:0.03905454888291296	to:0.03455379158079997	that:0.033210523619987525	as:0.02701305692748179	tho:0.022924638598223912	which:0.020662484482747514	:0.26382364311358314
and:0.10148431882533401	is:0.049217878191332484	say:0.033816461308569676	of:0.03266687011152354	on:0.028067906878865772	said:0.026346885629957892	know:0.025603546306157864	was:0.02325657840227891	for:0.023086954100147477	:0.6564526002458324
the:0.1400530223044703	of:0.12445373077691183	to:0.10526433713668262	and:0.07115808472324761	be:0.04537099409508675	in:0.04214729192517407	not:0.04001922918965569	a:0.034167831914034635	or:0.03133811316849769	:0.3660273647662388
it:0.29749933766240383	It:0.21001137242638968	which:0.07447968796723706	there:0.05883914794734531	that:0.05780172725175524	he:0.03553913419584205	and:0.031452210856016474	There:0.02466718161469129	what:0.022232229386443574	:0.1874779706918755
him:0.01340799028379728	up:0.011134659316150855	him,:0.010577653424191966	man:0.009849241687867832	Mr.:0.007898365990735238	it:0.007645739285306746	it,:0.007642845958000082	here:0.007214303221522428	day:0.006468617340388591	:0.918160583492039
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
do:0.45401269860278404	did:0.0938041378638747	if:0.0885514641459398	If:0.07768046533759586	and:0.04494894241023528	or:0.03646220748291002	that:0.03645259118725263	is:0.03422304114203986	doing:0.02377051804361572	:0.11009393378375212
-:0.0651506825881956	ai:0.032932304535764075	the:0.02337632820450887	a:0.021104826673796317	I:0.01696432113004165	in:0.016955221720940095	to:0.014751261826325785	was:0.013216976522804728	be:0.013187771266740034	:0.7823603055308829
the:0.21491915202373837	and:0.09100082823720139	of:0.08124826892131712	The:0.04924990980638667	these:0.025919926018890253	that:0.025781934665440865	in:0.021109714438683272	to:0.017750743987262244	a:0.016626160534359734	:0.4563933613667201
and:0.1249590163878478	of:0.10132944700906286	to:0.08464269606101492	the:0.07917494017810507	on:0.030781821684468746	in:0.030775427254350597	<s>:0.027296937937318053	that:0.025864106241287706	from:0.022204562405101973	:0.47297104484144226
the:0.5573479385976573	and:0.0594612380936498	of:0.05768989629803758	a:0.05421422362168904	tho:0.03738841622916418	The:0.034501931323883725	said:0.026334992041168032	in:0.023682112483088307	or:0.019772786675183132	:0.12960646463647887
the:0.1753214797644007	of:0.12046694590763113	and:0.06643232462531397	in:0.05391851965214773	to:0.049548748225887305	a:0.038139903141842034	for:0.023831077548006497	<s>:0.022339292380939502	at:0.01964196321183234	:0.4303597455419988
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.07868953849577412	and:0.06966157468950236	man:0.06872793617082691	in:0.060441869557597054	those:0.05627712999726243	for:0.04687433302789783	to:0.04429901945286397	with:0.034955231030525225	men:0.03026694433357779	:0.5098064232441724
and:0.16020120338766708	of:0.08685718497833594	to:0.08399503967667783	the:0.06943891233164705	in:0.05884921383794103	or:0.040621043920846804	that:0.03912403354901541	for:0.02818228214969146	on:0.028164677194048932	:0.40456640897412843
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
of:0.11957795847886535	the:0.1049492702216718	in:0.0575875403558124	and:0.051315124493535244	to:0.04057639083118071	on:0.027367642043962408	for:0.022966295025658102	a:0.019790104204035517	<s>:0.01974802898808245	:0.536121645357196
and:0.10003293820030021	committee:0.04144929635729708	feet:0.03810350772194907	Committee:0.029119437678178445	due:0.02757113026768849	going:0.023060388560289486	was:0.023016292619235334	went:0.022239572231136092	that:0.01841299072460668	:0.6769944456393191
or:0.1636009787650414	no:0.1561791973914577	much:0.1478078956004494	the:0.09664910531818362	and:0.09565741237967218	of:0.06642175358574326	far:0.05828893317483666	any:0.054093617351894135	for:0.05010649195571136	:0.11119461447701028
few:0.23930906865290888	two:0.173196308520639	three:0.12295889304845799	six:0.0869841031840215	several:0.06411949493065697	four:0.04938438180917086	eight:0.04482471062992345	five:0.04024388719374056	one:0.03731810251717692	:0.1416610495133039
is:0.17681869119265314	of:0.11647462515962999	such:0.11280462923856505	as:0.10827113065047127	in:0.0890466988910649	with:0.08244361026724542	was:0.06976983470470788	be:0.06885633790350829	to:0.06840343643486929	:0.10711100555728476
of:0.2161314439308715	the:0.15634729842388162	a:0.11013356900879649	and:0.0856952745898112	to:0.07381492313263162	is:0.0594186344149342	with:0.057610930331841996	by:0.04925568138053809	for:0.03912178727950197	:0.15247045750719132
his:0.30122337071903593	her:0.15219742594695695	my:0.10787985092071277	the:0.10429797434713711	their:0.0714387492689058	a:0.047582342760883516	your:0.038927098456101296	and:0.024424974451382118	our:0.021524505734835588	:0.13050370739404887
and:0.1891045587497336	or:0.05571781744064436	that:0.04978813251667614	is:0.03559204546357795	but:0.02923757661454938	was:0.023881916442013172	on:0.022754900691636274	it:0.02262006822099516	be:0.02154201641130728	:0.5497609674488667
of:0.2927593641174272	and:0.10494605861050339	to:0.09461242615336318	for:0.09290779034410165	in:0.08778021507542777	that:0.06349599403350159	with:0.05872666940077863	by:0.05213822394592744	from:0.04332252686119953	:0.1093107314577696
and:0.11473073993713902	to:0.05905983715228313	of:0.05538542172799043	the:0.050277768392062445	that:0.032033354648049295	in:0.02791536410480944	which:0.023979258770660827	not:0.023584058560391436	con-:0.02035717338630867	:0.5926770233203054
the:0.24171711980451135	of:0.12044703808139987	and:0.09112960671605802	to:0.04940443014686253	in:0.04301199023385955	or:0.025358265911997795	a:0.02506056459428699	for:0.020069757510451695	tho:0.019064224090436347	:0.3647370029101359
to:0.6585309346073506	and:0.08665598408083823	not:0.04646495978643671	I:0.04319569774725831	would:0.03664416916693204	will:0.03163658887215491	should:0.024797326491729936	who:0.018934357937504257	you:0.011569763265925142	:0.04157021804386986
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
the:0.8103533206946513	tho:0.039042165758009076	The:0.03580607127995116	their:0.019571726630266236	a:0.01675538073658503	tbe:0.013939668022691469	and:0.012926334650894827	great:0.009298444231604287	his:0.00843187094844268	:0.03387501704690392
with-:0.17720683989114716	and:0.0657462131614543	with¬:0.05674432359025206	sent:0.03969199360573797	it:0.036100117264311234	went:0.035452634685521435	go:0.027623971236544954	the:0.026558183163272988	came:0.025447339099890234	:0.5094283843018677
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
no:0.25265059281089175	the:0.18572081984688013	by:0.1500373638346626	good:0.07090303079232367	of:0.06506006394203005	a:0.06379679311147315	any:0.0532023322277628	and:0.045506336303943955	The:0.03921171518293808	:0.07391095194709382
the:0.41174862952852853	and:0.12151164722727956	is:0.06971361236970398	was:0.0528342128536126	are:0.052779303492527685	The:0.049906945236728686	to:0.03981976353007699	have:0.03855013889987037	be:0.038296377205234655	:0.12483936965643695
he:0.14775532920748466	it:0.1387634970738622	It:0.11614826656907291	He:0.06720717272575293	which:0.06607615529624267	I:0.06290741230023697	and:0.053880585675727496	she:0.044458299142550506	there:0.04221579580066862	:0.260587486208401
the:0.4924487125954297	of:0.20500341572844907	on:0.11669212222208665	and:0.03601884887439904	The:0.029501828315029715	tho:0.022828740305477536	in:0.019334895892928795	this:0.009451943778447247	with:0.008660958201227116	:0.06005853408652515
foreclosed:0.09634386882946343	accompanied:0.06914744523154118	made:0.062220870833543704	and:0.059623448501614024	followed:0.05567422914917625	surrounded:0.03148136347170944	up:0.026111816226809845	caused:0.02316153437489157	secured:0.022889564253045367	:0.5533458591282052
the:0.17124403183375003	of:0.14088216674104462	in:0.09812755344366411	and:0.045990389172842476	to:0.044346026042610724	a:0.03852743971752749	that:0.025335665915698368	for:0.02486294617289132	as:0.02062563448794774	:0.39005814647202314
of:0.1702930724700524	the:0.15106994898574994	or:0.09365158673171951	such:0.08763578846675606	for:0.08016271896069015	any:0.06933823364945572	some:0.0540129181282653	all:0.044422300620959615	these:0.04258729685220717	:0.20682613513414413
to:0.5221563484964136	and:0.11386506451227334	will:0.07962114488913846	shall:0.06805226025662689	not:0.04074437979910145	the:0.03829500422481898	can:0.03763354970987928	should:0.032024669531767726	may:0.031514257955038726	:0.03609332062494155
was:0.19269104532868997	been:0.16321330683856902	be:0.09941835758418184	is:0.08396555438889831	are:0.07807695036900582	were:0.07616439751433557	and:0.048765531842220176	busily:0.03813495480227214	those:0.031036671824574116	:0.18853322950725301
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
No.:0.12406973649116751	about:0.12083646743545842	at:0.09003503867061681	east:0.06537000058548056	of:0.061268047722806446	north:0.05767406143534047	west:0.049373755896357466	No:0.044604859078529055	deg.:0.04175476996928428	:0.34501326271495897
the:0.7903524305706808	The:0.08153044091666918	tho:0.030681993806128738	at:0.022994468311478306	his:0.017614372169577182	tbe:0.01265978450162838	its:0.009135731833332642	their:0.008051639207154048	for:0.007722363728190644	:0.01925677495516008
the:0.4042191769686369	a:0.19319079949328744	of:0.06879477126012118	The:0.04750761413064774	this:0.0450847719117406	our:0.04324672797572227	and:0.04214079145909484	his:0.04196499504049377	their:0.03465692851562631	:0.07919342324462893
and:0.10235494940494616	the:0.09817011765250404	of:0.054918833819049634	to:0.048949106665551446	be:0.04502452823262038	in:0.04138743640090962	or:0.032198312294903386	for:0.029705916095476525	he:0.026435922643808892	:0.5208548767902299
of:0.14665157833114809	and:0.09030231702613298	the:0.059823920825644306	to:0.05944520350368447	a:0.054242956092369746	was:0.035254596897220346	in:0.030659184070719357	be:0.027358347582772318	for:0.026310981886703815	:0.4699509137836046
the:0.3970256046603947	in:0.08649858136451873	of:0.06806331598917442	to:0.04363487302271389	at:0.038863554403700776	said:0.03177233456774288	tho:0.027283123063734323	and:0.025306522580890566	for:0.022597158981733968	:0.2589549313653957
time:0.10037201099944051	and:0.07462081268924246	recorded:0.06945022153742576	be:0.061815478848013465	was:0.05733444359817494	is:0.04464244341737171	that:0.0345760027688535	as:0.03325715078499278	them:0.029799579675493727	:0.49413185568099116
and:0.2231125084100589	fact:0.09072233251825965	is:0.08726413520014818	say:0.061028144811720614	of:0.05455595562472992	know:0.05061226672469943	believe:0.04827218464908808	but:0.046477759689421125	so:0.041205498964605854	:0.29674921340726823
of:0.15630137730751212	by:0.08223210669322652	to:0.07180217310598579	that:0.0697860171227717	and:0.06860313108410063	with:0.027549174244935564	<s>:0.02367243312489382	which:0.02017544874624105	as:0.017332841528940258	:0.4625452970413926
the:0.35756372606708015	a:0.28228348242507406	of:0.07777307046213443	to:0.07504545357901735	our:0.02866155589815907	in:0.026803332807899986	The:0.019906752624256334	and:0.018880148273562745	tho:0.01765413267243528	:0.09542834519038056
as:0.11097272686072879	up:0.07831511427683739	and:0.044320641425779746	it:0.04257477550429774	back:0.041127781960807276	came:0.04003567218129692	down:0.036184987610941806	come:0.033956472474374534	him:0.03228915625460243	:0.5402226714503333
the:0.4065276721953979	a:0.2653345227717398	this:0.09679393789596917	tho:0.03253815077533731	The:0.027524769033743676	to:0.025815751795968025	and:0.024180880957601934	every:0.0232066776428988	of:0.02007429506741654	:0.07800334186392684
him:0.02494659599230191	;:0.01487772965405297	man:0.012826628951379817	him,:0.01053555299716851	up:0.010332831893804855	and:0.010083138836835061	himself:0.009258682528632555	in:0.008913702740427201	man,:0.007933669360602887	:0.8902914670447942
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
of:0.23163020095030948	to:0.1346720940322325	in:0.10142988449363989	and:0.06983301928792503	at:0.0695926711441178	for:0.06730193197650766	all:0.049003588776378976	with:0.0464504984191072	that:0.03786457383731321	:0.19222153708246825
and:0.1196407331085516	well:0.05854287038640345	the:0.04117902110574501	.:0.02280785994427201	to:0.021996634578567775	of:0.015524549388711872	;:0.014256960360757794	<s>:0.013479434778640704	1:0.013112867619382811	:0.679459068728967
in:0.02538309963792005	up:0.02102465836400952	it:0.018138098478627462	it,:0.015677708817183958	them:0.015465744940736494	him:0.015224048442898548	made:0.015015482731791426	;:0.014066863141500508	out:0.013053920946504935	:0.8469503744988272
as:0.4096147386975717	fees,:0.1056098549974612	and:0.08102134165637398	is:0.0806059180220529	be:0.05155706359565855	was:0.04891926564412345	not:0.031693323436005894	so:0.02600835611464135	fees:0.020403838259737985	:0.14456629957637301
of:0.29074765266853336	in:0.1342155144417864	to:0.11196350904893523	that:0.07034693126407413	for:0.06639867890725615	with:0.06527986637216181	at:0.0568080918871189	and:0.05474960481371729	by:0.04292073832565036	:0.10656941227076638
at:0.20019574401943915	of:0.1806013158406764	in:0.14833252573679828	to:0.08127886317173648	on:0.06498511204165315	for:0.0648944728858489	and:0.057868996324392234	that:0.040296604571923675	from:0.038253800346840276	:0.12329256506069143
the:0.27238511779099633	of:0.12782307478157012	and:0.12291460570784284	The:0.03924027099062122	suc-:0.03877544628379539	a:0.03816874058648891	two:0.036378380258841686	in:0.028538133968230787	tho:0.02717632792523019	:0.26859990170638254
it:0.22856110105309196	It:0.1452820683974188	which:0.05914017695475625	he:0.0478149945050819	and:0.04416228847994344	that:0.040249019547583975	there:0.02938454306037856	who:0.024987486037450265	This:0.017718758616521977	:0.36269956334777287
the:0.22406309721416842	of:0.17858232370517446	and:0.08061311568818712	to:0.05521248374875897	a:0.04606051834471876	his:0.027904152503539736	in:0.026273234883260367	at:0.02200888540934586	for:0.02110729860011379	:0.3181748899027325
be:0.23179166232507267	was:0.13779519693483483	is:0.11612008450128634	been:0.09347248501656422	are:0.08272510418991114	and:0.07460287583660749	were:0.05837332334728273	the:0.05083155687552264	of:0.03816194831738756	:0.11612576265553037
of:0.26267433639924403	to:0.1334376786835935	and:0.09688598431895228	for:0.0935994443204343	that:0.09251567171574805	in:0.06755205174144566	with:0.058978341138535124	by:0.047351841442570444	all:0.03467519179052436	:0.11232945844895227
the:0.15590042999905385	and:0.14071849012077497	of:0.07635578687953923	a:0.061536010846529154	to:0.05017066677301468	in:0.033448849394898075	is:0.01940643420515566	that:0.018891423674764294	for:0.01880329577676733	:0.42476861232950275
they:0.18504517275203594	we:0.09743681310733489	who:0.06750535270036095	They:0.05478717256157265	We:0.05389957442023948	there:0.05062549794478238	which:0.049181198659991446	There:0.046147218273384576	you:0.043995557267355705	:0.35137644231294196
and:0.13052965313972495	the:0.12756240268775323	of:0.10456222244034502	to:0.06307319233009416	in:0.038220929701835736	a:0.03610535413710486	or:0.029511148918926474	for:0.015873840020990855	was:0.015762251919686117	:0.4387990047035386
five:0.16806202411338797	ten:0.16770752841335834	two:0.09066522814020432	of:0.08884273028855516	three:0.06923473903312717	hundred:0.04717881705144532	four:0.04533219097408383	fifteen:0.04391684664774634	fifty:0.03845844671902627	:0.24060144861906527
the:0.27306463031666867	a:0.18361721876492623	and:0.0676828593705702	an:0.06344789720075084	of:0.03647125298991351	The:0.02910839736478376	to:0.024615860228354207	that:0.020374441646351542	this:0.018219606012035615	:0.2833978361056454
was:0.21794385340172584	is:0.17819171759855518	be:0.10622437184553954	been:0.09274454354138861	are:0.07225400991576457	and:0.06848327614178702	were:0.06495666009255822	have:0.062094160385712166	has:0.05316891450677001	:0.08393849257019884
of:0.16104402144012492	the:0.09795513655066218	and:0.09435955054038414	in:0.04743748154624203	to:0.035671613063985155	on:0.024049789533626	by:0.019731163006069585	for:0.019328263605042584	with:0.017468609846241816	:0.4829543708676216
the:0.20591114547471637	of:0.1092509439913284	and:0.08675881364934701	a:0.0791016539121541	to:0.05169986765308444	in:0.040459764112003534	his:0.029888056530255034	Mr.:0.024337318220655067	her:0.02343227092254206	:0.349160165533914
and:0.2726437863372708	not:0.10123106841955867	or:0.093322166220881	that:0.06850491663641149	was:0.06112111632998953	is:0.04882968567047133	be:0.04438856591194944	but:0.037066213552016704	had:0.035480708854465415	:0.23741177206698555
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
in:0.051751453364831536	;:0.013765939685385102	up:0.012190226878878031	from:0.010514601051823818	them,:0.01018881250662673	thereof,:0.009754449849970266	In:0.00929844520292278	him,:0.009127371657331036	benefit,:0.009010295718821242	:0.8643984040834095
the:0.41243595469885636	a:0.19803883769194822	and:0.1282889079533451	The:0.034797181804140535	tho:0.01894789750289095	or:0.01812121762883028	to:0.015642990494678242	of:0.014480431772971708	great:0.01153775222522171	:0.14770882822711687
the:0.2594221912251006	of:0.14135048323393917	and:0.13104473068422226	are:0.07773071228911071	is:0.07646286010274535	was:0.04010391919398907	in:0.04000615588117481	by:0.03803110161674745	more:0.03702520044781557	:0.158822645325155
of:0.2932481315382739	on:0.14090919235638036	to:0.10296118268832755	and:0.10247254694163263	in:0.09996932116070233	that:0.06418943881328487	from:0.05006383096054819	for:0.03787718197308085	all:0.03250702845872506	:0.07580214510904427
the:0.20849665906433557	and:0.1142767670160047	of:0.0996603529965147	The:0.06524073313159189	that:0.024980514504802553	these:0.01841332784867121	a:0.016378062967323737	or:0.01599964531259606	to:0.01465781744434432	:0.4218961197138153
of:0.04610280601449749	from:0.03502033726070018	<s>:0.026804400460203295	are:0.025066532951375394	and:0.02471473987828092	land:0.02273454692037686	in:0.02185924214980882	the:0.01940231353429445	is:0.016885321569635518	:0.7614097592608271
and:0.1067815288313406	would:0.08034424537961467	looked:0.06555596377908242	looks:0.059177296715616334	was:0.05230614400337728	not:0.04686109149178561	something:0.04552431321546774	is:0.04288187266680382	much:0.04092384977280147	:0.45964369414411005
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
his:0.24825373688691355	the:0.23906813619919112	her:0.11026039120671544	my:0.09095963377870561	His:0.0550425744044259	The:0.04643529204657215	that:0.030523973496678184	a:0.024506039485868207	and:0.020966955018466387	:0.13398326747646347
the:0.18409633249068436	of:0.13362106055301115	and:0.06622153166347654	to:0.05457704510787527	be:0.04715922596571689	a:0.04026107484190918	their:0.028959357398038194	his:0.02564065623260636	for:0.025095288774921894	:0.39436842697176017
and:0.08793627417053602	the:0.058062596342082995	to:0.05616145386902443	will:0.05024895711553716	which:0.04934421954894263	said:0.04911162949450814	of:0.048468472203261496	that:0.03815540925302591	may:0.03659240513259149	:0.5259185828704898
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
carry:0.18281036161031505	through-:0.1659987913497337	with-:0.10472532803897346	carrying:0.05989436857795188	pointed:0.0481862496694261	and:0.04287335829430306	sent:0.03982769731396628	brought:0.03556484937502764	carried:0.03503961230482394	:0.2850793834654789
is:0.13654029982292276	of:0.136434874151214	with:0.1334188683177859	was:0.1054295963206216	to:0.0815106856628298	in:0.07379608871745849	for:0.0655496484908372	and:0.05596082935616132	by:0.04992015570273359	:0.1614389534574353
of:0.09400290162860477	the:0.05021247282719051	and:0.04593701122029225	in:0.039689724099797465	a:0.03955106009074535	to:0.033628996744697666	-:0.028068341170203286	for:0.01576655015567196	by:0.013520211217340584	:0.6396227308454562
and:0.11466088913790702	that:0.05532000573712739	as:0.04709364811439039	which:0.027921097184170882	the:0.027643100012842033	of:0.025193515050706702	but:0.024181478855027992	<s>:0.02361422624512566	when:0.021289870781935925	:0.633082168880766
of:0.2724710679538904	in:0.17577303406823624	to:0.13600879843903624	and:0.06526309153064792	on:0.0640244975852505	that:0.052828709418834836	for:0.04692689298305581	by:0.03920416266794161	In:0.038818907853286164	:0.10868083749982026
of:0.10631112473892627	the:0.09943241832474299	and:0.08159794106622675	to:0.08044019399615582	a:0.0411705846870669	be:0.032482607452970214	was:0.026600329505008413	or:0.02456876992697593	is:0.021232665187409037	:0.4861633651145177
the:0.44647594704826055	and:0.13815752977554308	The:0.03737529618567388	tho:0.034480972654605195	of:0.022727986224837196	or:0.019319172205803817	as:0.018995989457879264	a:0.018303333930244976	said:0.017654311520723765	:0.24650946099642826
to:0.2290409200493107	a:0.1553600600302263	the:0.1388856896124613	great:0.07447024198991097	of:0.05846668729443815	in:0.05608031319628766	large:0.04907920014066542	and:0.046826662296962855	full:0.033600830218420516	:0.15818939517131614
a:0.4630737036962329	the:0.3256713587054301	this:0.04164088788757556	that:0.021194570294132006	long:0.01932970398771024	any:0.018661651762527875	tho:0.016605229785960317	same:0.01494604462223886	The:0.012708746601151911	:0.0661681026570402
the:0.3173535627880385	and:0.07085335463939998	of:0.06204704572676967	a:0.05749562213352501	The:0.03158933843789643	tho:0.024254251876707274	in:0.021223916801691292	or:0.019199188019200883	for:0.014911982927300225	:0.3810717366494707
was:0.16229123876950297	be:0.1417838159756557	is:0.13889283837204727	not:0.11005290725492062	are:0.07272089298850946	and:0.06923721663658919	been:0.06573299766144608	the:0.06259013224245902	were:0.048773702852412726	:0.12792425724645695
the:0.22789946718054654	an:0.08885893429871324	be:0.07721649368385919	in:0.0697281568604719	his:0.06452754822827522	and:0.063142919104423	a:0.04696720277202503	so:0.04656348628202243	their:0.03826390154727293	:0.2768318900423905
spite:0.04559317197445746	out:0.04469516928781942	and:0.042816006793876885	that:0.03185133010767678	value:0.0312894207837324	part:0.029526243717860473	one:0.027326223207267606	sum:0.026527445086863187	amount:0.0238170635976946	:0.6965579254427512
one:0.13128720717464162	some:0.08461735365278528	many:0.04847273074418403	all:0.0434097698998669	out:0.04262208938507716	part:0.042306194817281824	any:0.0301089147815544	most:0.027783670858525438	portion:0.02625388729213515	:0.5231381813939482
last:0.20385478098126916	the:0.15723679747795855	this:0.1324233384738481	Last:0.11829719345364385	a:0.09158679055584756	next:0.08239179089046554	one:0.055103614652200435	fiscal:0.04749631590376269	that:0.04195984411305966	:0.06964953349794445
the:0.3116326852378827	capital:0.25824363752847423	and:0.06666790426818944	a:0.04289962676629673	of:0.036336585149701416	live:0.030226911100113846	The:0.02765241440946065	common:0.025226942507675425	large:0.021926799236097305	:0.17918649379610826
in:0.051751453364831536	;:0.013765939685385102	up:0.012190226878878031	from:0.010514601051823818	them,:0.01018881250662673	thereof,:0.009754449849970266	In:0.00929844520292278	him,:0.009127371657331036	benefit,:0.009010295718821242	:0.8643984040834095
and:0.055364117977614896	to:0.04704770930725777	of:0.032109861942473714	the:0.02950830113442753	-:0.018970947648388505	.:0.01610117544671641	I:0.01592882916802713	a:0.014991537780649553	was:0.013629476608954076	:0.7563480429854904
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.1538368872037331	and:0.15343356103633918	a:0.0650721151618131	of:0.05642498217934431	to:0.03324913498955477	be:0.0298024836614999	Mr.:0.02191093040488575	have:0.021289594301931527	was:0.021023445550151065	:0.4439568655107473
the:0.08231258523739886	and:0.07739554602935723	of:0.06288116648005086	a:0.04579912094217674	to:0.03638775910795839	at:0.033774194230420974	.:0.02482220264834942	in:0.02334187321577589	was:0.016324259168491777	:0.5969612929400199
and:0.12736406877079495	the:0.11092420913138946	to:0.06378677253145253	of:0.057196398190794355	a:0.04036240300440353	or:0.03922419265170544	be:0.03753068388732642	was:0.03712256587983413	is:0.03516423370584931	:0.4513244722464499
number:0.061793755430564534	out:0.038564210749562046	one:0.03291682570561594	line:0.032354279687239564	part:0.0305707103483098	day:0.027262230909886834	side:0.02517866024198788	state:0.025080692290987937	way:0.02218527802004083	:0.7040933566158046
a:0.10522603050322524	the:0.10242730525787162	and:0.08855081895791235	of:0.06259308903859157	was:0.049376477334734555	is:0.04133880149869396	to:0.03597109969149224	be:0.032909178117607144	in:0.028560260554148162	:0.4530469390457232
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.20723176202795318	I:0.16109365176551957	he:0.15057873510557246	they:0.06683010995988231	who:0.06439800154982027	she:0.05280497280291808	we:0.03965093364969507	He:0.03772914914104587	it:0.037237802545454494	:0.18244488145213872
a:0.2551255777611505	the:0.23510424853787223	any:0.10072378626532229	that:0.0768876047752589	this:0.04691355556726983	every:0.03993716030012861	greater:0.038243453772756	latter:0.029410411350112447	no:0.026389307740317964	:0.15126489392981118
and:0.20437905477162038	the:0.16095745800340433	of:0.10848322964071036	in:0.08443202168021469	to:0.05125290320540872	was:0.0492007732935065	is:0.03325182971573275	are:0.030034566121983124	that:0.023546148613357132	:0.254462014954062
a:0.16366591396812616	the:0.14840020694595574	and:0.13658302538794692	no:0.13393873508028595	to:0.09238857927550381	any:0.06329170305143149	for:0.05861080311711127	it:0.05736662634110559	is:0.05195414123869256	:0.09380026559384053
and:0.22365143887005104	that:0.11793553615135136	as:0.10205190674912124	even:0.044085016682960346	but:0.035724526130410966	him:0.028312826931407395	see:0.025707380121423214	or:0.021276552025832864	asked:0.019115155507131904	:0.3821396608303097
the:0.3643144423018478	a:0.11579710339991663	his:0.08461315606744597	their:0.0651328154375998	of:0.06169895010167051	and:0.04240951064280583	The:0.039441534324020956	its:0.03440340495154099	in:0.03246321879562434	:0.15972586397752722
of:0.37026053854824453	to:0.10112663996769496	in:0.08819432317914193	by:0.07491249701695883	and:0.06941239938946794	for:0.06270243567533115	that:0.05740090551951852	with:0.04299781669015995	from:0.0381534935197351	:0.09483895049374709
it:0.2672715177804225	It:0.2583054861843466	there:0.09519437165243035	There:0.05946690137268673	which:0.057446493130653364	that:0.03395044683584892	he:0.0334159403240495	This:0.030782267199208176	and:0.024892169000436313	:0.1392744065199175
of:0.13470036988374534	the:0.09488553862415759	and:0.07312423262004518	to:0.07204023274823565	in:0.047748323802994895	a:0.03993813738598023	be:0.03557506201615192	for:0.034417615778310845	is:0.02663873251258484	:0.4409317546277935
and:0.08444691184446533	to:0.05456277507612179	of:0.04650327560771132	<s>:0.03107168130008797	the:0.0261516373997609	is:0.025067431085010673	by:0.02280332140516434	was:0.022694256523966398	at:0.0174483471837222	:0.6692503625739891
of:0.2687619285492462	in:0.15429099959287323	to:0.09857714409575319	and:0.07212005509893034	with:0.07071215835984063	for:0.06530215842500654	as:0.05159907401516248	by:0.04867430312564293	that:0.04701838290936289	:0.12294379582818155
of:0.17796578503636762	to:0.15599646746088777	in:0.09966585871627315	and:0.07570146852719599	for:0.07376720267964645	at:0.05882470532898325	with:0.04634542228954444	In:0.046283911514089005	from:0.033819081132897014	:0.2316300973141153
difference:0.18195415429467066	and:0.03593371923546301	lying:0.0354237489784309	line:0.03170142578971208	out:0.03004560886643296	it:0.027712922791040415	relations:0.025060162433031708	up:0.023580583283465663	made:0.020705975577820123	:0.5878816987499325
it:0.1682234456823729	that:0.14334730737483484	It:0.08941384373778134	and:0.08293274467958187	which:0.05396322846565949	he:0.038837967615698035	be:0.02022174793483197	There:0.019119362046657637	fact:0.01721552130113164	:0.36672483116145027
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
it:0.2176503008488188	It:0.12990066951516588	he:0.09081758654511402	there:0.08897400888389162	that:0.049686060872120116	they:0.0481701700830547	I:0.043226903959117165	and:0.042570162436034835	which:0.0338103232518593	:0.25519381360482357
the:0.32306577503518535	and:0.12691099798544006	a:0.12036317933288222	of:0.08852954783121753	is:0.04960821835705952	was:0.04872154483180597	in:0.04612990723868906	attorney:0.04569124931171685	brigadier:0.04299715569616988	:0.10798242437983355
of:0.372250008230491	to:0.115010741223047	that:0.10674137818426689	by:0.09020634328053226	and:0.0898824512123781	with:0.04566707098347421	for:0.030355427395795973	as:0.029725130785939222	all:0.027480574881428844	:0.0926808738226465
of:0.4160977072184838	for:0.1016176408171029	and:0.08374783668202507	in:0.07601286647895125	to:0.05222167261483101	with:0.048052242439390595	on:0.045652388324708436	that:0.04055440445944204	by:0.03837499864278865	:0.09766824232227624
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
years:0.47275350001278416	months:0.09816345277585359	weeks:0.0855455554906125	days:0.0698414574881537	long:0.06793029266963398	year:0.05239046286104238	time:0.04087961905723119	Years:0.01878544991981556	week:0.016012221115333628	:0.0776979886095393
and:0.17585063722392302	fact:0.10400902578517979	said:0.06844377842999533	so:0.06232472237382234	believe:0.04519952307692614	is:0.039634011181226815	say:0.03675663629906361	know:0.036060715732595706	found:0.03095250753294034	:0.4007684423643269
by:0.22633674282057162	no:0.1383642927405602	and:0.1339996780345441	the:0.09116300815189468	a:0.053627217820331634	of:0.048703904138011456	which:0.046920646687918066	This:0.046037731959509144	this:0.04394181709686927	:0.17090496054978985
a:0.32512258887347567	the:0.30854911111376493	of:0.09252979322117427	with:0.0515540815959023	this:0.039017274653040245	and:0.03296225954559085	in:0.03045266873076897	A:0.02592902963794667	so:0.024181516225775346	:0.06970167640256074
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
be:0.25024120556638807	as:0.15969772198634816	was:0.12223141662655299	been:0.09976035286194043	is:0.0883911093273633	and:0.06935859369327937	are:0.036421495102089446	were:0.02993786316573901	not:0.023759251229072617	:0.12020099044122663
of:0.2801226335958243	to:0.12448596117397116	and:0.09897331778476708	for:0.09461750062075662	in:0.07344942202230897	with:0.060619645472347904	that:0.05472779970376492	by:0.047116244172122755	is:0.04211614059914167	:0.12377133485499461
and:0.1099564778746098	demand:0.044988510015496246	ready:0.027478192215882383	used:0.02245991932645999	vote:0.017521767867591454	as:0.017398541153042218	him:0.016818856306381264	candidate:0.016799151152249864	not:0.016765687866972707	:0.709812896221314
in:0.17831071634309084	for:0.15288283829349295	of:0.14608337491179252	within:0.07753756007710011	and:0.06785450787002224	only:0.06190377207193627	In:0.05627073922004922	with:0.0471648322568348	is:0.04003434387689471	:0.17195731507878634
a:0.6396283487614941	the:0.10698974978968041	of:0.06522351590043438	with:0.04901229230630325	A:0.03630682109535104	so:0.024793021023778915	this:0.02181302053075598	that:0.01648705555054067	and:0.014034472738864583	:0.025711702302796662
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.1972178756266157	of:0.1438323524747447	and:0.08780998174929512	to:0.05113049947164916	a:0.04003365328380722	be:0.03853571814440081	in:0.03154283491851984	for:0.029685846351416013	was:0.02910583440800723	:0.3511054035715442
of:0.15985453877695838	the:0.09502846416525065	in:0.05845807207715751	and:0.04749673608087739	that:0.03780945476695417	to:0.031324348349176294	The:0.026721992530225346	for:0.023155839315457248	Mr.:0.019973943650508502	:0.5001766102874345
the:0.6982540538594773	in-:0.08522274053002009	The:0.05126875077105306	tho:0.03788839540315608	in¬:0.028261117432612833	in­:0.02187258200498488	a:0.01910728031757077	In-:0.014899678880429722	ex-:0.014644326007397564	:0.028581074793297728
to:0.403848891744666	will:0.2465046187100441	would:0.10598619701654595	shall:0.05502934589809452	may:0.03920412929632954	must:0.03610710806354987	should:0.035422633058705605	and:0.019087619825158234	not:0.016863460324403143	:0.041945996062503065
is:0.18582870030652213	well:0.15460794774118797	be:0.1062165795398068	was:0.0654118875682882	not:0.060209677431808724	been:0.05181632779811929	are:0.04694564724086244	and:0.04658390517460511	have:0.03590793285074792	:0.24647139434805146
Mr.:0.06488178202436107	and:0.038591140054106535	the:0.032067468780571706	.:0.027663466386155283	said:0.023447903440146217	<s>:0.019153639927079722	of:0.0168269069727485	at:0.014670976897461031	to:0.010010914041546935	:0.752685801475823
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
land:0.019008375758537158	in:0.015042161756959925	State:0.01475672080151066	men:0.013239981247814264	good:0.013094470497883148	state:0.012983935432377823	power:0.012345969105817717	relatives:0.01129909742888685	up:0.011184885109649195	:0.8770444028605633
the:0.057211136744173295	of:0.05268979244197746	<:0.035686127379176966	.:0.03057622376914442	and:0.026576642581091412	-:0.024457444964040988	i:0.02226324613857874	in:0.021413163703593665	a:0.019701094375864432	:0.7094251279023586
the:0.08430387927271105	Miss:0.08390046437236046	.:0.07235559472274479	of:0.0714113864473262	Mrs.:0.060900689970576564	Mr.:0.0555518287012003	and:0.04881589426742832	J.:0.03686170141803286	W.:0.03302017664280397	:0.45287838418481546
is:0.2693748316233924	was:0.2155961741169097	are:0.16833566903809613	were:0.06592629178988108	do:0.04874593926973455	am:0.04319267158051089	and:0.03653568494989565	Is:0.036120164309820284	had:0.035927162812912125	:0.08024541050884726
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
and:0.12281401614448702	is:0.07853393143390314	as:0.06187983689468885	was:0.054989244009102364	him:0.054514689950581514	order:0.05384319119471817	time:0.047857223430872765	began:0.04468986998269742	able:0.044084009216149654	:0.4367939877427991
the:0.16866521496506504	of:0.10134741350355506	and:0.07055437288341877	a:0.04534265260080411	to:0.0413013158134652	his:0.025910871644329928	be:0.025020793975801862	my:0.023697134385706232	I:0.02200907055966385	:0.47615115966818994
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
is:0.18972946248636194	have:0.146127039607109	had:0.1339513858126289	was:0.09227501710467406	has:0.08387773797547021	that:0.0807889779299187	and:0.0705403593371523	be:0.05318753434650576	made:0.035852680695645685	:0.11366980470453349
at:0.37844876918070414	to:0.15993554858063713	of:0.14587056977910895	At:0.07190615423297078	in:0.06811617120866122	from:0.03848413257253323	and:0.030069969959657612	for:0.029893712884948923	that:0.029189306679932928	:0.04808566492084511
of:0.13514665081176502	as:0.10750325054107956	is:0.10240190603846948	to:0.09704220313309377	for:0.09199238271600016	such:0.07425312694461253	with:0.0696379978706445	and:0.05473662566617116	in:0.0493040117711067	:0.21798184450705713
the:0.10660488846522352	and:0.10623336632698874	a:0.08382153555772762	to:0.07477301052404826	of:0.07038415650325382	be:0.028904799140949004	is:0.024751584693103214	in:0.02465875354075711	or:0.02284971025567001	:0.4570181949922787
of:0.2505061171032294	in:0.19352024447897428	for:0.07333479369419531	and:0.06013101669700907	In:0.05944626952510337	with:0.05635449991513426	the:0.04757998698360635	to:0.04174853201421477	is:0.040717427832323905	:0.17666111175620924
the:0.12251758203141075	a:0.12018329735374324	or:0.10525739652371581	and:0.10243543354189356	no:0.07933111405381404	much:0.0683389463917837	of:0.058743727811252616	is:0.04662677542408886	be:0.03431544765459639	:0.26225027921370103
is:0.20425824324078795	was:0.10803023586578606	of:0.09167664504400991	and:0.0889715096965906	be:0.08665145003195936	as:0.07983009621090927	with:0.07817734242423277	for:0.07289986797869032	to:0.05187056585455467	:0.1376340436524791
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
it:0.16747301095601322	he:0.15038518671492693	It:0.15012693899070906	I:0.08673225904607307	there:0.05773480960566197	He:0.052702735132203866	and:0.03969218541356171	she:0.03926310788856527	which:0.0388707460451963	:0.2170190202070886
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
it:0.2362756637425065	he:0.16431471761064592	It:0.13643329820792086	and:0.06646498410169731	who:0.043492556529752154	He:0.04319854510832011	that:0.03811553585177084	she:0.030779354266383167	which:0.02952392601214836	:0.21140141856885478
to:0.33635951466158126	will:0.23009521839618746	would:0.13386983970742578	may:0.06556974556096813	shall:0.05745152207775554	should:0.0482577808663388	must:0.04041476894631926	not:0.03444738183067559	can:0.016730054562243083	:0.0368041733905051
do:0.46031243666209026	did:0.26260982010512784	does:0.10755235268953929	could:0.04852685791043995	would:0.04351196459954879	will:0.03087686964720613	and:0.011023663495462126	is:0.010694936458693743	should:0.008643270715935155	:0.016247827715956713
that:0.19529459725552145	and:0.1893205846914157	but:0.10676670620972793	as:0.07688705093448475	which:0.058663178485630074	if:0.03975885240158478	when:0.03805535861827694	where:0.02774861381497361	But:0.025105247517370508	:0.24239981007101427
the:0.1211736170665205	of:0.1128503917439216	for:0.08885924395793275	to:0.0764847582660944	in:0.0631430914697367	and:0.06125034394599638	a:0.038777630988978136	be:0.03006966964599402	that:0.024425035912238467	:0.38296621700258704
the:0.2539824202224004	a:0.15043548352238573	of:0.1029163305710915	in:0.04594242546214976	and:0.02942523917205827	The:0.028151159959974918	to:0.0185564278387848	on:0.01807785082092605	from:0.014975840514111877	:0.3375368219161167
of:0.3714228052931078	in:0.13027050288811273	to:0.1126801666620426	at:0.10229244946721025	and:0.05340670022469687	from:0.047956629010573744	by:0.04110361932481826	for:0.03962369633306177	on:0.036950119654674	:0.06429331114170196
the:0.19562286545974122	and:0.08210215890826428	a:0.07285430231959578	of:0.06740390745474954	to:0.06543949730759961	so:0.03317401232380278	is:0.0309285392337911	in:0.02758066527636791	be:0.023650834831107286	:0.4012432168849805
the:0.7061257944457969	The:0.06506807731943982	his:0.044226461204095346	and:0.030440590298214158	tho:0.026512210536494035	a:0.022952495668980215	of:0.01697688875023681	this:0.016165344790141915	that:0.011502749276884801	:0.060029387709715984
of:0.11144181478467644	as:0.09379334547632999	to:0.07057559117275279	with:0.06473614693882856	is:0.06418392730936819	and:0.06242782611585195	for:0.05652234570058226	in:0.046142587698582066	at:0.04051786247177704	:0.38965855233125074
and:0.1313056501793289	made:0.034551030036317	necessary:0.03191530070016697	provide:0.023191256277008975	him:0.021827387004521748	time:0.02091411247587312	but:0.020346196766889778	pay:0.02006785098451588	responsible:0.019399383232926184	:0.6764818323424514
the:0.10025759217385784	of:0.0761521872425835	to:0.06755242676270015	and:0.06310761650552735	a:0.03565545743929124	.:0.03246207619844878	in:0.029261549069580593	at:0.026007711850505977	was:0.02111774921177539	:0.5484256335457292
and:0.1579706765554349	of:0.127036000620446	to:0.08744022518332539	by:0.08579960262685916	that:0.08570771626215354	for:0.08539248355826749	in:0.0567060258946803	with:0.05624144357325152	was:0.04335600573863289	:0.2143498199869488
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
sum:0.15971654149250689	rate:0.07781565144944305	one:0.04012198657596557	amount:0.03308397556930531	out:0.031884711727265085	number:0.029332213397354496	consisting:0.027098255804107296	instead:0.024079689025433382	period:0.02359314515168008	:0.5532738298069388
the:0.15725783260845674	Mr.:0.11467335197818804	of:0.07485380126492697	The:0.04896984831686632	and:0.04709381763178539	that:0.04353377587227897	a:0.03262830912917638	Mrs.:0.022337715579871346	.:0.018467704340620273	:0.44018384327782956
that:0.24965642357422835	and:0.15921940479170324	but:0.08555820058901059	as:0.07149450073524026	when:0.06533617967914483	which:0.06403586677889773	if:0.03781086503442973	where:0.030499946293478825	until:0.021573599808582904	:0.21481501271528353
was:0.2657654094536391	be:0.16597333402577552	is:0.12561597263169688	and:0.08833496645509707	been:0.07926002800302274	were:0.05863720946705885	as:0.055089535114342156	are:0.04439556317366314	being:0.030637225149715466	:0.0862907565259891
the:0.14331823963293128	and:0.09355876212745572	of:0.07463273146561433	be:0.06278863594112566	to:0.06176958664817019	a:0.051281754511237586	in:0.026094173529248855	or:0.023324903599032325	is:0.02210694829741953	:0.4411242642477645
was:0.2066663752012319	and:0.13773973308504964	be:0.06974194799601284	is:0.0669144349203081	had:0.06590887145422152	were:0.0630661498088404	are:0.05759933645882429	have:0.05587204495600726	been:0.051734974492582006	:0.22475613162692204
of:0.17462044758861045	at:0.08464470753963414	to:0.07887558820745075	and:0.07726720410413745	the:0.06165350043613932	a:0.04653942179055194	or:0.039996506657405145	for:0.026539903308864105	about:0.02425448679356934	:0.3856082335736373
the:0.6329581509196098	a:0.17444880976928495	his:0.045504086118476825	The:0.03334600749350718	tho:0.033247254810758034	tbe:0.01234028357365896	to:0.012189945197576723	of:0.012180235886805954	their:0.010795162297321638	:0.032990063932999934
<s>:0.13874202177586237	it.:0.020239830371140816	them.:0.01617607558449156	year.:0.011830516756584404	time.:0.010714668829586242	country.:0.010557832540815762	.:0.00900504243386098	day.:0.00889641787462077	work.:0.007201090647091704	:0.7666365031859455
is:0.09734039231446624	and:0.05907313713824055	him:0.04772446031598623	them:0.038608200490763495	was:0.03655954175075869	not:0.03612657386017277	able:0.03603818659836101	right:0.03312609553142065	necessary:0.026421196625186487	:0.5889822153746439
John:0.022640342024903434	James:0.017942386555149493	William:0.017083768240622892	Robert:0.014729298376516247	Mr.:0.013988117220221299	Joseph:0.009893806553741013	.:0.009571612739994436	George:0.009539280417391223	Charles:0.007979132729562027	:0.8766322551418979
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
in:0.11677902259792108	was:0.10198411161891059	is:0.09761031216812127	and:0.08574738240645643	are:0.06234142299233002	be:0.06084428130230297	of:0.0550093304423492	to:0.0518221371321018	by:0.032756922803921826	:0.3351050765355848
the:0.44484209898215815	a:0.30116024655479784	of:0.036623780050752675	in:0.03261977249337505	and:0.027606147280633098	for:0.026628952220151072	to:0.025487435709300288	tho:0.020023391147620848	from:0.015378077399467803	:0.0696300981617432
it:0.1392655652583725	he:0.12198865129870436	It:0.0920730759264974	which:0.06588711175855988	I:0.06221487354667309	and:0.05220228347513967	who:0.04105502827225842	He:0.03721999320042121	that:0.034840913784500716	:0.35325250347887277
of:0.34452588271586815	to:0.14053060499453146	that:0.09767585935923503	in:0.08051919538440001	and:0.06485821812150527	by:0.0591508779935522	on:0.05129505907459228	for:0.04232183353079423	from:0.037618293315382204	:0.08150417551013917
and:0.12666340255557512	made:0.048400336374082864	necessary:0.04369350825541969	care:0.03745884597974461	impossible:0.034805534273160625	it:0.03339572914068616	enough:0.03256562761698029	pay:0.0317425664701979	responsible:0.028580996040826763	:0.582693453293326
be:0.14581106418508977	was:0.1438943127593106	were:0.09506626413394027	to:0.06574117971256661	been:0.05966408818674779	is:0.05762677807562227	are:0.05152793853391154	and:0.04950446662359703	not:0.03273189616265738	:0.29843201162655675
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.20051323864213347	of:0.1121580187173921	to:0.0794610807632604	and:0.07830144778943067	a:0.05649848262681797	in:0.03454089741191692	be:0.030242460953634313	is:0.024885437758660686	for:0.024600508670062263	:0.3587984266666912
the:0.3957368040556207	a:0.11143427586621041	and:0.10789748330182357	his:0.07803653782890566	of:0.05339785009364101	in:0.038258687952654795	their:0.035300409239202926	tho:0.03315457964130381	The:0.031082066230548572	:0.11570130579008855
up:0.030595517654431453	him:0.02247482396668338	made:0.01671768169736346	men:0.01661589798536184	them:0.015669417016180243	time:0.015345685495218486	right:0.014993269414344187	out:0.01475535430593357	it,:0.014077266849298173	:0.8387550856151852
did:0.22030926376498633	do:0.20443666939926383	could:0.14598162724668634	does:0.1242678591908483	would:0.08727878919288469	will:0.08047715944447045	is:0.0388435855940244	should:0.028640090657469287	was:0.02532930045795121	:0.04443565505141515
to:0.7136872136558773	and:0.050655913683034536	not:0.04983411058910447	could:0.041121791133858894	will:0.029482847703786116	can:0.027905884571325368	we:0.02128777771946055	you:0.017666253420646177	they:0.017632656277755582	:0.030725551245151052
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.24840890073656285	of:0.08888402433400268	and:0.08426746565564297	a:0.07107488778469798	to:0.0326360365633037	The:0.029177918753083832	that:0.02610804607841305	his:0.023880054390228257	Mr.:0.02313397661309	:0.3724286890909747
the:0.1287053056813113	and:0.09508927028557602	to:0.07119949655636888	of:0.06102613577256228	so:0.03421728976199958	is:0.030015551339827497	be:0.023127371175015583	he:0.020689572386688632	was:0.018665179604157495	:0.5172648274364927
forenoon:0.0582490741968471	one:0.049862196816315006	result:0.03987800092652688	out:0.0376061003153729	all:0.036286459703992496	part:0.030758784493381777	some:0.024394642915857804	much:0.023956915270718103	is:0.02381300320797522	:0.6751948221530127
<s>:0.04564796106986363	it.:0.022456401489226084	him.:0.013433744941024674	them.:0.01272003179736771	.:0.009813931786993097	time.:0.007105447489992379	again.:0.006467470184604006	her.:0.0057357410399633615	life.:0.0055342032444633624	:0.8710850669565017
the:0.41296406278295605	a:0.26458578220689455	of:0.05506330647266888	and:0.04409763977689732	for:0.04163737822133492	The:0.03799184211615087	A:0.029857129698542293	some:0.02564155850063607	his:0.025337144916728085	:0.06282415530719096
of:0.3585146540859162	to:0.11197911506510995	in:0.08693652355331215	that:0.07658434787929058	all:0.06774596381120664	and:0.06413545727502623	by:0.057373267280138904	for:0.04714341265098175	with:0.03483732392567983	:0.09474993447333777
-:0.056481196456035304	the:0.0390038431834793	and:0.03811449495457733	of:0.02479231188553516	an:0.024490844872855574	a:0.02077944988787592	<s>:0.014631701871233685	.:0.01388576944571451	it:0.012048157509005798	:0.7557722299336874
they:0.12301274031911126	and:0.07915763243045959	there:0.07888072556515104	who:0.06771730536970044	which:0.060201514416648415	we:0.05856157103505117	They:0.054155051220114714	These:0.04450000838709223	that:0.043233622664107275	:0.39057982859256385
the:0.18659729806649833	and:0.17388713186461233	of:0.09843422853021846	an:0.09010115268245444	to:0.0759755659102125	was:0.046777142314524345	be:0.04070096790031435	with:0.033755586873645944	or:0.028327555187532744	:0.22544337066998657
the:0.214285870689502	of:0.07829772066093779	and:0.07359434146992844	that:0.056336429598437376	The:0.04620193913518397	a:0.04514443543655489	Mr.:0.036879922120144105	in:0.02310936024620315	no:0.020761603500860336	:0.40538837714224796
one:0.09011870075177028	out:0.07184222173831309	part:0.062296779890565736	some:0.04469047989410629	account:0.04430483992413245	any:0.03062274357086134	all:0.026797790022556507	that:0.02576799466411198	tion:0.0223424726678013	:0.5812159768757811
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
number:0.1108337610744579	be:0.046761682847750126	is:0.03804209744382917	purpose:0.03333748358663812	out:0.028457684088110065	board:0.028233930934081577	sum:0.028071369494141546	matter:0.028048089359858083	are:0.028042391125081185	:0.6301715100460522
the:0.42176291607547806	National:0.12803706126303602	State:0.0864803391016902	a:0.06010878206468858	said:0.05756603399566237	City:0.040944486075409084	this:0.03303081210567005	our:0.03112995325639343	Constitutional:0.03025040468963496	:0.11068921137233728
and:0.09037612183219106	filled:0.05054155335231365	covered:0.04150425280316946	connected:0.03412693325227088	parallel:0.029210035202383206	accordance:0.023837347554839426	charged:0.02362182478117364	together:0.02326452945681472	connection:0.02243123022671318	:0.6610861715381308
and:0.16605019917530087	of:0.11165583901443132	the:0.07413208566219358	that:0.029187165955520334	in:0.017863915431485432	per:0.015582997121803546	or:0.014127162514130157	with:0.013733041857221646	for:0.012199008350147726	:0.5454685849177654
be:0.24782287810006356	was:0.24627124920789775	is:0.13477823493458624	been:0.10232254729140211	were:0.08959204380344568	are:0.07609330334648967	Is:0.02713781813455544	and:0.02694976137335035	being:0.016711810589708897	:0.03232035321850029
the:0.12368295746780741	a:0.12354750497719522	of:0.10701537418062389	in:0.10469399903701203	and:0.09338322190858207	to:0.045213519461591085	In:0.024931726220684673	an:0.021031613026088206	as:0.019625196742434355	:0.33687488697798107
three:0.2398645241315653	six:0.16017217893620736	two:0.12765262338105254	few:0.11588867085010719	four:0.08345209619178429	several:0.05369559438800862	five:0.051346165691795544	twelve:0.030853923750769185	many:0.030042156385692284	:0.1070320662930177
and:0.2317222589662489	that:0.10951937435349136	of:0.08519243279947193	when:0.0829532399042605	do:0.0592402400124026	if:0.05231820247707748	as:0.05214763173130545	but:0.051724371368316494	all:0.03860300588322424	:0.23657924250420104
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
.:0.0996954862399195	Mr.:0.07039165988566211	Andrew:0.06304428886178262	A.:0.05949684808882796	C.:0.04598945885356867	W.:0.04472943296639861	Mrs.:0.04141866958550899	J.:0.0404748760850242	H.:0.03610306761768393	:0.4986562118156234
of:0.2592412636374613	the:0.15482458004246383	in:0.08087556061982248	for:0.04273588218850706	and:0.03364230558227264	to:0.03252920399767517	a:0.03148447240192798	at:0.019302568206518197	by:0.017505818142516952	:0.32785834518083434
had:0.17127843722795755	was:0.12766838461844113	could:0.12250537705403522	is:0.09003483213150017	has:0.08851917090436467	have:0.08003085766884184	and:0.07110107167987945	I:0.05446861958528372	can:0.04953915960756308	:0.14485408952213316
the:0.3928302284345021	a:0.09175710185449283	and:0.07121354696970199	The:0.03881720693010198	of:0.03125355764819848	tho:0.02813070668081109	or:0.01526820325849265	tbe:0.014525774733706672	in:0.01443956301185348	:0.3017641104781387
and:0.1179219744531123	the:0.10988485088339045	of:0.10151063961612823	to:0.08866057866828453	in:0.04897614668521211	be:0.0378406672056019	was:0.02595027067742168	a:0.02535860102867006	on:0.024253098678597082	:0.4196431721035817
that:0.34509079763207556	which:0.12007881948877014	and:0.08137652876211703	as:0.06041316548085244	where:0.04728672644872489	if:0.04621753601473145	but:0.040882224706913155	when:0.03581660853568659	what:0.030526135953862322	:0.19231145697626642
to:0.2663481373478181	not:0.13659109881182116	and:0.11427904536565252	will:0.0991720159729304	a:0.05920787204496706	would:0.058002136254208816	I:0.050778158524571314	the:0.0421448875190874	we:0.035043523298081865	:0.13843312486086137
in:0.022986427585462037	;:0.016461506818133496	up:0.014521168359235727	it,:0.009881106862303916	dollars:0.009281688362390052	county,:0.009178466406111464	time:0.008844498433972512	him,:0.007975108310850253	and:0.007932671753465868	:0.8929373571080746
and:0.07733109498637052	is:0.06895226670288761	able:0.06841320966281975	right:0.05466710652117049	have:0.05287355630422042	order:0.047356160214267404	him:0.0467956515262719	ought:0.04614934128452921	enough:0.04608696122237797	:0.49137465157508475
a:0.3486285262962266	of:0.13467663922122616	the:0.12287331374234219	and:0.07537928962471144	for:0.03418531627634341	in:0.03397492677580951	with:0.03125546405777977	A:0.03019947924502924	by:0.025317967979870827	:0.16350907678066082
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
Board:0.3271889648358211	number:0.0348534165928945	State:0.032999605360688085	House:0.02544035351751832	state:0.023358708639856323	line:0.021058936120623435	out:0.01964878691781593	city:0.01814259710248412	Superintendent:0.015247259154335559	:0.4820613717579626
the:0.22038313903105292	Mr.:0.07937156760867098	of:0.07368785948768332	The:0.06437454493038172	and:0.05944888902093017	that:0.046904228525190425	a:0.028819451762637286	his:0.018895379103475607	Mrs.:0.016510016796138643	:0.3916049237338389
of:0.38534870685032124	to:0.1372891323221139	in:0.10706282766426803	that:0.058274778366228845	and:0.05058590986718857	by:0.04448381171202483	with:0.038699639819141395	all:0.03680188795413116	from:0.03203074113260727	:0.10942256431197477
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
the:0.25027286587165676	a:0.21710565043864044	certain:0.11780289478331579	said:0.06090564744087814	con-:0.04281633572794252	this:0.027535553837843334	and:0.02437866728698575	any:0.0242360056207206	or:0.02317832641294042	:0.21176805257907624
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.23547709409327158	and:0.22174912758915147	about:0.11159291347774677	for:0.07831927795604718	than:0.06698033565936065	to:0.050569439772024306	at:0.037940506989878456	or:0.026104328462106693	nearly:0.02225317447272811	:0.14901380152768479
the:0.17667003181260144	and:0.1096955454843584	of:0.10732924698257364	a:0.07816680739233105	to:0.06396486398734637	in:0.042370922664674175	his:0.027563602641905178	for:0.022251425769991506	or:0.021767070211520675	:0.3502204830526976
sale:0.4646398177897148	and:0.06955154204457943	therein:0.04095571222748313	was:0.039013717939498996	be:0.03055807977798071	is:0.028657465115832396	as:0.027975882066497593	mortgage:0.02267836295522407	land:0.022479518437966396	:0.25348990164522245
judgment:0.13065769314109504	and:0.08604661613896088	protest:0.060332963224776916	is:0.0345923771625458	Judgment:0.03175360196917018	was:0.03144602176160759	action:0.029718329484308647	made:0.029661261707314125	be:0.026164142330313202	:0.5396269930799076
his:0.27789764300731973	the:0.23721077964279605	a:0.10394919304150765	their:0.0603356689542015	her:0.06019871969233478	my:0.045487142456858705	whose:0.04124185384062471	to:0.04082680195333183	your:0.022679087175835753	:0.11017311023518926
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
and:0.1703170864512418	of:0.1425864388799108	to:0.10057034351732148	the:0.09371714654094128	by:0.06753643935375155	was:0.05656559132524841	be:0.040660742031790285	been:0.03802006788010935	Generally:0.0372688415362541	:0.252757302483431
of:0.20454702824234525	and:0.13849564707853848	the:0.07919286938114468	to:0.0476809448478399	at:0.047424286271505564	St.:0.045545037131310195	by:0.03546180650377085	from:0.033292305368847565	Mrs.:0.02820647859704549	:0.34015359657765204
the:0.5772563328400583	The:0.13815001047097752	to:0.06874221014569436	a:0.05744585402323419	and:0.0351957895766879	tho:0.032894922587403286	tbe:0.012765226937251418	of:0.010690995181032628	his:0.009575295441636107	:0.057283362796024286
to:0.44621153336280256	not:0.10419126842188119	and:0.10398315038400457	will:0.07728923737429802	would:0.06082482345003938	or:0.029599199485716522	should:0.02256933344507463	was:0.018269858951922614	must:0.017533734200260668	:0.11952786092399985
of:0.3065548854220922	and:0.17288451908902136	are:0.08570257678053864	by:0.050319594940817974	to:0.04494710803473126	in:0.04428200520207456	for:0.042980097320204184	from:0.039887563836478866	as:0.025705159332161897	:0.18673649004187906
the:0.8127246900482367	tho:0.0454028249543299	The:0.02455856961012175	of:0.02441927427062235	tbe:0.01591968476414749	and:0.010306255798222969	by:0.008187100050527928	in:0.007119414237890772	from:0.004889078323088273	:0.046473107942811856
line:0.045800398055648214	corner:0.0455584705887012	city:0.044363536183444935	place:0.04258603419974806	side:0.04166202568135684	out:0.0340520795078298	half:0.029041952671968976	day:0.029001080565213135	feet:0.02874571287856937	:0.6591887096675195
the:0.5854524547605866	corporate:0.18048575581546047	tho:0.03481188633840929	The:0.025590276475065704	a:0.020302094518657176	tbe:0.01410728765300161	first:0.011322270380833395	porate:0.00836462148754289	present:0.00751874178302918	:0.1120446107874137
that:0.24965642357422835	and:0.15921940479170324	but:0.08555820058901059	as:0.07149450073524026	when:0.06533617967914483	which:0.06403586677889773	if:0.03781086503442973	where:0.030499946293478825	until:0.021573599808582904	:0.21481501271528353
the:0.4300187294299611	a:0.24228057931420122	The:0.07624048607789896	of:0.06789403266405805	and:0.03964780987599832	A:0.023395515850276077	tho:0.020154110425527547	this:0.019695843974937403	with:0.01965177355494846	:0.06102111883219281
that:0.20244782064474404	and:0.12926404005756484	as:0.11635718830830377	when:0.10060166800641566	which:0.09001167150005084	if:0.06635892954384778	where:0.04948930299763692	but:0.043949411759494565	until:0.03193951419492309	:0.16958045298701846
to:0.27379030202973453	the:0.20512228944651464	at:0.10408130342545058	of:0.07515465071560556	his:0.0591074871355515	their:0.05017626566748527	and:0.03896260279110232	no:0.029676227057985748	will:0.025243705715933453	:0.13868516601463635
and:0.0864296259854676	as:0.07357446413233897	right:0.06747941869975317	enough:0.06522017876662024	necessary:0.06340857212698145	order:0.061670497338176644	is:0.05340699149848889	able:0.05086048924263802	made:0.03982801617425641	:0.4381217460352786
of:0.1817604482085929	and:0.11837154074229506	the:0.11376120169954601	to:0.07186081251109015	a:0.06780365487080228	by:0.061039860536369124	for:0.05885570587936423	with:0.02871409166676103	that:0.027901649451538876	:0.2699310344336403
and:0.17825465048087452	the:0.1228395637379975	is:0.09002848917247089	an:0.08142583043766125	was:0.07426197704753329	are:0.06692029756243191	be:0.0644457628429669	that:0.05027280931155194	been:0.04510982088034575	:0.22644079852616608
the:0.15837427974745888	Mr.:0.11816852971419574	of:0.06549818841649092	and:0.060346058000906255	was:0.03410934746412883	The:0.027363413956855813	a:0.02424675018383822	Mrs.:0.020992315930342825	I:0.019483118675583312	:0.4714179979101992
of:0.3966288698433405	to:0.12693405747304892	in:0.09540246965416523	on:0.05694191118304106	by:0.054688173655780055	and:0.05134535271313414	with:0.043898266322634875	that:0.03927069599096251	for:0.03506274589916915	:0.09982745726472358
of:0.32547034009067255	in:0.22004203928642377	to:0.09301349054210752	for:0.07382295821372951	with:0.0537849586694257	that:0.04997924433607019	and:0.045336957789703036	In:0.03788113436622582	no:0.03021412751708614	:0.07045474918855577
to:0.48727070633222114	will:0.14336697448588542	and:0.09275143040064751	would:0.08065909302907323	not:0.07043566158421499	shall:0.023790451817972236	may:0.020376685251621774	they:0.01792442978417082	can:0.017332921350655766	:0.04609164596353713
the:0.8313307991261931	this:0.05290701698739019	tho:0.029111644599821025	tbe:0.012882179094406832	our:0.012006685913940067	a:0.011908677919181179	The:0.007183084305353635	said:0.007129965141363149	civilized:0.0043987395006221475	:0.031141207411728676
of:0.48080658544134186	to:0.12712486115765426	in:0.10775124223848438	by:0.049680890423968435	for:0.0408750246525946	from:0.025975305061464473	the:0.023940581607502467	that:0.022949196225816388	and:0.022503343586478416	:0.09839296960469472
the:0.7419755576121931	an:0.042296543785587455	tho:0.0382451451772859	The:0.035938487088343435	of:0.029652270620183798	in:0.02878960493757831	tbe:0.018794981650916927	and:0.018132810908585352	a:0.016271564774459957	:0.029903033444865723
a:0.32583975072113075	the:0.24098733251804474	and:0.0587251039612726	of:0.045973307020199604	his:0.04280559186869706	their:0.03063808088603351	The:0.02903363780901811	this:0.01923177960153479	our:0.015919327716578606	:0.19084608789749022
the:0.6553598371113366	a:0.11766029379559509	tho:0.03525588889227793	The:0.027918890293229314	tbe:0.01256146753206024	A:0.01186546646914254	in:0.009860909923279603	of:0.009562603879134305	great:0.008884065750664383	:0.11107057635328002
the:0.6421297655715402	of:0.06348122946716428	American:0.05031300908887001	our:0.042056186614805154	a:0.03903461637077966	his:0.03831016630978187	tho:0.029313986522068448	other:0.0221181153400518	these:0.01646957543695577	:0.05677334927798279
and:0.14050533643796728	to:0.09195296615748379	the:0.04808894750724568	of:0.04671774575590921	con-:0.03604907285185595	re-:0.03354883676216938	that:0.03295680744210366	or:0.03138807700464596	which:0.02580919841022623	:0.5129830116703928
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
it:0.029223442129577924	them:0.028021375237362863	him:0.0216058274009808	made:0.020113950137427818	and:0.01631136833794873	men:0.015528369754511214	work:0.015369996972549144	feet:0.014830726200046577	there:0.014375069786715365	:0.8246198740428795
one:0.08336320477165524	part:0.05901560280912004	out:0.05619394591315955	and:0.043027148427898655	that:0.04184261692704409	all:0.03697189169212229	front:0.030735005794393377	portion:0.03021907238583394	some:0.02569600825723106	:0.5929355030215417
the:0.3967151024498011	his:0.18143748896721915	The:0.07309479112766526	my:0.06736984735558382	their:0.056332958474381085	her:0.04581917601690356	no:0.04341101631089904	our:0.035262200216178874	an:0.02946250135978122	:0.07109491772158687
to:0.47027385867717847	will:0.1229874274948447	not:0.07547800104859022	would:0.06563086802147826	and:0.061422606779530806	you:0.02974945591392761	they:0.028471274559459175	should:0.02806866727808886	must:0.0219797246581411	:0.09593811556876082
to:0.29383765242688825	and:0.1699618932625093	will:0.07316812379756964	not:0.0728704325255787	would:0.05427686953792944	be:0.04850325770626608	they:0.04379449472175033	shall:0.03541629203595247	the:0.03154234335983024	:0.17662864062572553
the:0.1287053056813113	and:0.09508927028557602	to:0.07119949655636888	of:0.06102613577256228	so:0.03421728976199958	is:0.030015551339827497	be:0.023127371175015583	he:0.020689572386688632	was:0.018665179604157495	:0.5172648274364927
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
purpose:0.08215759075837217	number:0.05846007032159888	instead:0.05735672719402623	means:0.05648919616012323	out:0.05169671950242721	kind:0.04323709497832884	amount:0.04224453878444509	lack:0.04132193413203187	method:0.03817135980553949	:0.528864768363107
hundred:0.07369173944870851	Hundred:0.018943398396970238	dull:0.01703622708051391	quiet:0.01665553931370559	up:0.0157953079454038	men:0.014735318554913833	north:0.013992966674171554	street:0.013789379499495213	east:0.011164232424500696	:0.8041958906616167
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
of:0.24321861201886408	the:0.11660224633302789	his:0.07656453561734299	in:0.05580010840399282	at:0.05075481487616212	with:0.03833727274886776	for:0.03801501163584485	her:0.03463348533118778	their:0.032180132428089744	:0.31389378060662
to:0.5402843001465518	will:0.17584075501846075	would:0.08244454690719538	and:0.05762221250627702	may:0.03175112913153743	shall:0.023652970897703025	should:0.017758126018216445	could:0.0163808091857053	not:0.015487895193866359	:0.03877725499448644
rea-:0.29387724016388805	per-:0.25173538544734136	the:0.08230972793503363	per¬:0.07666922484108331	per­:0.05362593027783381	les-:0.04962165726034755	and:0.027808117036313782	his:0.01758501227468783	rea¬:0.016742886665086325	:0.13002481809838437
and:0.1306999424364604	to:0.11921842247518692	in:0.05702389809518679	I:0.05256004057011492	of:0.036385388150698104	re-:0.03411305898108789	the:0.028526022650604464	not:0.02461422548785277	he:0.02216497128619617	:0.49469402986661154
the:0.14731877603250504	of:0.1068387203569309	and:0.08781693244302409	a:0.07225835948427685	to:0.0541147836953614	in:0.03199683843836418	with:0.02396925079791796	by:0.019121661764414183	for:0.01881483838906548	:0.43774983859813993
the:0.5140325996188254	County:0.25179954290105033	The:0.031504443441673746	tho:0.030410662678743768	by:0.025209694775554355	tbe:0.015179319948565596	Land:0.013457581529322065	said:0.013274456487190974	of:0.011847545905817434	:0.09328415271325638
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
the:0.036842154537224746	and:0.030853486331812355	re-:0.021655994849568004	of:0.01906904295931929	a:0.014774179210689771	.:0.014648165819929084	-:0.013712465190485114	<s>:0.011820296284184259	that:0.009540851408081029	:0.8270833634087064
the:0.14727374770709076	and:0.08429899469151092	of:0.061978487376914866	in:0.03336396732355623	to:0.03222299079872638	that:0.02786806527164334	was:0.02596823952193748	I:0.024951558740915883	be:0.02403668786403321	:0.538037260703671
time:0.3709786119752285	and:0.07269297126329154	as:0.06550900693585349	him:0.034066374008314776	is:0.02830631181744077	them:0.026933779533324487	required:0.025825362394706453	subject:0.021297871749816552	order:0.02060853624895907	:0.33378117407306435
in:0.051751453364831536	;:0.013765939685385102	up:0.012190226878878031	from:0.010514601051823818	them,:0.01018881250662673	thereof,:0.009754449849970266	In:0.00929844520292278	him,:0.009127371657331036	benefit,:0.009010295718821242	:0.8643984040834095
up:0.07469094173326384	addition:0.06490775315471498	and:0.05883970137780779	came:0.05391000139087671	as:0.05313602455541655	due:0.04195010638163455	according:0.04101249375720817	reference:0.03993646584164144	sent:0.039190996417252065	:0.5324255153901839
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
that:0.21861325212258953	and:0.1493793702115908	if:0.08726257699858068	will:0.06486036497829592	If:0.04745956974850826	as:0.044960603380514545	would:0.04053571952977789	is:0.037267086749045136	for:0.03572902207632907	:0.27393243420476815
of:0.3648765531473883	in:0.139519881190207	to:0.1201092751105924	at:0.06489549091463555	for:0.05637132692546761	and:0.05316366254277908	from:0.04596039772995951	that:0.03977574721756684	with:0.03901111973123916	:0.07631654549016453
Mr.:0.08334657395515102	.:0.06177389655405285	to:0.054654835510398125	and:0.04881971967930647	of:0.042016901017607224	Mrs.:0.034687790776198144	<s>:0.020072176379061033	A.:0.017552602942855558	J.:0.014702445639005269	:0.6223730575463643
four:0.27843753313229913	three:0.1585233952552474	two:0.11440871822560023	five:0.04461619184736256	one:0.04274670834839159	ten:0.03163673566388875	eight:0.030488156148924528	six:0.026153509618217535	hundred:0.018469154007307555	:0.25451989775276074
and:0.21429252359473397	the:0.1228063472038486	of:0.10643512662411066	in:0.10114946743454806	are:0.06024213005301172	by:0.04840665760807239	for:0.035792665814043605	is:0.03177493491042861	In:0.031048393856159668	:0.24805175290104273
to:0.29605476047659113	in:0.24682029336736405	In:0.1482400454100796	of:0.05871778789574468	the:0.051913597393482905	a:0.04546722865665873	this:0.03487813754262227	and:0.025884990653628714	without:0.017470967205173313	:0.0745521913986546
of:0.40984425281338366	to:0.09061596998547548	by:0.08596740173319749	on:0.07376337850494927	and:0.061574357589349746	that:0.057505258459263575	in:0.05133521206071086	from:0.030655384181489283	at:0.029618932849498306	:0.10911985182268234
away:0.06925205172028555	and:0.06007808449668492	taken:0.04760906637168378	miles:0.0428166599829834	feet:0.03837562943164214	come:0.026889243450533045	them:0.026073675669967263	out:0.02484981837258804	came:0.02410733092637395	:0.6399484395772579
the:0.17259713434005025	of:0.10293073232041454	a:0.0849706858676569	and:0.05313687900229971	or:0.042232827593931904	to:0.0405057052805797	in:0.03422281356011614	any:0.024320751750585658	be:0.019453024573303165	:0.42562944571106204
the:0.22427703516507103	pro-:0.14119687970541395	a:0.08797076535374909	to:0.04045076856970146	and:0.035427924732359686	pro¬:0.033527461990395226	pro­:0.02722880079049815	or:0.02514109721508275	The:0.022904547436886347	:0.36187471904084234
the:0.16624505173185256	was:0.15767390314021767	of:0.1468798849089509	and:0.09994460283602873	be:0.0738867498707144	were:0.06487755358205172	is:0.0632398839468223	been:0.035419063749480784	are:0.03275863001517376	:0.15907467621870716
the:0.09824573324225543	N.:0.05480468954231084	.:0.0541207043939306	and:0.0483831200005899	of:0.04837667218937407	Mrs.:0.03500205996307615	A:0.03333248975165033	The:0.03159315305508973	&:0.03144003630659898	:0.564701341555124
as:0.11715028463948621	or:0.06712935388729169	opposed:0.052971359932449925	come:0.04682797457432384	and:0.04468218198192506	up:0.03588228621840847	regard:0.03475073112482328	equal:0.03419919541710115	entitled:0.03336337407170024	:0.5330432581524901
of:0.36462804849404723	in:0.12862309782684433	to:0.10418654280519277	by:0.06935145143441539	and:0.06122910741757261	that:0.05559093415327699	from:0.05322363042193216	for:0.04443103961359103	with:0.043160980048223246	:0.07557516778490427
of:0.3778164753738267	in:0.12749334769021956	to:0.09369087291726069	on:0.08917671359799968	by:0.06167873330635778	with:0.043642820312418666	that:0.04080715581763652	at:0.03567709366550499	from:0.03418479265874322	:0.09583199466003223
and:0.17168654779504963	that:0.10982558089300945	which:0.0761279537729747	as:0.0744372006781389	when:0.07342323246752736	but:0.05227897413362018	if:0.03354819547158544	where:0.02026991711349393	so:0.017939539447867466	:0.3704628582267329
and:0.17585063722392302	fact:0.10400902578517979	said:0.06844377842999533	so:0.06232472237382234	believe:0.04519952307692614	is:0.039634011181226815	say:0.03675663629906361	know:0.036060715732595706	found:0.03095250753294034	:0.4007684423643269
and:0.058607614627069315	able:0.050117629050245215	right:0.04555795555919313	order:0.04169182570515024	him:0.032945600016762486	is:0.025856532084853404	them:0.022957453575697787	attempt:0.02292679786999641	enough:0.022611444076374457	:0.6767271474346576
the:0.1726796885368528	of:0.1590282832058604	in:0.1077080424783161	a:0.06657652008118738	to:0.05140264410292414	at:0.04579061275730105	and:0.03243753963400496	In:0.026348456765455944	that:0.023342393037801976	:0.3146858194002952
of:0.32214525288500007	the:0.0999188708129857	to:0.09135071684366337	at:0.07546492552547644	in:0.050078410860759696	by:0.03679458827889567	with:0.03587975163169675	and:0.034072086308217314	on:0.0337204866878864	:0.22057491016541858
the:0.09465852141043161	and:0.07988974624357965	of:0.07668969562173271	to:0.06738788201408927	a:0.05910141492982904	in:0.03531294015657826	at:0.024702761236418673	or:0.019890294953798203	that:0.01479619713910379	:0.5275705462944388
and:0.1313056501793289	made:0.034551030036317	necessary:0.03191530070016697	provide:0.023191256277008975	him:0.021827387004521748	time:0.02091411247587312	but:0.020346196766889778	pay:0.02006785098451588	responsible:0.019399383232926184	:0.6764818323424514
and:0.09377129454296322	was:0.04271315341537484	out:0.028524574363226172	that:0.02811573968936019	placed:0.027131868575018914	work:0.02578173844450971	made:0.024681420068921236	is:0.024021050156212566	up:0.023509378606325886	:0.6817497821380872
on:0.23711666165770467	of:0.21023860511275494	in:0.12816776452603212	at:0.0674344678442794	to:0.066237049201348	from:0.05319248387120976	In:0.04899368966472193	On:0.048346623280131576	and:0.039891743670656975	:0.10038091117116063
the:0.12533168439691064	and:0.06850798711092711	a:0.03310221103294305	of:0.02865849263634676	.:0.02139077814609405	that:0.019999966002351467	to:0.01606503824491145	for:0.01497052868414985	The:0.013671014679159202	:0.6583022990662064
the:0.18474170859291153	of:0.09679835659417563	and:0.0646528579488119	that:0.049799969594857225	a:0.038198765469230934	or:0.038179255161885806	Mr.:0.030754170622536863	in:0.028982215493997397	The:0.026529813457791276	:0.44136288706380145
Mr.:0.3674143803065944	and:0.10871608274058268	Mrs.:0.09058893156204748	Miss:0.09028205499704542	General:0.049299123333351035	of:0.04633441984269003	the:0.04327092162644155	Gen.:0.03877966363976336	Dr.:0.030514334868909625	:0.13480008708257446
of:0.24948759136172527	half:0.15961820613917985	for:0.1192317307542668	in:0.09859254853671358	and:0.05851280147107067	about:0.055771106281666816	as:0.05115092189649647	to:0.04129984481964386	cents:0.039943491911041955	:0.12639175682819476
the:0.5945663549091509	said:0.1345872382197777	and:0.036442299736746286	tho:0.02601404813588178	this:0.02571237202927537	The:0.02133303173761977	a:0.019441653882193682	of:0.015100978989309035	tbe:0.013170170783140592	:0.11363185157690495
that:0.24518832228121373	and:0.1774511864229357	which:0.11564753278702528	but:0.07527064641576942	as:0.06011157558036081	when:0.05111040334296318	to:0.030375862655894644	where:0.029254414776844335	if:0.026267776143043573	:0.18932227959394934
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
the:0.14651767028650897	and:0.10280181339946678	of:0.07164139889404732	to:0.06710968865667367	in:0.043620235518656805	was:0.04085328919635116	a:0.03773596883616436	be:0.034467327867332885	is:0.024743356400790086	:0.43050925094400794
the:0.2975513357480758	and:0.1712219962543207	a:0.08882644052050451	or:0.08658407463864996	all:0.06504855566637216	their:0.061788211053834106	of:0.04330602237804766	no:0.03908791351253891	other:0.03839628579262583	:0.10818916443503036
virtue:0.07446520038896885	out:0.065008335608151	part:0.03947215825672998	one:0.03562890125655043	quarter:0.03241584136443704	favor:0.0239235849421329	result:0.023354276051738905	guilty:0.022667050730808908	means:0.022196791642065155	:0.6608678597584168
and:0.12705431773389264	the:0.12658530363856774	to:0.0993872783315663	of:0.07523664658871597	was:0.042229253087585863	be:0.039852877257653456	a:0.03672879446757901	in:0.02846383928349675	is:0.02767027251089864	:0.3967914171000436
the:0.20417407130043264	of:0.11718208140535884	or:0.0994237749548209	any:0.05078695673607572	to:0.049590479653375985	a:0.04924851632990754	his:0.04754939743629901	their:0.03539002632032225	and:0.034592757668438105	:0.312061938194969
.:0.03897311295924445	-:0.026777588972183654	a:0.025325878688779488	and:0.01529138604655655	of:0.015253701263095333	the:0.015209916500888617	re-:0.015002625806660076	I:0.012414954826045621	<s>:0.011611061549256682	:0.8241397733872895
Notice:0.4545490396573789	notice:0.14802802576368151	it:0.053304870074135514	It:0.049715862647270556	that:0.027833279954468364	which:0.02636683690869189	reference:0.021578190692208066	there:0.020800487705626067	he:0.018486028508188233	:0.1793373780883509
of:0.15630137730751212	by:0.08223210669322652	to:0.07180217310598579	that:0.0697860171227717	and:0.06860313108410063	with:0.027549174244935564	<s>:0.02367243312489382	which:0.02017544874624105	as:0.017332841528940258	:0.4625452970413926
of:0.39548832933420514	in:0.1423263307598687	the:0.09724457439700095	for:0.07465015307882761	and:0.06649215400523954	to:0.05819976339086131	by:0.03241086610150762	with:0.031075257955140385	In:0.02747929507970819	:0.07463327589764054
and:0.08362943294997585	together:0.07769806815080653	connected:0.0635902168573379	connection:0.06228367212358626	accordance:0.047530813078388766	comply:0.026000666542743977	acquainted:0.023189098613704624	compared:0.02214887744238745	contact:0.01973810078197255	:0.574191053459096
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
as:0.17096281859205414	very:0.10317490520116422	too:0.0873857796947105	and:0.08282128380777458	so:0.08110822068373211	be:0.07308458140333382	is:0.06841016610252752	was:0.06537303181072517	are:0.05769198026283639	:0.20998723244114156
the:0.8844239874864931	tho:0.04756948702344427	The:0.02033430666769642	tbe:0.014816209185575809	of:0.01068097499444848	and:0.002900692842559579	by:0.0026848525152412873	a:0.002620734900998062	tlie:0.0017922399025080053	:0.012176514481035046
the:0.1331954013331003	of:0.10395761905650669	and:0.09166744382168995	a:0.0674867672110823	to:0.04481959524883369	was:0.033914181021321675	be:0.027669522756191306	is:0.023821375196731925	been:0.01992601692954109	:0.4535420774250011
and:0.16790788273882898	he:0.1637135959247739	I:0.14234891106866923	they:0.07197762014327956	we:0.04827940736215188	then:0.04574215322986277	who:0.04014859057735407	she:0.037504901876752414	He:0.02808218529118486	:0.2542947517871423
is:0.23058049494150668	are:0.13824885477137425	and:0.11221059815848088	was:0.09800622479211897	for:0.07440661185094095	of:0.05724554293921207	do:0.03225290110527054	will:0.03136191069183722	were:0.030291317139727065	:0.1953955436095314
the:0.6147534042361268	and:0.05299533108709525	of:0.049451607609692805	State:0.04796431597843501	The:0.040034655575008196	said:0.039588554827120606	our:0.02948481616839089	tho:0.023497587825783758	States:0.02005194750549513	:0.08217777918685154
the:0.14160143429105918	of:0.10772794069262466	and:0.04622791745346806	The:0.04468459444150224	Mr.:0.04437398717949427	that:0.04282841592100794	in:0.040608763603819556	Mrs.:0.02570127574675181	which:0.024259625863839614	:0.48198604480643265
the:0.28851422077806294	of:0.10585200755283826	a:0.0539883952007433	to:0.045812460794518915	for:0.045568239856456964	that:0.038796313550616184	and:0.0369577417391918	The:0.028773686521334517	our:0.025936815467073725	:0.3298001185391634
the:0.20849665906433557	and:0.1142767670160047	of:0.0996603529965147	The:0.06524073313159189	that:0.024980514504802553	these:0.01841332784867121	a:0.016378062967323737	or:0.01599964531259606	to:0.01465781744434432	:0.4218961197138153
of:0.09171981332090651	to:0.08897927431447684	the:0.08378763543534001	in:0.07813265000197352	and:0.05283878795115804	a:0.04105255369275387	with:0.03315696684823688	or:0.0330310951666594	for:0.029954128531170427	:0.4673470947373245
of:0.348928621098467	to:0.10866240987499529	on:0.09140595515464403	by:0.0662559041513914	and:0.05282492882951021	from:0.049056616380009535	in:0.04890285245928135	at:0.04616454701572338	with:0.03992152973167566	:0.14787663530430212
has:0.47261231776591783	have:0.2435722539184087	had:0.22771362325776498	lias:0.013583279882385536	he:0.007432956386192123	bad:0.006425192057242154	haa:0.006223633002738712	and:0.005546547367403928	having:0.005298653205518422	:0.011591543156427601
and:0.0889266153532241	Monday:0.06935032242893827	feet:0.06401089545558496	recorded:0.025044158037860278	section:0.024395365417409432	situated:0.022242891772124747	inches:0.018121491043190694	of:0.016065007838092064	lots:0.015362336220318431	:0.656480916433257
the:0.290422902220738	a:0.11269114247562709	and:0.08142402645493578	that:0.07044034237433948	this:0.06669163568036549	her:0.03532369521905694	every:0.03261440725544267	tho:0.032006158905749794	other:0.030851008432980564	:0.24753468098076414
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
that:0.25655352677263693	and:0.14208379346364614	as:0.11805873736505043	but:0.059972672630868064	which:0.05796455995024987	if:0.037661339653668066	of:0.02889663014458933	what:0.023434828086685074	though:0.022801993938292065	:0.25257191799431405
to:0.38866753697997897	with:0.05541705745091341	for:0.05355602540801306	at:0.036972732934583724	told:0.034931748656183176	upon:0.030874324391686195	from:0.02992122935114107	of:0.029081473874950522	asked:0.02524077984385813	:0.31533709110869174
ever:0.11473402255827665	and:0.09922977349978301	time:0.06702231051330222	has:0.05901783492169689	long:0.04502094685705239	years:0.04405550711413533	have:0.03719620584250948	that:0.03644062338438269	had:0.026250151305779887	:0.47103262400308143
of:0.4510917589328794	in:0.15934685314988387	to:0.1095038017712301	by:0.06418261799634185	that:0.03626836055218981	In:0.02912648609131999	and:0.029039464183944597	with:0.024641660275458558	for:0.018645438606533234	:0.0781535584402186
for:0.19575324187766963	of:0.14945690945571866	about:0.09819398795044793	than:0.09764971883735607	past:0.08020612012747742	or:0.07090893479272493	in:0.0705759688597533	within:0.06972313703422	and:0.0658594630970524	:0.10167251796757966
the:0.16833682065873085	of:0.11977950623237021	and:0.0725585542117766	a:0.06338354900535921	to:0.04155684048735645	be:0.038180550197179655	in:0.03773351275222387	or:0.033652392296399304	for:0.026494102085584066	:0.3983241720730198
I:0.1646433721084827	he:0.12305778827663114	and:0.10375237567691105	have:0.05245133217184383	they:0.04162355665473595	we:0.038613347422447805	had:0.03692354711813715	it:0.032482303714343574	He:0.028702624682796316	:0.37774975217367046
to:0.15715516025591103	for:0.09823507801114786	of:0.08023420239577558	in:0.05222854925186342	with:0.0506154923014965	and:0.0368007234750219	that:0.02565420682038704	at:0.02561006664978103	do:0.023729044990257273	:0.4497374758483584
the:0.4632731707617169	an:0.31723625687779544	The:0.07387721632070414	a:0.034657570502745344	tho:0.0238003338010369	An:0.016462577753175067	to:0.016451030123830514	and:0.014570009923371055	rapid:0.012365117617786763	:0.02730671631783786
and:0.1067815288313406	would:0.08034424537961467	looked:0.06555596377908242	looks:0.059177296715616334	was:0.05230614400337728	not:0.04686109149178561	something:0.04552431321546774	is:0.04288187266680382	much:0.04092384977280147	:0.45964369414411005
and:0.11390503112823976	make:0.09017957885952384	as:0.0752878746441837	of:0.0730205385647129	that:0.06054013773974086	with:0.05470165754406036	to:0.05036804366515983	for:0.04876011055915029	made:0.04723742633223637	:0.38599960096299213
to:0.3465985811778675	will:0.20202054325657587	may:0.09134589087904205	shall:0.06533738596148371	can:0.06417176105736912	should:0.061699520503265784	would:0.050336738423718316	must:0.04455469696001086	could:0.04118160300521281	:0.032753278775453996
to:0.23567933550935521	the:0.22258257051954206	and:0.1388005733023843	a:0.10361993953038218	on:0.031684386431967755	or:0.030203761973404315	his:0.020271955492252393	The:0.018996021781646912	who:0.01576405880010389	:0.18239739665896101
with:0.16732318153961473	of:0.1581254471540315	the:0.15416949342924285	and:0.14838120925902698	an:0.0922851403552822	their:0.0451775528499689	no:0.044855484288063324	any:0.03686843574351955	as:0.031017498042739004	:0.12179655733851097
a:0.3562683795032491	the:0.24203537526788205	of:0.1058002609972761	and:0.06668267562227767	to:0.0484918719653303	in:0.04703610683351193	with:0.03089075484794996	on:0.026053382748286905	this:0.01708662969771236	:0.059654562516523624
the:0.19334888887202506	of:0.11330053476491153	and:0.060415624050162216	a:0.05583474490128078	to:0.04129343741724804	an:0.031039715151512732	in:0.030742859017213207	that:0.02840383917191919	for:0.02664512902216984	:0.4189752276315574
number:0.09641452446035072	matter:0.07997124022635951	kind:0.05746278725217806	amount:0.048426060637693974	out:0.04644346399349744	point:0.03979031154312479	full:0.037516122021451784	men:0.03172573996755752	place:0.030112568887819248	:0.532137181009967
and:0.1426419225473812	the:0.12185004085606711	of:0.08794103386119574	these:0.03316775483140367	as:0.026637495932200626	that:0.02642352691703603	or:0.026142358955259386	all:0.023316243411429297	for:0.020635751407965534	:0.4912438712800614
the:0.16895174291959342	of:0.10909809060409127	a:0.07117490664802106	and:0.0695513856743758	to:0.05836974007261052	be:0.05066117709776328	in:0.043244063150650956	was:0.03685680032899097	his:0.03435335794096429	:0.35773873556293845
and:0.16186754638015885	was:0.12319844258711729	be:0.08120247601882621	it:0.05987856084649137	years:0.050912064034129186	is:0.045149573860765096	were:0.037863976199726486	he:0.03142481043696155	to:0.02785201335327482	:0.38065053628254913
feet:0.09124682453705052	poles:0.0730701371555321	up:0.05088279168420823	chains:0.04885658892872941	entitled:0.03694920633644442	went:0.034748145318504654	came:0.03280590556373315	down:0.032521221296211	him:0.032446562119539564	:0.5664726170600469
in:0.18805944349711623	is:0.15827243096245527	and:0.10757261780285257	was:0.08349475203863264	that:0.07618626529086911	have:0.06444128995977587	In:0.05675244557982617	be:0.0565834738305948	had:0.04899219898914779	:0.15964508204872954
one:0.014779907063238167	men:0.013528392893753087	;:0.011222428897457512	made:0.00998910480362255	up:0.009460124064261348	in:0.008875209018059523	:0.008130081382477812	wife:0.00782407898803646	and:0.007628897035431363	:0.9085617758536622
the:0.12033468360950009	in:0.06824276926884643	Fifth:0.06118910122479296	Grand:0.05234172416002822	<s>:0.02388972496185081	and:0.02241410333763625	said:0.018887678722788525	of:0.01851386111751157	In:0.017009809049798964	:0.5971765445472462
is:0.1595683143271461	of:0.12035183049257704	was:0.11462780415305156	and:0.10719443948942382	in:0.07865178529148469	as:0.05575889220889774	to:0.047491042015285784	by:0.043195289837428874	any:0.042568428691116024	:0.23059217349358835
the:0.5150749085742131	a:0.21266522472129223	The:0.03509929610794692	in:0.025508308115465415	tho:0.024466819981144576	and:0.018815939397972423	of:0.017728461324927235	by:0.01227790853079646	tbe:0.011478688938676098	:0.12688444430756549
the:0.2319385675614917	his:0.16419545213157752	a:0.10319481610047544	their:0.09974849130470075	and:0.06339388536801738	of:0.05011906464992156	my:0.04345065071164153	our:0.03721126850101518	her:0.032009068729794865	:0.17473873494136408
the:0.22449722894017324	of:0.09597492645627406	and:0.08111478760064236	The:0.050796415736844756	Mr.:0.038907259416786265	a:0.030554582137513903	that:0.030503991440613273	to:0.020127517325626985	or:0.017700595402717276	:0.40982269554280787
it:0.18080528154335598	It:0.1285820752296524	there:0.11498739888912608	which:0.07199377157980202	and:0.06522773581105981	that:0.036984577950162655	he:0.032561581901702136	There:0.02660856765168569	This:0.023590264134105147	:0.31865874530934807
the:0.6409304219135824	a:0.1113119046129696	of:0.058115339788204316	The:0.042712103475308794	tho:0.03125448042881564	and:0.02628859637068766	tbe:0.010766021402052644	in:0.009794350746408583	our:0.009406450793689505	:0.0594203304682808
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
is:0.20390531146786378	are:0.14225506357133835	was:0.11989716966559813	if:0.07435772521511053	were:0.04907608661137122	and:0.04828842923447172	have:0.03822004949212179	could:0.03722900939458507	Is:0.030741889150506064	:0.25602926619703337
to:0.4604612540135017	will:0.11117899560993741	not:0.06747526507790615	and:0.06406688852148291	the:0.04930834752067413	a:0.04045179679003807	of:0.03460500775265025	would:0.033886922972304695	may:0.03262128678928797	:0.10594423495221673
the:0.08683654362456375	of:0.07878671084097076	to:0.06546852107881028	a:0.053838341165992266	and:0.04687110917479617	in:0.03212150310629667	be:0.03189178165450009	was:0.026234833190324568	is:0.023320479496385292	:0.5546301766673601
he:0.18956393793199638	who:0.0979162033572955	and:0.09092951786211752	it:0.0844264164847207	which:0.08201557999712336	He:0.06778786904502714	that:0.05463317806300544	It:0.04685205582374513	she:0.0354053091670082	:0.25046993226796066
the:0.3254893012967413	his:0.08829706405584362	of:0.08091249238664674	your:0.06123914085665699	our:0.04716808206890688	her:0.04143089350332567	my:0.04019988233065025	and:0.03828692665112276	their:0.03255751246730645	:0.24441870438279933
in:0.40521753271635835	of:0.16375026755640829	under:0.11596248935694378	to:0.08825314122063654	In:0.08293657467641341	from:0.03297808473560341	for:0.030810769425188803	with:0.027633814411491302	at:0.025266489556580948	:0.027190836344375153
of:0.20924993571188535	the:0.17669510109783068	and:0.07862556963649643	to:0.060444494723707616	a:0.05225778475612267	by:0.047531988810713015	in:0.02796704636937475	that:0.02598125034241621	from:0.02346114772989011	:0.2977856808215632
the:0.11010116087922413	of:0.10390356609663971	in:0.07311483390884851	and:0.06394136392486138	to:0.052455441829833124	on:0.03739345675072571	at:0.029937732229662613	a:0.024077940456001062	<s>:0.022850445457506776	:0.48222405846669697
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.14971113489076918	and:0.06138732628051129	of:0.05601376668918616	to:0.045141758428088485	be:0.029959112749884102	a:0.02885307034141932	was:0.0233395701898811	his:0.01944426182900796	in:0.019407700630392904	:0.5667422979708595
was:0.251054639983075	be:0.20274455291517077	been:0.08924475100521946	is:0.08639751969454998	were:0.07906698598717901	and:0.06408400478968722	are:0.05767488699985712	honorably:0.039231658439302736	he:0.033594493076386886	:0.09690650710957184
much:0.29674153236666656	is:0.19553850391727198	was:0.07181601452250268	considerably:0.06935370512739393	be:0.06611758976061831	the:0.054889279541171364	far:0.04817587150730325	are:0.042328594024362495	not:0.04192363251238227	:0.11311527672032715
on:0.2125576083199599	in:0.10922387156033274	of:0.09770097067086021	On:0.07911159483045709	In:0.057967515715542164	and:0.05252511972444412	dated:0.051253639733626385	from:0.03274496241307215	to:0.022669191808573286	:0.28424552522313196
and:0.25125791445187945	that:0.17300635371205286	of:0.15724105168287728	to:0.050078183100320764	we:0.03731178929153155	but:0.0366257876948579	when:0.03469506954329437	for:0.03316763819969859	if:0.031457862003820496	:0.19515835031966672
the:0.36672078710660316	The:0.09324111247066348	of:0.08105045253195045	a:0.06993556551434865	and:0.06976875681739195	his:0.054190521243457246	their:0.05217195223436595	tho:0.03496030564174195	our:0.03391790728159752	:0.1440426391578796
to:0.3395431249154572	will:0.22991449046079904	would:0.10798110053376479	shall:0.08100614948062931	may:0.06922424311004756	should:0.04916818176452983	not:0.03252566375084792	must:0.03245630386461755	can:0.01667928489338863	:0.0415014572259182
neither:0.4331853465176436	the:0.08680726942116254	and:0.05376199034813691	of:0.029871376871717335	to:0.02984880579048881	for:0.02578185713985004	in:0.023227247814850596	not:0.01910066915404424	a:0.016702007175567586	:0.2817134297665383
the:0.3347169804057012	some:0.10964465342483128	and:0.08390925471953482	of:0.07122298058122871	many:0.07120270106412312	for:0.06098653195047727	or:0.05461600091067665	any:0.044099921010615974	such:0.03066875693744411	:0.1389322189953669
of:0.33439553692280705	and:0.09824424128322377	to:0.09736192835445949	that:0.06844565897187865	by:0.06436448506265594	with:0.05280918995669573	in:0.05025874683831932	on:0.04921775167205738	from:0.038857183565975915	:0.14604527737192674
well:0.12991015635064773	known:0.11168587180543645	soon:0.10369035459473254	far:0.08195907566424299	and:0.06388557808584468	long:0.03755135115796446	such:0.02954466624033588	just:0.024368945136159968	much:0.020609769850901107	:0.3967942311137342
the:0.5478760539168694	a:0.08898269731373042	of:0.0486472650448226	too:0.038061376532560684	The:0.03494488778873023	tho:0.029227049221798033	and:0.027565745206314208	his:0.017612607189473658	our:0.01622524530354763	:0.15085707248215305
amount:0.11647222428512692	number:0.07145600435275794	out:0.05977512561999602	years:0.040626077314152825	want:0.038072212753247	matter:0.03788758064859424	instead:0.034892283256348126	piece:0.03357597130904092	deal:0.029561420246702254	:0.5376811002140337
be:0.127887273032101	was:0.12369627436022375	he:0.0860905973963705	been:0.07878672887426989	and:0.0715005629761436	were:0.06074000568094296	have:0.05738566896194844	is:0.04996674162801843	so:0.03870410527065126	:0.3052420418193302
it:0.1898936989228213	It:0.08998462207640943	there:0.0790469860324584	they:0.06140208113455	that:0.05582443981464942	which:0.05166683548741283	he:0.0503760176127662	and:0.049222407474872956	I:0.03738029063895694	:0.33520262080510255
I:0.2388141571583499	never:0.13860024970004967	he:0.11809271996267126	they:0.07649371040390707	and:0.07208249899453828	ever:0.0638745398381465	who:0.04914113611432861	we:0.042286210494318834	she:0.03881717782180286	:0.16179759951188702
two:0.08920290912339512	three:0.08391878817394792	five:0.06966624511898034	four:0.0667506034841516	ten:0.05489738351584711	six:0.05031037925167142	100:0.04653447131814306	many:0.04148621422312433	few:0.04144794509855045	:0.45578506069218866
to:0.19449371140619715	the:0.15051781260364497	of:0.1116271137623947	in:0.09954165010736532	a:0.09055363423757531	and:0.07396281193630808	be:0.05105812901868344	or:0.0286863788641448	with:0.0269921500687097	:0.17256660799497656
<s>:0.06832995306904838	it.:0.02552011789312454	us.:0.015025991634594687	them.:0.013741397484692854	him.:0.010784178419380418	and:0.00783236446830358	country.:0.007342334232299152	people.:0.007160409083540001	day.:0.006394165776712523	:0.8378690879383038
of:0.2696416411757977	to:0.16178112754676505	in:0.08893980934300134	and:0.08360536425951183	by:0.07603370617688553	with:0.06430543815972033	that:0.050335690974195116	from:0.034800286770540846	on:0.028452558779567354	:0.14210437681401494
up:0.010761488827963945	out:0.010745905225864829	in:0.009981413262680944	time:0.009829880636072734	made:0.00881160020181429	him:0.00878847431776764	null:0.008404824116121019	it:0.008034959034734251	good:0.007728792615535536	:0.9169126617614448
and:0.24386577763543324	but:0.08699688181689053	that:0.08153559167411409	time:0.05382499037373128	him:0.02840515138690323	day:0.026725713896073963	But:0.02533352722318376	ago,:0.016740844486454947	or:0.01477913499589598	:0.421792386511319
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
and:0.305464053839823	of:0.07655869586983334	to:0.07251121508578884	the:0.04439286129063187	a:0.02992712246757574	that:0.02505798658304601	or:0.024917377491853868	be:0.018782429342708455	only:0.0183540071048311	:0.38403425092390775
and:0.09092793350487316	place:0.08888018033612957	point:0.047667617111951624	spot:0.030719214487657496	that:0.03067560924970076	places:0.027574853421848435	know:0.024153825710537986	cases:0.022538776168315015	case:0.019394175905859755	:0.6174678141031262
the:0.5103461038144428	a:0.21133546466225211	The:0.045037323602554524	tho:0.03951803323964928	and:0.02090024406869422	tbe:0.019394323952643188	full:0.012070838280154247	in:0.011165329481660023	high:0.010937490809967046	:0.11929484808798253
of:0.11904574774402965	and:0.117039163175256	in:0.0579721685820925	to:0.0511186639368552	fact:0.03928633611901063	said:0.03323136332365265	on:0.029827822579143393	all:0.024787499172257966	is:0.02252394945510673	:0.5051672859125953
made:0.11942847096974421	and:0.07979570471363857	caused:0.029091215056480817	shown:0.028426754301022945	up:0.02777670568714523	ed:0.027617079589566704	out:0.026630159435991316	taken:0.02626602987193105	done:0.02542850605479482	:0.6095393743196843
and:0.07408098516567259	made:0.061160375462270045	done:0.03866799448206754	that:0.03759501976806063	or:0.03582285744513587	prescribed:0.030705885028312875	provided:0.026964338539979617	given:0.021036588149660813	side:0.020348604410435265	:0.6536173515484047
the:0.3008723093889666	a:0.14728353851044945	of:0.08656962736120263	and:0.06710457857112107	to:0.038603820812682654	in:0.03579490829914793	an:0.033175880060087405	The:0.030922773885395445	on:0.022737590842228133	:0.2369349722687187
of:0.3437983306960268	in:0.1531117971837146	to:0.0925693291423063	In:0.06913516587889623	with:0.057929959569292096	on:0.051259263508773224	for:0.05120586880647392	and:0.048833686641941015	from:0.046477721056142576	:0.08567887751643329
and:0.08759422356132301	of:0.07337384815626334	was:0.06605751234410649	the:0.059193402230333016	be:0.04271802031243984	to:0.03523696457787734	is:0.030821475666726536	a:0.028302861549909155	he:0.024638357950055603	:0.5520633336509657
;:0.0181673580005401	it,:0.011648995394794292	him,:0.00827644171903528	them,:0.008274220604184947	one:0.007715897523943541	years,:0.006881883300777614	,:0.006795508465188345	county,:0.006053187624297671	city,:0.005938350680117762	:0.9202481566871205
the:0.6094602094725239	an:0.12531530548568354	tho:0.040378725183434785	regular:0.026337720561129783	The:0.025355359791965456	of:0.02183459293764306	tbe:0.019474355250325266	and:0.01917813975858031	or:0.015153240613580126	:0.0975123509451338
to:0.09841821759273948	and:0.09260484230832032	of:0.09256376566872315	in:0.07877417798483456	was:0.053151928258643934	the:0.04549775452320577	is:0.043473641260170226	be:0.04009477519768535	for:0.03232743776826288	:0.42309345943741433
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
to:0.14119556702094324	that:0.12262071690923351	and:0.11934730981945138	as:0.0630758627473405	which:0.048382124346249764	when:0.045655843513647675	will:0.0432170766460399	for:0.03081931860133325	said:0.028858592411201044	:0.3568275879845597
the:0.23100521643380242	of:0.0740613608550251	and:0.061167446723956104	that:0.04033940593958656	The:0.03676994801199908	a:0.029630463327468756	in:0.026636300448902746	or:0.023892449348076526	to:0.020945995451608874	:0.45555141345957384
is:0.22535915401085416	was:0.13220522282914857	and:0.08184131048084514	are:0.07991532206996735	but:0.05426850189535241	has:0.05106523139163746	it:0.05062761545677948	will:0.049179674887784595	had:0.0484783514644368	:0.22705961551319406
and:0.09998447241489117	of:0.04130679440452129	is:0.03885284683957583	as:0.032869620232383094	was:0.027637200903192837	.:0.027093113868146865	it:0.02572499783560185	It:0.0184592906234619	I:0.01817729132075003	:0.6698943715574751
to:0.17827232972824386	and:0.15846637373950404	the:0.0771085930668221	of:0.07402195405984235	that:0.05875859316473308	which:0.04843955349880736	in:0.046038528200262975	for:0.028088233414314365	<s>:0.027937539013453305	:0.30286830211401655
the:0.19295738705093082	a:0.1340677157808646	of:0.09423546064698993	and:0.05956736035358444	for:0.0321457089706358	in:0.029739504624129928	to:0.029235148279945854	some:0.01847446035613732	that:0.018108901140409424	:0.3914683527963719
and:0.12226441337021854	of:0.11185290650885768	the:0.09073632624142586	in:0.06270007867690339	to:0.05728416370048596	be:0.051054364752837145	was:0.04819056096657955	is:0.029697567124662875	a:0.026009129099958984	:0.40021048955807
the:0.07466853285749592	to:0.06664179974498759	and:0.06577521154650655	of:0.06552824226379368	in:0.021798495042151905	be:0.02167042424770766	was:0.020117352432562133	is:0.018603892279979068	<s>:0.018301288021376937	:0.6268947615634386
of:0.13354317702970517	the:0.11788221365618506	and:0.08981976223729228	to:0.05677130556293947	at:0.04004490755644976	a:0.03953903147911697	in:0.025756193744680446	for:0.017173453135902735	with:0.01702785937173685	:0.46244209622599125
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
the:0.7530362290296592	a:0.05368529230831371	The:0.0509848164141906	tho:0.03545101965215204	this:0.021185179695460795	tbe:0.014643739967370199	and:0.014583148445612558	first:0.0054825236728071524	as:0.0045497493678376974	:0.04639830144659614
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.09220667201632284	of:0.08687695100047854	and:0.05394784841050513	.:0.03571083256506348	Mr.:0.030304801120962323	to:0.028363154275801244	<s>:0.020025138565030236	a:0.01689639181203128	Mrs.:0.015462863168668265	:0.6202053470651366
and:0.0996248617847375	the:0.08779130231698089	of:0.07177593852179975	in:0.057452736848789265	a:0.056571730223818444	to:0.048022673059191626	for:0.026760329505594684	will:0.024731958665124402	that:0.021654576541319314	:0.5056138925326441
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
the:0.48147407545734183	a:0.12504886492174047	The:0.06642476354281163	tho:0.03654055399182993	A:0.03650023884591724	finance:0.034171072502673795	said:0.02470176142650581	and:0.02440200201731138	this:0.023469373364231452	:0.1472672939296365
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
is:0.1770732244409354	was:0.11789599258967363	be:0.09593573085203498	and:0.09383183226662573	the:0.08433596162942424	are:0.07919603245449111	he:0.07234119224016984	been:0.06639129098625583	not:0.042016232467041136	:0.17098251007334814
I:0.20519782272295634	and:0.13886747947422165	he:0.1256298248732261	have:0.06662366879142238	had:0.05637049241403071	has:0.04742940922530828	we:0.043831768140846536	they:0.04151467683189077	He:0.03830772690349391	:0.23622713062260334
State:0.040527897761073094	line:0.03877528022352015	state:0.03392293835373557	city:0.03252875726594202	county:0.02976623619933604	part:0.027797952753083336	number:0.027392789274110627	Board:0.025847982469023034	side:0.023693096431368896	:0.7197470692688073
and:0.12854359302238966	to:0.07789189763123787	of:0.043534308489866384	re-:0.039957421791734254	that:0.031140535029898674	which:0.030509099143971666	in:0.02905976998159479	for:0.02790745326009253	or:0.02670583860075817	:0.564750083048456
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
far:0.1089624382777308	soon:0.08362015662605987	and:0.06293023414730563	well:0.06227347133679812	such:0.04915844362897571	just:0.04215279417914727	long:0.0415442636939803	but:0.03612806715181205	so:0.028343726461443893	:0.48488640449674636
the:0.19104164534862883	of:0.09011392887731708	his:0.07989977428162072	and:0.07958990020612047	their:0.07416045610833243	a:0.06979956210171682	medicinal:0.04008024162522874	all:0.03237995379813084	its:0.03146409519452468	:0.3114704424583794
it:0.27957038428918407	It:0.14069168722916756	there:0.0780604064737155	he:0.0673522127670591	that:0.061371482220746135	they:0.04852180992353207	which:0.044772571877851546	and:0.031977859656019285	I:0.020031431466088268	:0.22765015409663647
<s>:0.11501952067518965	it.:0.015267616316761112	them.:0.011717520034757185	of:0.009303497089669618	.:0.00913701729516136	time.:0.008889954474168807	country.:0.008246144667565663	day.:0.007911446444920124	year.:0.007709887898784504	:0.806797395103022
and:0.09611377979382967	together:0.06030448595031675	covered:0.03676937166272939	him:0.032438653052046594	up:0.030460413497620714	it:0.02269175320641507	met:0.021809108688738414	them:0.02113687577611875	but:0.01784208772281916	:0.6604334706493655
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
of:0.26740242616429477	in:0.1035477381271086	for:0.0987548300218711	and:0.08282720497121214	to:0.08105993282309655	with:0.0575565874746197	on:0.05255787236481746	from:0.04466289453062846	at:0.03694832704453034	:0.17468218647782086
would:0.17959540429010784	to:0.13519794944916977	who:0.09755427043109222	they:0.08092794866467283	I:0.07229973568327139	which:0.06237819314755754	must:0.053838397959161594	might:0.048424713189248424	shall:0.04348004295022552	:0.22630334423549286
<s>:0.09818189809417414	.:0.01619382994112931	it.:0.014001504548411115	them.:0.0115084457716099	years.:0.010087488342494708	else.:0.009634667685788936	time.:0.009232874740400292	him.:0.007996516527283925	day.:0.007421229474998143	:0.8157415448737095
the:0.29160744669763355	a:0.21062368772615622	to:0.09720296003560508	and:0.08662822002985492	of:0.046921043984499075	The:0.045211811641601235	which:0.023772042247189127	that:0.022473137296329746	will:0.022260926672489873	:0.1532987236686412
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
that:0.4311959912036406	if:0.09420930743356078	and:0.07707823758764991	which:0.06665164141628982	as:0.059576628387692517	but:0.03880280018198082	why:0.030500827154635937	when:0.029232085181624547	If:0.027626718650516142	:0.1451257628024089
and:0.08362943294997585	together:0.07769806815080653	connected:0.0635902168573379	connection:0.06228367212358626	accordance:0.047530813078388766	comply:0.026000666542743977	acquainted:0.023189098613704624	compared:0.02214887744238745	contact:0.01973810078197255	:0.574191053459096
the:0.5444369127031656	and:0.20474634503487002	The:0.04666829836357801	of:0.03642198887281976	tho:0.026292484676938503	was:0.02397836641413487	a:0.022733025861181064	that:0.020403255282543064	be:0.01661929373823055	:0.057700029052538584
was:0.20181939994306514	is:0.18844374835933772	be:0.18411961626716308	are:0.09532112303530423	were:0.061337369662021045	been:0.04570129282114474	and:0.0372119082669316	being:0.02984420279809679	Is:0.025891019708534004	:0.13031031913840166
of:0.2125849661880325	by:0.1136019916193036	and:0.08533207362508129	to:0.07542315803244617	that:0.07326077813233907	Rev.:0.022032400764431612	as:0.02134482247889656	<s>:0.0211980538470307	with:0.018740609537394686	:0.3564811457750438
he:0.2220398824048451	I:0.15889894429644227	they:0.0861115161387244	and:0.08012154545464832	He:0.07316288371293662	it:0.058843953030868985	she:0.04877253808881746	who:0.03649333987550594	we:0.034875342824543014	:0.20068005417266785
the:0.12742448267130854	and:0.10439047010070458	of:0.09008308528693847	as:0.08946547023415485	a:0.04988938362235117	to:0.042785061773461454	be:0.034245776444171545	such:0.029258330792545036	in:0.02838714816744532	:0.40407079090691905
out:0.04691538640598371	one:0.0451141592745838	part:0.02597334707110504	tion:0.025317120921724078	charge:0.024407876664618355	means:0.022627211905726637	side:0.018637436761070703	case:0.017834358367772776	purpose:0.017477804585683505	:0.7556952980417314
nothing:0.0408701974759101	is:0.02748035362799039	;:0.02381410633268206	anything:0.013901594869675533	it,:0.01132009786375261	was:0.009492481822714855	and:0.00899400453324981	of:0.008861957519914813	are:0.00845605892264268	:0.8468091470314671
the:0.4863961237907931	our:0.10039780956133408	American:0.08805888110965887	their:0.046299229707818704	other:0.04255385550590385	of:0.04173495866849391	tho:0.03252920366250796	his:0.029887800695443643	and:0.026769164209803034	:0.10537297308824285
side:0.1143421101442228	line:0.0868435445409143	day:0.06415760918140341	part:0.04243115479808082	state:0.03691079054889061	city:0.031613046899693416	point:0.029485588702535395	piece:0.023891390880701285	State:0.023321718515331772	:0.5470030457882262
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
that:0.1507033588891615	as:0.13341702903405797	and:0.12469715851026193	which:0.0770060906502202	if:0.06071354960027962	when:0.04982801707730351	but:0.04728344195327692	what:0.030333059683489125	than:0.025825229061103325	:0.30019306554084585
man:0.09721588238780877	and:0.07303706084231067	those:0.05941460369468373	one:0.05591020621270273	men:0.04055739834831657	all:0.02965783273552722	woman:0.025148628176121016	person:0.022743193114226096	people:0.01642239887449349	:0.5798927956138097
and:0.12677988442241797	it:0.09289514103582268	I:0.07678530277044353	you:0.056404635406912755	which:0.05385477426835294	they:0.053188617496208485	Nor:0.0509191697422109	he:0.049450998475625986	It:0.04569605679008593	:0.39402541959191884
to:0.09232955452141023	the:0.08936536473258457	of:0.08480689284486813	and:0.06528638193262024	in:0.037728078359282075	a:0.025202587137291847	at:0.024704568696442337	.:0.021926237783678235	by:0.020041745206587615	:0.5386085887852348
and:0.08371767612782222	right:0.07181267190415683	able:0.06033715839506869	as:0.05757656608237232	necessary:0.04847868878095869	time:0.0428338746143565	enough:0.04005503803324948	order:0.03891233243507123	ready:0.0376552835814041	:0.5186207100455399
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
the:0.6366273428049988	and:0.09421496980998237	The:0.08301008182672844	tho:0.037718109404784206	a:0.037266080767323344	or:0.021052029980146245	his:0.0183712869392239	of:0.013572523520286477	in:0.012747295626135075	:0.045420279320391166
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.26155427294644795	in:0.10250053040479594	for:0.08896993345199646	and:0.08474355756217465	to:0.07319954560885013	with:0.07259347426963367	that:0.06803332731750693	by:0.06624750956076922	from:0.040145644332984225	:0.14201220454484084
was:0.1787171252345133	are:0.16273475901204368	is:0.16221167425986469	be:0.1196167905314649	were:0.08509385459186015	been:0.05218173071892575	am:0.030513424144361066	not:0.028688919432058212	and:0.028036877426050648	:0.15220484464885758
a:0.388487504014552	the:0.18541973825953878	no:0.13628417116474825	their:0.05074600964206413	and:0.04291347254584357	his:0.034080768855727674	of:0.03155493012020449	more:0.030200771680012173	not:0.0284740829680605	:0.07183855074924841
the:0.3096892938619138	that:0.13368330247155777	of:0.12700997013797702	a:0.12663427568776656	this:0.07626100899079345	The:0.05358617497349494	or:0.05039855027291962	and:0.03511363880997658	tho:0.020891507674728617	:0.06673227711887167
about:0.2535071433965918	of:0.11843545118033241	or:0.09644454303731946	and:0.09371881060284284	for:0.09287911269240938	than:0.07541949117088968	to:0.05274256712860223	within:0.044464971161968354	over:0.03973786775636423	:0.1326500418726796
A:0.0784912876772737	W:0.07231723477608679	M:0.05653403331670924	C:0.0550846152915609	J:0.05303723720037893	S:0.051562006223020186	.:0.0468342099554611	B:0.04119083280559679	H:0.04024428552201217	:0.5047042572319003
the:0.14517560055032913	and:0.10036271317786162	of:0.09500378148282847	to:0.07376273095903182	be:0.044598635029191196	a:0.03631923823144349	was:0.035673333465864404	at:0.02739104829636097	in:0.026270180268733814	:0.4154427385383551
of:0.30255190059078657	with:0.11328444288994013	and:0.09249917077395792	for:0.0897765558215401	to:0.0566397292430753	in:0.053831454485326044	by:0.04828913881860755	on:0.04236738449581087	that:0.03946393258440452	:0.161296290296551
grew:0.3808100979463688	a:0.09060065885092847	was:0.08818824267150814	is:0.06807067053988067	much:0.06665459815450965	be:0.06496171856121837	are:0.04569242672275558	the:0.043352841310183264	and:0.03943892682568681	:0.11222981841696028
of:0.31315359613365124	to:0.09227566221641322	on:0.0842623605245659	and:0.084119556881692	with:0.07578933918208852	for:0.06107537053921234	from:0.057062832249922237	that:0.05351616618452859	in:0.04924020964273469	:0.12950490644519128
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
is:0.23519135126669694	was:0.16450184660599293	and:0.08709460406301753	are:0.06490891168469516	of:0.05833538612946677	to:0.04308248297367953	were:0.03708325219208466	be:0.0362217113911918	Is:0.034218928491382576	:0.2393615252017921
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.38262631165418876	in:0.29347990584702977	to:0.07077244297200287	In:0.05998733333398382	for:0.05955595430071397	by:0.03564891512422732	that:0.028234506381387317	from:0.024125180522650495	and:0.015123338444540118	:0.030446111419275584
all:0.152115012364076	at:0.14488079717954538	several:0.10447307854239474	many:0.10163187022762933	three:0.08885924465821522	the:0.08426456129424073	of:0.07867766779071711	those:0.046618835680751425	some-:0.0407233331702324	:0.15775559909219763
Why?:0.13083117238185454	<s>:0.0636168715211033	and:0.02145068181674947	it.:0.021119339875666648	them.:0.014741818249363747	in:0.010784362523798491	country.:0.010351571566569726	?:0.009234889722529636	county.:0.0076936470714574256	:0.710175645270907
of:0.32974425855592865	and:0.0689330509880783	the:0.03926475456475097	at:0.02522978035288993	by:0.023395500266565856	or:0.021281284775021905	in:0.019533191888612352	as:0.01878660258022026	on:0.01752033637752875	:0.4363112396504031
they:0.1321818879088247	we:0.12288564602503636	to:0.0957591763155619	I:0.08793410065019265	and:0.08065695958520142	not:0.07768159038304137	who:0.05775626445045258	We:0.05482919351957875	which:0.04025556901182596	:0.2500596121502843
No:0.14522793691458472	no:0.13386220781654096	that:0.12893150704941195	and:0.08655777556103227	the:0.0755174707445776	but:0.07473932264803865	any:0.06989629947846371	when:0.053085502746081946	of:0.05097659909283147	:0.18120537794843675
the:0.4120533501849501	a:0.09172351313352038	no:0.07534419694317285	to:0.07099399617122391	by:0.0662463111770444	I:0.06562302033938595	and:0.05613545121005193	only:0.04218049963716832	or:0.034643534206260464	:0.08505612699722172
of:0.32578858718050796	to:0.10209889202194875	in:0.0784034813840208	and:0.06383026709671313	for:0.049484355762382505	by:0.04779993377113924	on:0.045707024917298625	that:0.04429545740858654	In:0.03373904427851746	:0.208852956178885
New:0.8977567635994109	Now:0.012935502501044702	New-:0.011683928675624886	Xew:0.006767626435587875	of:0.0051280777639712335	the:0.0034625173299857254	to:0.0025292342350075945	Mew:0.002133156260143782	and:0.0016765977319830527	:0.05592659546724027
to:0.2901939822864892	and:0.2679970450332219	of:0.05483634848405588	not:0.05052732289945572	which:0.0412885184063457	have:0.040170107158646474	or:0.03916231294751992	by:0.03710848293779061	who:0.033484920879321756	:0.14523095896715285
all:0.0660163288523761	of:0.06505643274675073	and:0.057030801701554334	was:0.04660164070031436	is:0.031404169542545136	it:0.030858984206185765	for:0.02962866473642334	went:0.025168395753948473	in:0.02348489176802519	:0.6247496899918765
in:0.018993737028160106	;:0.015519158139651752	up:0.014797705651070107	city:0.010682398921835192	county,:0.010275887373351065	him:0.009486816521416658	years,:0.008436880178768409	it,:0.0083724614742078	street:0.0078017148705827035	:0.8956332398409562
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
and:0.12898493640461098	the:0.0862970010900792	to:0.0574328269961494	will:0.038139006692124694	a:0.03288741146894428	I:0.027767596553152606	of:0.026846218778148762	that:0.025413411529070114	would:0.024162441889793464	:0.5520691485979266
that:0.22012195978179316	and:0.12312764212351583	as:0.08471109989324853	of:0.07155311025171228	if:0.06526036781404033	which:0.06031932184751599	but:0.04966266542923459	for:0.028897965659342925	said:0.027758532862866638	:0.2685873343367297
and:0.2584995711284655	is:0.17321755040132786	was:0.11543112875658562	it:0.034298039024985474	but:0.029226275068928075	Is:0.024728207656009447	that:0.024518764541681018	are:0.022306929906874308	which:0.017142010595892727	:0.30063152291925
of:0.3038957099701557	to:0.13233621380624272	and:0.12548721873722526	in:0.07124572087973832	for:0.06789917772314685	by:0.0578478256448419	with:0.05116002516241451	that:0.045999492622251344	on:0.04371182072346995	:0.10041679473051347
the:0.3544124289587015	his:0.09358525445598344	of:0.08694135947138214	their:0.0791205434494645	and:0.052771455722516986	my:0.051246076582676686	our:0.032163816120262895	such:0.03160762380701754	in:0.030300474470018428	:0.18785096696197587
his:0.29919627205636035	their:0.26604856522228687	our:0.13489170221316482	her:0.09386284140953094	my:0.07748856639880485	its:0.040510784447562856	your:0.03790044890293292	bis:0.013002516865712887	My:0.006161142546346309	:0.0309371599372972
to:0.25535831006937676	of:0.17499004343702132	in:0.138182293015879	and:0.05237474739623248	the:0.04177393922387485	for:0.03370568804728594	a:0.027968086708991598	on:0.020146182156233688	at:0.01960447654457183	:0.23589623340053253
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
in:0.32500082344167625	of:0.18396155374950934	In:0.10299767644095263	and:0.06106387060688721	for:0.052663574906163045	that:0.05126582475827724	to:0.04934940791610936	all:0.032477672279364836	is:0.027603472632886653	:0.11361612326817343
one:0.016368888842335127	more:0.015000372690832826	on:0.011189338260333165	day:0.01075934247865153	two:0.010752403191876184	person:0.00789861567222125	in:0.007751399993273645	man:0.007556023970783172	law:0.006531081514130428	:0.9061925333855627
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.07391488047878117	do:0.031675776330843286	together:0.025354288759564497	complied:0.024338444248264736	him:0.024293892754894682	connected:0.02340398893833063	them:0.02311635037766978	up:0.02171075404896906	it:0.020244393117691238	:0.7319472309449909
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
I:0.13696780836361178	be:0.1165088088293597	was:0.11545924182120025	he:0.11488137129734022	and:0.0769837714531168	had:0.0686590860000586	it:0.05967271099266466	have:0.05728990853138574	been:0.04244551857705934	:0.21113177413420292
make:0.13243656301782478	and:0.11083412505453544	is:0.07799412304869113	that:0.06524042471165681	was:0.04932551175211609	have:0.04904027881358992	but:0.04894615090429942	made:0.048774663075449684	had:0.048617698520369484	:0.36879046110146724
and:0.052108909036633025	that:0.04838766356443447	will:0.031902191289205836	it:0.029503945787988338	far:0.025370301844375002	would:0.024059380928297024	had:0.01816333016804926	is:0.01722984180337676	but:0.01631027802867607	:0.7369641575489642
to:0.24858879960889735	for:0.15183709104328746	told:0.08883981646217336	asked:0.08037231639110086	advised:0.05674306796214238	from:0.053147127370641443	permit:0.04609334112482337	with:0.044566496927146516	allow:0.03540330584083368	:0.19440863726895358
to:0.11272467325873015	the:0.09570920935957357	of:0.08084508540075111	and:0.07746796351453314	a:0.03161606912023797	in:0.024763881588432984	at:0.024446783401682257	for:0.018599489625864805	is:0.01726400145434898	:0.516562843275845
and:0.12261303565224314	able:0.07079406066736695	enough:0.05542291695226929	is:0.054761992889148216	order:0.05180284597747803	have:0.043179578335200725	necessary:0.042208015043844666	as:0.03917506526166747	was:0.03546777249128295	:0.4845747167294986
a:0.37919026474125	the:0.21559600649398042	and:0.05200277032979603	his:0.04804177276558312	to:0.032982341562182764	of:0.02786528414945055	The:0.023519357358145986	A:0.020948125619149546	this:0.019950019546873008	:0.17990405743358862
the:0.24731452865809914	of:0.07827142338582382	and:0.06817986137431623	with:0.02973377438824609	in:0.028828455019499103	said:0.02862653501826313	on:0.026285768238887217	by:0.02601155271444689	a:0.02047448676516178	:0.4462736144372566
and:0.2022894621606008	of:0.12849820093240533	the:0.07883877099056717	with:0.07754655790506786	in:0.05984121241111567	a:0.05170972260096264	to:0.04768905537956484	or:0.045747864884654495	is:0.032785682670410564	:0.2750534700646506
a:0.18983688475583882	the:0.14773870045373555	and:0.13719263512788957	was:0.04958379901568912	he:0.04257477636516752	be:0.042289589491644276	of:0.03583461810635613	have:0.03324633073217747	feet:0.03254564643684893	:0.2891570195146526
the:0.10431775199626436	and:0.09676717656297647	of:0.07033030439392306	to:0.05515929689516103	was:0.032855693619983806	be:0.030922031023954702	is:0.0298771289684772	for:0.026129698547533265	he:0.024497094312542662	:0.5291438236791834
of:0.19019832382434135	in:0.15530948837090772	on:0.11731302557539496	and:0.1050442156788365	to:0.04561368836505459	In:0.04472824381230269	from:0.039769735634510535	for:0.03463221910445181	at:0.032829718717475684	:0.23456134091672418
he:0.17475438872346447	it:0.1359286733624291	they:0.09637533336931273	I:0.08453683576858537	that:0.07339259747557059	It:0.07261110104187243	we:0.044348645187426095	which:0.04425071068500445	and:0.04339726392581102	:0.23040445046052374
of:0.13735167115900856	the:0.12468015023643587	and:0.0854943477750385	to:0.05978421548001077	be:0.04798116264043773	is:0.04763750262483636	in:0.04319657334697535	a:0.04216807689891275	was:0.03856522118611982	:0.3731410786522243
of:0.11587928661481847	and:0.10749265374522085	by:0.05993524659652132	Mrs.:0.055212892070106066	Mr.:0.03340998996699965	said:0.03278782972724801	to:0.02858340549713023	Sir:0.022897909644076692	<s>:0.01690767260002939	:0.5268931135378493
feet:0.09124682453705052	poles:0.0730701371555321	up:0.05088279168420823	chains:0.04885658892872941	entitled:0.03694920633644442	went:0.034748145318504654	came:0.03280590556373315	down:0.032521221296211	him:0.032446562119539564	:0.5664726170600469
be:0.17041037791659813	was:0.1551718501601499	if:0.11675301960827543	and:0.10415491948828229	were:0.09060788128495009	been:0.06716994295653111	had:0.05950297444191098	has:0.04509745361375879	have:0.04442420719576631	:0.14670737333377695
the:0.2512693444558993	and:0.09407038800929848	of:0.08370412764591657	a:0.04942841196573854	The:0.0247737832602669	in:0.023643992021116306	at:0.018104693386420023	an:0.018027153153833964	or:0.017797431087777052	:0.41918067501373285
the:0.18799707762218731	of:0.11525313844642997	a:0.07091539409944786	and:0.06965605669134654	to:0.06265075420645462	his:0.053599522894522016	in:0.042995003391059175	was:0.03175116562643384	be:0.03093738066132356	:0.3342445063607951
years:0.5031914416720354	weeks:0.08050957224255052	year:0.07183646184378303	months:0.06747188924726975	days:0.05264250521213722	long:0.05181929280628646	time:0.02937911753560491	week:0.02374804262054824	century:0.011461254296362824	:0.10794042252342155
and:0.17585063722392302	fact:0.10400902578517979	said:0.06844377842999533	so:0.06232472237382234	believe:0.04519952307692614	is:0.039634011181226815	say:0.03675663629906361	know:0.036060715732595706	found:0.03095250753294034	:0.4007684423643269
they:0.19146739868040677	who:0.18666306546059303	and:0.07835960781814018	we:0.07546708788169125	which:0.06719266626957993	They:0.06270328687340918	We:0.040142575328759866	men:0.03349809179820513	that:0.03241137089077402	:0.23209484899844068
away:0.08610775006989646	and:0.06324203958585717	them:0.05137144898237544	taken:0.04914929811050107	come:0.03844039281982879	him:0.026758921689034758	came:0.025940601617336453	received:0.025940146147992643	out:0.02090029184735776	:0.6121491091298195
the:0.1073621791577897	and:0.09589130209254718	of:0.07998598913626609	that:0.037069899835071515	as:0.028835838664318266	which:0.02842099615195488	a:0.027813146940617452	he:0.025879177548826467	in:0.024547554409002057	:0.5441939160636065
that:0.21203708327843562	and:0.07405381244853632	which:0.05165972118344167	when:0.04094770198949968	to:0.039095650486753813	said:0.02126116646522555	but:0.020630291416526565	as:0.01986660269070903	<s>:0.01820889925800602	:0.5022390707828657
the:0.4354774814041463	a:0.1307565384167708	and:0.09528285428775791	of:0.06679435497268911	The:0.05547194116961957	tho:0.03236489177878087	in:0.032153262209890496	by:0.027132550450678725	that:0.017931968914668656	:0.10663415639499754
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.21353138449064252	of:0.11221028280671991	on:0.09989330345714234	and:0.047648199435440235	a:0.03536238814877178	in:0.029079686945915367	said:0.02495831263075003	A:0.02080032554409632	tho:0.018587418042865934	:0.39792869849765555
the:0.5279666887181351	tho:0.03819195374618466	said:0.03777384218891856	of:0.036478587192604404	Circuit:0.03632903336221689	The:0.029385770861386183	this:0.025368091715448658	County:0.02520124675116726	tbe:0.017795583153401604	:0.22550920231053662
and:0.06072438166799621	of:0.03238204632941329	to:0.02414581687911935	it:0.023664431133501865	for:0.022724738951016538	in:0.021534732024124106	that:0.021065266282740035	is:0.017197311311659663	which:0.016189866972396456	:0.7603714084480325
to:0.416044321036338	I:0.15798074988307947	not:0.08539669844156811	you:0.08317713366302582	and:0.044826655662556975	will:0.03572627393280886	we:0.02915363365504842	would:0.026141750435609224	can:0.021422891621315998	:0.10012989166864911
the:0.14849498599832092	and:0.11734642076691958	of:0.07467845299479006	that:0.03678262276060478	or:0.02919523689384073	a:0.026994901876669246	The:0.022774427941923064	I:0.02052216819380021	which:0.020172773730675275	:0.5030380088424561
by:0.22750635755764523	of:0.20301178016009688	and:0.12500474863228095	in:0.06357778389853454	are:0.045707844803903906	the:0.03724175525618487	is:0.0357575805808293	for:0.03122151188628345	to:0.031064509144230527	:0.19990612808001032
the:0.32104241902830355	to:0.16126675457767387	and:0.15195727475806536	of:0.042263602236386685	a:0.0403441004072137	in:0.024219618805211743	The:0.02300394219034552	as:0.019454976478805622	tho:0.016876582315135818	:0.19957072920285812
that:0.3670068151325419	which:0.10774572590954137	if:0.09266655174357903	as:0.07009329607632919	when:0.057352312768798284	and:0.05456727214383992	where:0.04712221200636754	what:0.03609598234113222	whom:0.034116320657092615	:0.13323351122077792
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
the:0.1743530328595003	of:0.09392104616331319	and:0.06853707703724952	a:0.03929064758146505	in:0.03722211092010553	to:0.03204904013305493	at:0.024232541812797923	<s>:0.02196073874126261	.:0.019819179930146685	:0.48861458482110426
the:0.1751546959422663	and:0.11314055959494622	of:0.10242156175254886	to:0.05129547478876455	in:0.04210065038232193	was:0.028766246306535303	he:0.021432814984133217	be:0.020144358604532973	is:0.020112647313891743	:0.4254309903300589
and:0.05335410293577398	is:0.045137661018006904	protest:0.04227817889149133	up:0.04071430462880784	was:0.038452229972104665	brought:0.037860586747854495	voted:0.030958659646451416	as:0.0304799680062041	made:0.030263890170752265	:0.650500417982553
the:0.16426992389034856	of:0.09702422726033204	a:0.05773100365794107	to:0.0477127103678804	in:0.043022325231464896	any:0.04060122164564591	for:0.03929311515808009	or:0.037243611065177915	and:0.0343918480098038	:0.43871001371332535
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
I:0.2598282957996882	we:0.13957909730737045	they:0.1388188210180517	We:0.09412798836302537	who:0.059590244341527994	to:0.05349153900233156	and:0.044784269505557875	you:0.04266533122354936	They:0.03252473414757809	:0.13458967929131946
of:0.17093786557800736	in:0.15501674910388766	that:0.13054983894284344	and:0.06166886570587669	to:0.060228099599972315	for:0.05765137348223323	by:0.047511852829915185	on:0.044879121673720074	In:0.043162241743104734	:0.2283939913404393
and:0.10249768292927879	is:0.07579206478223159	was:0.054500541757337116	able:0.048194806710919434	as:0.047450749315827954	enough:0.04513217780333088	necessary:0.04421138571627275	right:0.04250618005085549	order:0.04150335414581605	:0.49821105678812994
and:0.08119654024797428	able:0.06359942526701638	right:0.05904285747378605	allowed:0.04402537990165838	is:0.043790175066271454	enough:0.04378239615187923	made:0.043204803172258464	unable:0.041902397394444894	necessary:0.040683572016356605	:0.5387724533083542
of:0.20859604327233155	to:0.09499947935694386	and:0.04928977196912845	for:0.048575351039661874	at:0.04123826503867664	in:0.03680617065228749	said:0.02431969728699179	on:0.023885121297921395	from:0.023813953824944355	:0.4484761462611126
to:0.6601993060971934	not:0.06847367938199625	will:0.04582614837313352	and:0.04562827421867534	the:0.028311202709159176	would:0.022761772178592345	must:0.02199603343830357	publicly:0.021758978210838192	should:0.013537048554269857	:0.07150755683783844
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
that:0.24965642357422835	and:0.15921940479170324	but:0.08555820058901059	as:0.07149450073524026	when:0.06533617967914483	which:0.06403586677889773	if:0.03781086503442973	where:0.030499946293478825	until:0.021573599808582904	:0.21481501271528353
and:0.2825717206932828	was:0.06228080339905993	is:0.04446878988392934	are:0.0381087993245071	be:0.03442323445505603	that:0.03308935131119388	were:0.032621890516347694	to:0.03250554814495826	of:0.0208992180220173	:0.4190306442496477
the:0.44873770505066185	of:0.1286264644345095	The:0.11552360747154895	and:0.0626140040217046	to:0.0499040588917473	a:0.04324020504711039	no:0.03896436397647197	in:0.02851629215628837	great:0.027413994327632155	:0.0564593046223249
of:0.3041128814863564	and:0.11749508070480462	said:0.09149576201643318	by:0.08897046089339782	Mrs.:0.04635346052409828	to:0.039548662887021954	<s>:0.01867663188797062	Mr.:0.017983518231430896	in:0.01495268766412122	:0.260410853704365
on:0.19012505910903987	of:0.18737671407679024	and:0.13914697965732462	to:0.09384219626836997	On:0.08507769497548962	all:0.05616768053368813	with:0.05453764246649417	in:0.052268377238133004	that:0.042819262616868345	:0.09863839305780202
and:0.3795509295787971	that:0.040569251421546874	And:0.03953435535919234	but:0.02749390690124565	as:0.026016018913835297	If,:0.022673533676756924	Why,:0.022633726959440863	there:0.019774824278667988	had:0.01848926436842578	:0.4032641885420912
the:0.3767160415246227	a:0.2531811283406217	most:0.08335614058751323	of:0.0680194882660214	The:0.05218549553567706	to:0.04932342943087644	and:0.03155650483798457	his:0.030578450649783664	very:0.02392044812770694	:0.031162872699192358
and:0.06662315503117006	beginning;:0.0606859561525913	that:0.04202588574441846	of:0.03446129018724903	the:0.03090483481511321	sum:0.02930179166385272	in:0.025757437011541654	which:0.020494992676900182	interest:0.020265106298018712	:0.6694795504191446
and:0.19122796695010968	of:0.15749802444888292	is:0.10911218012178951	are:0.07618661495836601	was:0.05562400457242028	by:0.03743034262137315	as:0.033356208401031776	from:0.03192785110241978	that:0.02833495731731265	:0.2793018495062942
of:0.1425671850841265	is:0.14099680191344474	as:0.10645021442074773	for:0.09712685619441064	was:0.08084915170042668	in:0.060792631901011564	with:0.05447113101443899	such:0.04769341164499496	be:0.04152994131150233	:0.22752267481489585
in:0.43997050575222696	to:0.17586676201269075	In:0.08239795275864903	and:0.052402937022429555	not:0.03840950268431738	of:0.03571121557207907	for:0.016463347761230738	with:0.01623232706282615	the:0.015227718660688366	:0.127317730712862
the:0.7207186810641183	a:0.09466456730375275	The:0.03937261493509655	this:0.037075964202319976	tho:0.025015992608265553	of:0.022282738113052317	and:0.018247280097107785	our:0.014095820869066099	tbe:0.00912002540230526	:0.019406315404915463
and:0.20484714751371283	that:0.06176436475303527	as:0.04433703494290336	which,:0.02135017913424925	and,:0.020843337459431968	it:0.01917659229634636	but:0.015790662039193083	or:0.014478433602419176	time:0.013688147118842623	:0.5837241011398661
he:0.20292465570551002	I:0.17995947601596646	be:0.09826254567200868	have:0.08980375108172307	He:0.08573823161473315	was:0.08360508222876713	had:0.0755797338818235	are:0.05942366786966156	is:0.058197419184447756	has:0.05650543674535868	:0.01
was:0.1756465280027361	is:0.17186381500986672	are:0.09540324218510671	and:0.0828517231222723	were:0.060280624367399685	if:0.05446489609004702	do:0.0443597622669106	had:0.04141383432519524	but:0.035498450003644995	:0.2382171246268206
virtue:0.07446520038896885	out:0.065008335608151	part:0.03947215825672998	one:0.03562890125655043	quarter:0.03241584136443704	favor:0.0239235849421329	result:0.023354276051738905	guilty:0.022667050730808908	means:0.022196791642065155	:0.6608678597584168
of:0.15985453877695838	the:0.09502846416525065	in:0.05845807207715751	and:0.04749673608087739	that:0.03780945476695417	to:0.031324348349176294	The:0.026721992530225346	for:0.023155839315457248	Mr.:0.019973943650508502	:0.5001766102874345
the:0.15378903668702737	of:0.09249548824970906	and:0.07595235865820654	to:0.07006226204227813	for:0.02569471643071183	in:0.025365441158559817	be:0.023483724513089645	is:0.020659405704139575	was:0.018878285055910545	:0.4936192815003675
day:0.06165795944148744	up:0.01694203717603756	night:0.015934950746165626	in:0.014556587330469361	here:0.013590084951624795	home:0.012861680673799964	him:0.012632324296168116	time:0.011921792711889461	city:0.011324531055151955	:0.8285780516172058
of:0.33397032879961325	the:0.28117966337402067	in:0.10690315383772288	with:0.0516923820990249	and:0.04900765106363223	a:0.043690303144524885	by:0.03521849669014891	The:0.025358863157865202	that:0.020308364921178886	:0.05267079291226821
of:0.165808849830116	the:0.08667972021993982	to:0.06501744552286148	at:0.05464290937161931	and:0.05211551310442945	in:0.05047091268744663	a:0.040814944813635914	for:0.03203464976642343	<s>:0.0273735648413845	:0.42504148984214346
of:0.14983954723521312	was:0.10992986906888655	is:0.10211184644915496	and:0.10115079118236474	with:0.09924351309899838	by:0.06976651662571313	to:0.0649763571399891	on:0.03843095726100351	in:0.03702935634608548	:0.22752124559259101
and:0.09144163740421148	as:0.07620406781424983	able:0.07444664343314182	enough:0.056236613003284815	time:0.04527739988249236	him:0.04263939357836999	them:0.036869202664022736	necessary:0.03639619914268551	order:0.03370091644225373	:0.5067879266352877
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
United:0.8503775288893479	the:0.024948558649496695	I'nited:0.014613897851073993	ted:0.012136810633986752	Southern:0.011617841190786292	of:0.008089887307117145	nited:0.007299493161251555	per:0.006971711204616241	Uuited:0.0069184042830100325	:0.05702586682931339
it:0.17414577352663493	It:0.1353969449862153	he:0.11758882476171345	which:0.059359729648720994	and:0.04918957343345265	He:0.03887502040760383	that:0.03404698875579147	I:0.03179623867900576	This:0.02678657730374099	:0.3328143284971206
of:0.3038294628671264	to:0.13410136012221027	in:0.08292360636227125	on:0.08045434052129691	for:0.06410225839015771	and:0.04720158493752215	was:0.040165554619013014	that:0.03995266766239687	is:0.038464607932465276	:0.1688045565855401
of:0.10631112473892627	the:0.09943241832474299	and:0.08159794106622675	to:0.08044019399615582	a:0.0411705846870669	be:0.032482607452970214	was:0.026600329505008413	or:0.02456876992697593	is:0.021232665187409037	:0.4861633651145177
the:0.29029291752996095	of:0.2657920946732921	his:0.05163956680968951	to:0.05055019750801179	in:0.0464250320710032	their:0.04604139686994079	good:0.0441809062152359	public:0.03641956719289069	perfect:0.0333854795224581	:0.13527284160751696
in:0.30038121499038134	of:0.17920823910964526	and:0.07828610956164414	In:0.07808428902842912	the:0.0733433943312987	to:0.05727325296741144	by:0.0543353686576313	West:0.04483348452610839	at:0.038658441618319335	:0.09559620520913098
the:0.20221026267198955	to:0.16875571893734884	an:0.13736775237474727	will:0.08252839546358395	and:0.06182860980181966	of:0.06046685076312921	not:0.0578260993114464	is:0.04135056850882661	in:0.03904080397299814	:0.14862493819411038
be:0.2836679473882532	and:0.09765391934590285	was:0.09643119054650083	been:0.07723440568286191	is:0.05124578245509878	he:0.051201559087448105	have:0.03528831123058096	well:0.03340533193932132	were:0.03240330664178565	:0.2414682456822464
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
and:0.13100170372965528	was:0.05984788783975111	is:0.05092765892001959	are:0.03701993881577085	recorded:0.025720817251071355	be:0.024113583415852312	were:0.022178741005824492	made:0.021237485601540488	that:0.020787142465046243	:0.6071650409554683
and:0.15216684992012391	was:0.12508666804219037	to:0.07269382079229113	will:0.050942710453284544	be:0.048569435409855935	that:0.03681495130642006	is:0.03590546284100162	were:0.03051087449139963	not:0.029662581773118053	:0.4176466449703148
contest,:0.042763374444383016	one:0.022052228910786863	;:0.01830156218131996	in:0.016790455626803744	and:0.013700109629344533	them,:0.013568308272455582	it,:0.011939492209887336	more:0.01075291910574721	action:0.009286232984106173	:0.8408453166351656
to:0.5061189483762778	and:0.07877188501438326	who:0.04406468870569632	I:0.04036812062533237	which:0.03508946971633187	will:0.03474445621855717	they:0.025952457259025036	we:0.02091680873131909	he:0.020308133731338197	:0.19366503162173887
in:0.2095666652273571	of:0.1675023025378706	and:0.10410022621673819	to:0.09507074563249467	with:0.08026546803842238	In:0.06371061520897749	for:0.053081127375577554	that:0.05303502893730561	from:0.03725871085271796	:0.13640910997253844
the:0.25270413496997746	of:0.11612044730940439	and:0.09079193043281168	a:0.07969116137406904	to:0.06825456891958624	in:0.03917382743231105	or:0.023331705063199572	two:0.018430812324403918	all:0.018030934253775357	:0.2934704779204613
of:0.3559700596463875	in:0.2194979932941167	on:0.07588976345256485	to:0.06796192675779238	for:0.05723098067328987	In:0.030196090121279894	by:0.0295138832658797	with:0.024102935837400745	from:0.022287917892922938	:0.11734844905836543
and:0.09505092613637062	days:0.05854633307861563	was:0.055780785265604635	or:0.04452345547702442	time:0.044028729300603336	that:0.043330606482033185	never:0.040732562689425815	long:0.04034869323061084	be:0.03779411678888612	:0.5398637915508254
of:0.5589737428545116	in:0.14193632476018936	to:0.0776218295072569	by:0.04465788392080115	for:0.036116609075011255	that:0.028455939562453618	and:0.022550823675466486	In:0.022017406950540972	from:0.0218445406466589	:0.04582489904710976
and:0.16579538113538236	the:0.11213254718772156	to:0.0827305258666259	of:0.03871764360532124	will:0.03300014432274614	a:0.03157533089549577	I:0.026318138407134654	he:0.022623290540236776	in:0.018614368708745947	:0.46849262933058966
the:0.39400710287754726	this:0.13897315435854637	that:0.13465921097344435	The:0.06727156596077861	same:0.05725179318694153	first:0.04750891719234333	of:0.04535981854065683	a:0.035247175280180405	which:0.028123380439948602	:0.05159788118961273
there:0.17500841206894086	It:0.1432473205426132	it:0.13422944790460978	he:0.09674042316348568	There:0.09150071098081976	He:0.06131895872492179	and:0.039801730367763855	I:0.03838019931951094	which:0.032453905909414583	:0.18731889101791957
and:0.026334851575761084	made:0.017675115523630873	all:0.015129088115034448	the:0.013399155250249355	day:0.012573389400337497	well:0.01246733593760949	them:0.012270108586317918	men:0.012015439201131206	<s>:0.011370143222829933	:0.8667653731870982
It:0.30270660571411295	it:0.2894431847208486	which:0.04994298344325737	he:0.04556336506517777	This:0.04405968470738385	that:0.03019733519083953	He:0.024883395748188004	and:0.022051767753739068	this:0.019903762129422617	:0.17124791552703023
of:0.14815296949415155	in:0.11930162772220834	the:0.07688386912242715	to:0.05981291536095398	at:0.03769212516397717	and:0.03678048774660124	a:0.033802972603064106	by:0.031742027107467215	for:0.028560277796083725	:0.4272707278830655
was:0.21774711471217428	be:0.21554771839591488	been:0.13401101728351947	are:0.11897281798293473	is:0.10446383982169677	were:0.10389675116533645	being:0.027411715950759613	not:0.021742603143545793	and:0.019743955749588534	:0.036462465794529476
and:0.12546559636342464	the:0.05899521377840907	of:0.04840823579558136	to:0.045105357663180926	that:0.02921031307618983	in:0.028542842955810995	be:0.024944346635902285	was:0.023412987003684833	is:0.023037276583833106	:0.592877830143983
No.:0.13313888161297638	.:0.09223799423813701	Sept.:0.09152010929509405	Sec.:0.0798608034940213	Aug.:0.06349962573756747	Oct.:0.05830942086250116	S.:0.05424484828973389	Mr.:0.053933826509633034	N.:0.047451403081652306	:0.32580308687868337
more:0.05924445793269709	hundred:0.05070870835593751	one:0.029545484400942713	up:0.014210864092560067	men:0.013372456603174957	time:0.013303362803072838	dollars:0.012122377208152426	due:0.011137843673954508	two:0.009983418587925775	:0.7863710263415821
made:0.10962552404191576	and:0.09797505399000662	required:0.0439898000280928	done:0.03936550833945335	caused:0.037341924154448626	but:0.02594926285316781	that:0.02488968261223821	or:0.023717199061386387	prescribed:0.023027429625618878	:0.5741186152936716
the:0.24983788755632982	a:0.11589504907043825	of:0.08255987220718405	and:0.06297643511836981	to:0.04102474375435021	in:0.029765567266101692	an:0.0235486959222857	with:0.020122637013278412	for:0.019284191702624784	:0.35498492038903723
it:0.13796128875087904	which:0.12123151758558284	It:0.1190182297647619	that:0.07907127608922525	who:0.07084173501939091	he:0.07065862855136053	there:0.05551808419416357	and:0.034746175819115654	There:0.029925963619018833	:0.2810271006065015
a:0.36952128131779693	the:0.17302648261821643	most:0.10033637268668147	and:0.07157855850120223	very:0.06297810968573647	more:0.044396389313462646	his:0.03192451581523356	of:0.028639933182488846	their:0.02583626799740975	:0.09176208888177166
feet:0.09124682453705052	poles:0.0730701371555321	up:0.05088279168420823	chains:0.04885658892872941	entitled:0.03694920633644442	went:0.034748145318504654	came:0.03280590556373315	down:0.032521221296211	him:0.032446562119539564	:0.5664726170600469
the:0.20771681108222043	and:0.12924615541126452	w:0.09664734248157054	The:0.08460841478097589	his:0.06727741946591204	my:0.027407387075415204	that:0.026053205140072665	a:0.02421710188219354	I:0.023186144715021166	:0.313640017965354
and:0.10895943750359649	to:0.08388891872825754	was:0.07993448544289587	the:0.0768242429120076	be:0.06487291099602045	of:0.0455149322010004	is:0.03910631658081812	a:0.03680889972983323	at:0.034013563218384744	:0.43007629268718556
the:0.367435726232885	of:0.14713688342819903	in:0.07523060525619583	their:0.05691533652597612	all:0.055832428739142966	and:0.05158616612308268	The:0.043862035247845876	for:0.034820899788650904	a:0.03188398118257903	:0.13529593747544252
and:0.10985765360012639	to:0.0870112436273619	of:0.07894186089764132	the:0.07005492844823415	in:0.032364668243275635	be-:0.03196946985605434	that:0.025107085000234345	was:0.023436862887310478	for:0.02150877633014445	:0.519747451109617
the:0.4310557746992861	a:0.11709371265693928	his:0.07821253217818806	and:0.06402185661326873	of:0.04460597433633498	The:0.032619911842440126	tho:0.03115693480784693	my:0.03059200549405529	their:0.029895988061257293	:0.14074530931038323
the:0.12821876944176716	and:0.07171647736359606	a:0.0659050476352893	be:0.06040292933821431	of:0.05716048896511437	in:0.05474860758614679	his:0.038364629227935224	to:0.03666545192955972	was:0.03216214980155722	:0.45465544871081986
in:0.24340083445695443	the:0.21634748098514336	of:0.19608570231739084	and:0.07888548327328399	In:0.025958357146269144	for:0.016484541653784487	to:0.015157225750921505	by:0.013031923107802011	these:0.010757597911587327	:0.18389085339686292
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
the:0.1506312590229245	in:0.09382188111184502	of:0.08029631568503201	at:0.04246835790812996	said:0.025221118896282643	to:0.02507593476169639	and:0.022406180607530194	In:0.020929061905182372	for:0.01923034726915283	:0.5199195428322241
that:0.2680224453726307	and:0.1678870042779202	which:0.08232405934824313	but:0.05932810446413807	as:0.05155544540902398	when:0.03440942805889733	if:0.031912695391665184	where:0.025123635004732404	what:0.024758468715606552	:0.2546787139571424
the:0.6172621327883853	of:0.07872456613647263	and:0.03571195626066111	The:0.031950350943107206	by:0.025500119396462795	tho:0.024014545143730352	Vice:0.02304276494269888	to:0.01919904534600589	tbe:0.012189622225878863	:0.132404896816597
the:0.2608918551802173	a:0.13217777063126346	of:0.1277304071543703	to:0.0641036464531547	and:0.06039928007990689	in:0.03205763211995423	The:0.022313295429846655	for:0.02052280314827842	with:0.019162929392759976	:0.26064038041024806
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.304538174559454	Wall:0.062311933302052196	Main:0.040247154374323545	of:0.01957466130785496	Third:0.019137260344280534	Sixth:0.01417817192801593	Fifth:0.013734706042135312	Grand:0.013672045454538827	tho:0.013171473979964784	:0.4994344187073799
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.5910635503124205	a:0.0710913029180168	The:0.06496342495087441	tho:0.034751440442551046	said:0.024103358031031082	A:0.019535696055981246	this:0.019246678061358064	tbe:0.016631317720552798	and:0.014374809890092748	:0.14423842161712125
the:0.056020907265097696	1:0.04542199898644984	-:0.03758413941084646	t:0.032747312998643495	a:0.02868497179291911	in:0.022997385073418725	and:0.02225000409347212	I:0.021684958720240496	i:0.01919174105451492	:0.7134165806043972
person:0.027462535092719623	in:0.026107950737006336	action:0.02209607196261655	on:0.020183855125227745	one:0.02018113584484776	man:0.016932172501898955	right:0.016188363685107326	day:0.01567361229770155	city:0.015090286461176066	:0.8200840162916981
and:0.06980185851943932	suffering:0.030547236432864756	free:0.025834155087809584	or:0.024558319714408902	far:0.02333657547678832	away:0.023240529219323406	it:0.022769461280467505	miles:0.02209109791772649	them:0.021615460750006702	:0.736205305601165
the:0.15688329519607297	of:0.15475259245616504	to:0.06840469149643334	and:0.05746673705506388	in:0.037047809301233324	by:0.030421138177428055	a:0.025140020198461073	for:0.022560937772142707	be:0.021746010083544338	:0.42557676826345525
cents:0.1975004035573335	cent:0.07536033999358811	cent,:0.0425781435269759	ten:0.04095909422368415	centum:0.035007973416187964	dollars:0.033369548156602445	50:0.03206998595413309	six:0.027874220699488236	five:0.025243396189195765	:0.49003689428281083
;:0.0329041350220023	,:0.009459522340063376	him,:0.007786242969256426	up:0.007619315965358619	dollars:0.007508167452103431	it,:0.007274570534284214	and:0.006746160427781826	years,:0.006686834213841361	in:0.006441029653916439	:0.907574021421392
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.11779962059490376	of:0.08596740294820827	and:0.07568776954042707	a:0.05077869504587158	to:0.04502980800732101	be:0.03528964289240952	in:0.03435426147766118	was:0.032825852443482004	is:0.018753788213466776	:0.5035131588362488
and:0.05340475940915167	come:0.049953235535662055	find:0.04146298905048887	it:0.04138540507691058	came:0.03951317291846935	them:0.03926350456149439	was:0.03903989000983027	pointed:0.038853064441789154	go:0.0374687513871125	:0.6196552276090912
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
of:0.21030354194379108	and:0.1410775833298136	in:0.10403343649825787	with:0.08459492879502785	to:0.08236173980853444	for:0.062334351357193854	that:0.05431989460073243	by:0.04487330906084482	at:0.04112867941551489	:0.17497253519028919
the:0.13869983154152482	of:0.07552670995197855	and:0.07299249838169872	to:0.06887707543596176	a:0.038187606492379095	was:0.030665421916428723	be:0.029927472555012546	or:0.024582782089877603	in:0.024034968832845015	:0.49650563280229315
the:0.537409592659362	at:0.07578076223998662	of:0.07479600700344305	to:0.04263777678668247	in:0.02509506717704467	tho:0.024833126412434174	said:0.02394048664953692	this:0.017360647557933546	and:0.011628131340131742	:0.1665184021734449
and:0.032923723179526826	made:0.030830734723595682	followed:0.018208072514866048	accompanied:0.017867088667601255	up:0.016150352873761296	called:0.015061938632346394	is:0.014748573006461502	there:0.014376780981796525	that:0.013845043689168359	:0.8259876917308762
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.2928436936381757	in:0.1166737675872664	of:0.10162597175218234	from:0.07237047979504263	his:0.07217841941997517	a:0.06142459027159391	and:0.05944447866980561	their:0.05219369010695237	to:0.04398942181423012	:0.12725548694477576
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
is:0.17259142955892112	ought:0.08272961521902446	are:0.08056057458647582	seems:0.07558392967483372	was:0.06572888558670693	not:0.06439114674223405	said:0.05149586598076354	seemed:0.04272828164381891	as:0.041024869025136954	:0.3231654019820845
of:0.2632362083784854	a:0.26228001714946103	and:0.09252943726128811	in:0.08945727507715037	the:0.06557975306244553	with:0.05122676401938589	for:0.03444079305568655	some:0.033457613539477425	A:0.028102047554430194	:0.07969009090218958
to:0.12247983520969578	and:0.11481374178697082	the:0.1086403529599872	of:0.08682124111405838	in:0.027931886291906675	a:0.024142213867424125	not:0.023979975340734237	or:0.02307617446092465	for:0.02093855504019136	:0.4471760239281068
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
to:0.14762832913698645	and:0.1418697787952024	of:0.049211063804286095	I:0.04735898101723825	the:0.047153084082889804	not:0.03313179519620423	in:0.0319543468750081	he:0.02405353988792878	have:0.021763284249533582	:0.4558757969547223
he:0.2808423155228933	I:0.07810595805838423	He:0.06296245678097928	and:0.06194126336341135	she:0.05341839840078702	it:0.02464720471291986	It:0.021636008451219595	ho:0.017909344735343887	who:0.013685016302550226	:0.3848520336715113
of:0.33637831492441006	in:0.1102987822242204	to:0.08311484344485338	and:0.061854988951542386	by:0.059333932136717345	that:0.052169536203123784	for:0.05125952005630903	with:0.0434130961272414	from:0.034189591533978304	:0.16798739439760393
to:0.28867370701245315	will:0.22657126838819436	shall:0.09510660565312833	would:0.08832301261394242	may:0.08014863291006327	should:0.06759824425468086	must:0.048343640833465214	not:0.0384026856671226	and:0.021256134327201612	:0.0455760683397482
or:0.33941246967619376	of:0.11460343261311304	in:0.10740181924121552	to:0.10170109729057153	on:0.09147786840599986	at:0.062483548779529656	for:0.04013214532179601	by:0.0401028424567007	that:0.03406950878174846	:0.06861526743313144
at:0.17144432939759283	of:0.12702819957506797	and:0.09698956041095404	for:0.08501030687527834	in:0.06269103120658508	to:0.05632276035665874	the:0.051095550730272	a:0.035193083646401654	that:0.023163464264606963	:0.2910617135365824
the:0.48528076812230164	a:0.12420710734579274	The:0.06314938331231623	tho:0.03744886212773725	and:0.03359529702812745	this:0.027886193704062867	his:0.02334146515094384	on:0.016881279668496233	our:0.01629604023851425	:0.17191360330170752
to:0.2280306533561726	the:0.1463867482689016	and:0.13194099179101518	of:0.08025375484821322	in:0.0584034969692663	a:0.04773557466330704	I:0.03556918384222269	which:0.02832104005366505	his:0.02578786854695127	:0.21757068766028506
it:0.17395708783894975	he:0.17325092236797085	It:0.09587139059032734	I:0.08955031379650959	which:0.0705607136951665	He:0.052385626963571345	and:0.05114164470176605	who:0.048649216820897824	she:0.037541451802647785	:0.20709163142219295
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
three:0.14449534511956516	feet:0.06438861920353099	up:0.04667204287407434	went:0.04497513562976376	and:0.04373351424730868	four:0.0383838529501678	go:0.0344974157905895	two:0.02987846696157583	him:0.02966851843148322	:0.5233070887919408
and:0.1393542961855031	not:0.11667509311223466	is:0.11287306591100314	or:0.10218439410347666	was:0.07713291272659817	are:0.0709723819856918	of:0.056625831767253186	be:0.05450304339864141	been:0.043144064755175945	:0.22653491605442191
the:0.3104765743724798	of:0.08574965541129366	said:0.0436809010546083	and:0.04350369445950758	The:0.036572389560857246	Mr.:0.035528293975263636	in:0.026779193464365077	.:0.024038224457107005	<s>:0.016867784545567397	:0.37680328869895036
there:0.22761373512923655	There:0.15639835240122862	they:0.10023446870266867	and:0.04718572173339314	They:0.033346461795278476	who:0.029646915242638416	we:0.028646137119130794	which:0.028492409946155817	men:0.015235269599737759	:0.33320052833053176
to:0.11144374236298595	the:0.10917981760160007	and:0.10692920077675938	of:0.08551452114372984	in:0.033918395178194706	a:0.02924037307288965	not:0.02004826767775804	I:0.017020811204842605	be:0.01652276935920046	:0.4701821016220393
the:0.16530110495803874	of:0.09439173639268335	and:0.08722742722691086	a:0.04347085376264078	Mr.:0.036628118436697124	be:0.034951828033320004	The:0.03372230868492874	was:0.028428892692248724	to:0.022048240256300127	:0.4538294895562316
the:0.5053605265217203	and:0.06634365401642271	a:0.06483469761657322	this:0.06301727420550927	of:0.06063212455439467	or:0.0390899530072024	in:0.03804192736441288	any:0.03180998276990805	its:0.030423485284565684	:0.10044637465929084
the:0.31345202021507035	and:0.06593638610106022	of:0.0651225147148006	a:0.05689526531432771	in:0.05377710576252841	that:0.032701254961480644	tho:0.021077279701497673	no:0.01953313410030027	any:0.019192157317938614	:0.3523128818109955
that:0.19529459725552145	and:0.1893205846914157	but:0.10676670620972793	as:0.07688705093448475	which:0.058663178485630074	if:0.03975885240158478	when:0.03805535861827694	where:0.02774861381497361	But:0.025105247517370508	:0.24239981007101427
the:0.18927580197235688	of:0.10268000335673094	to:0.07193089873803327	and:0.06302722590064451	in:0.035804951354373886	for:0.03552877544733519	be:0.029165863199114864	was:0.021230450879771812	is:0.019324942212557497	:0.43203108693908115
of:0.34312487141173215	to:0.1251884430242444	and:0.08558193967879144	in:0.06137322460301542	that:0.06009685278365999	for:0.059390743230485744	with:0.05830711502807256	is:0.03706152172787738	by:0.03702875757725107	:0.13284653093486987
and:0.07633178723006181	held:0.03773152144776083	recorded:0.03005938340463387	made:0.02782011330331509	was:0.026618657329682525	up:0.02394056103296354	him:0.023458861087361504	it:0.01924312985554065	is:0.018456848974825937	:0.7163391363338543
the:0.0898562244648859	and:0.07220843103425098	of:0.0654076281668286	to:0.06305967700265841	in:0.039540299884628476	on:0.03272305773286877	for:0.03112018091176829	was:0.02864306232829971	a:0.0277224793502142	:0.5497189591235967
the:0.3072781068343019	of:0.09513702237946889	and:0.08962023559915613	an:0.07499419561054024	have:0.06989134336686437	The:0.059152447370744494	their:0.058033147868662115	his:0.05700010175254526	be:0.04656208728549127	:0.14233131193222534
the:0.3151880116192675	in:0.11694247521838733	of:0.09705352069149516	his:0.0859363426208873	from:0.07009333662176635	their:0.05186546368607554	In:0.04657750763389921	and:0.04127115729633454	my:0.03840351579701126	:0.13666866881487577
and:0.16242649508550644	he:0.1235527067561582	I:0.10149532690905963	He:0.04572148313621332	they:0.03864915569366755	who:0.038049792003686994	it:0.03452934863900478	she:0.029659326626904972	which:0.026850966971594087	:0.399065398178204
the:0.593356615795387	an:0.11979316658628847	and:0.06131903310684785	this:0.05631066801039485	tho:0.032648326026498115	The:0.030848997811588386	his:0.02650957318072896	to:0.016243736240801873	of:0.016062891137783527	:0.046906992103680975
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
interstate:0.22080123001512486	the:0.2102568322649495	of:0.19982455443385777	said:0.08720375275509899	The:0.04656583638973948	that:0.03311679692770744	a:0.03268003078029436	Interstate:0.032008196654598545	this:0.02681629869467953	:0.11072647108394951
virtue:0.07446520038896885	out:0.065008335608151	part:0.03947215825672998	one:0.03562890125655043	quarter:0.03241584136443704	favor:0.0239235849421329	result:0.023354276051738905	guilty:0.022667050730808908	means:0.022196791642065155	:0.6608678597584168
of:0.1843355698039785	to:0.17130511091078585	at:0.13212605799488003	in:0.12742165757489438	for:0.11799483366718547	and:0.052031921058379095	by:0.04746508528122403	from:0.04492187925753213	with:0.03997641665520599	:0.08242146779593455
the:0.2902955919464102	a:0.08803513050394632	his:0.06377354487349501	little:0.05107754640829998	of:0.03889103460745297	and:0.03210852118793645	in:0.028712818440332584	this:0.020616994102432493	my:0.02045019830298214	:0.36603861962671186
and:0.2007359282986627	as:0.1684118731824849	that:0.14126305955762447	but:0.04549692178714134	even:0.044889810821694506	or:0.028480808839333096	And:0.0229290168229453	and,:0.01910356851195509	see:0.01816404066833302	:0.3105249715098256
out:0.05322358552899811	that:0.045779133629052615	one:0.03769926577567363	part:0.03716006821775306	payment:0.03318736109624295	or:0.03021403764333891	value:0.03021210617624669	tion:0.030050303579380617	use:0.02834960641278409	:0.6741245319405293
the:0.23724671551316706	of:0.10082538978126222	to:0.05529823901616596	and:0.05032481432983167	a:0.04581588232752173	in:0.03493169672460925	for:0.02876333853190044	that:0.01802484979919368	on:0.015886749376415286	:0.4128823245999327
the:0.15755941708735557	of:0.13383676055999794	on:0.05839490173494658	and:0.050413361052016575	to:0.04861639492391322	a:0.03756564371077027	by:0.02765572869569949	in:0.020660124697820123	<s>:0.019324773904032432	:0.4459728936334478
the:0.18381955435890504	of:0.12278628617278592	to:0.06712513641920152	and:0.047137828846930165	in:0.021526543939127712	be:0.021486803358868087	for:0.019537956181941256	<s>:0.016423001571341925	a:0.015756752068020165	:0.4844001370828782
and:0.128801103892971	was:0.047651185212290365	that:0.036142622812235264	is:0.03357258301251903	work:0.024442324373521188	put:0.023530307684714598	it:0.022938337816234642	him:0.022785108506298786	them:0.022732030426600144	:0.637404396262615
and:0.1219735949669831	Mrs.:0.08902832083627818	of:0.046548660888276375	by:0.037057894671462914	Mr.:0.034200823862518194	to:0.032615607230768236	.:0.023161386021823594	said:0.015143928948521776	the:0.014696512242607752	:0.5855732703307599
of:0.293505876982706	to:0.09963169779851429	that:0.08690721696958	and:0.06707480089245647	in:0.048655026736179885	by:0.04044091839024292	for:0.03968235342619054	from:0.03693557700978634	as:0.03033410043093622	:0.25683243136340733
to:0.633020802913835	will:0.14398993730615423	would:0.04418030181330457	must:0.034220599993545965	can:0.029443344093368767	could:0.0262734123935571	not:0.02117907175420058	and:0.02095027887055605	should:0.01980738971530363	:0.02693486114617411
the:0.5301393483668996	a:0.09133631645130602	an:0.07372825875624073	his:0.05767676208287865	and:0.04233346771978815	most:0.040515742254774965	The:0.03756202588515663	no:0.03726883713589354	in:0.031148710025478765	:0.058290531321582933
and:0.10616432087343582	for:0.08845712871384899	as:0.07519557828022398	on:0.06559451006641194	of:0.06196199441052344	to:0.0555337380046983	in:0.05320654968244294	that:0.05168196543485832	with:0.04994703600086124	:0.39225717853269504
the:0.34887263659239837	in:0.11266931394990712	of:0.07016657171112925	an:0.05994014748161305	their:0.05250460690563808	and:0.051493707251060464	a:0.045046366455159845	for:0.04289795916973093	his:0.04081380859465819	:0.1755948818887047
of:0.23797155086089436	to:0.12448648460261934	in:0.09800658092868599	by:0.09146636485314483	with:0.0900704139620066	for:0.08893995238589648	and:0.07463737562021529	on:0.05651447877868269	as:0.042594988254134956	:0.09531180975371947
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
to:0.1344504110655416	and:0.09696770753738487	of:0.06692935421560114	the:0.05794267871806159	in:0.03029358260439597	<s>:0.018913935718769277	not:0.018861960111351984	I:0.016438033203847614	by:0.01535041880719501	:0.5438519180178509
the:0.26327851213396847	City:0.22017853700614612	Common:0.12252074138574509	of:0.08723911390618336	Town:0.02796885691710301	and:0.022492230657528395	said:0.02234852445691245	State:0.016244490719075702	National:0.013303959022309197	:0.20442503379502824
and:0.30222912739666036	and,:0.09190914110546258	that,:0.03170465358830013	which,:0.028679730224312392	that:0.025326015625495833	but:0.016803491301891942	who,:0.011421906369727241	is:0.01045455891717387	year,:0.010232518632758536	:0.4712388568382171
of:0.28431105204050244	in:0.13539264128841808	and:0.0965422692380453	that:0.09059918356906375	to:0.07958243863708692	with:0.0450173388351211	by:0.04412400152054831	for:0.040580115163175515	on:0.03707701317519377	:0.1467739465328448
a:0.3523202509674979	the:0.2326652388782498	ballot:0.06292513459163944	his:0.0318053425068784	to:0.02293451939565263	this:0.020746582402072167	first:0.01733049170557596	The:0.01624161939261826	of:0.01601921331496451	:0.2270116068448509
of:0.20461373082284692	to:0.11255251557050133	and:0.10764780736300636	in:0.06043921450598196	for:0.05329475978700549	on:0.05016762050817244	with:0.044573569898509864	at:0.044398841000889755	from:0.04413580643790742	:0.27817613410517844
to:0.5707157764074909	will:0.08216287989925102	would:0.056753807348308725	can:0.03767663574040615	I:0.03659581748469584	and:0.0318618394386951	they:0.03000194559442605	could:0.028180308826304526	never:0.027175398536823558	:0.09887559072359804
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
of:0.15815730755430685	for:0.1308483091205453	enable:0.1043966200335916	to:0.09544852256613968	from:0.07991375671914736	with:0.06929664363100561	upon:0.047778148825418275	give:0.041264175332676664	by:0.03759207389813048	:0.2353044423190382
the:0.1963888033341214	his:0.14892730531516576	of:0.13169989352453992	and:0.1027629264363497	their:0.07987485881467063	to:0.05947862406980701	my:0.05289915595074738	with:0.04913688568226666	her:0.042207531636186	:0.13662401523614556
the:0.28853226278005384	and:0.08564220945058061	a:0.07248622739579591	of:0.05910888881057097	be:0.03451675312823223	to:0.030819741958389633	or:0.03027587272880971	in:0.023082358761261548	is:0.022854943432040965	:0.3526807415542646
and:0.042180880378236876	miles:0.03996483095937216	free:0.03885286490958883	far:0.032517411487131054	away:0.03220746175199813	suffering:0.026194301531255845	him:0.023072069906964216	them:0.022689122908621063	or:0.021478077363521378	:0.7208429788033105
as:0.07698231169650252	up:0.07101461764412834	came:0.059184411676238606	and:0.055530779423232306	come:0.05243856861501538	sent:0.03841478462375461	back:0.037946065283288914	it:0.03461565374120381	presented:0.030683496434718082	:0.5431893108619175
of:0.3328267698052806	on:0.18430293670003522	to:0.09597644065274415	in:0.09378432465309777	from:0.03828837246048939	and:0.03408694876726821	by:0.028406103842367057	with:0.024740025822572412	at:0.024022290066633943	:0.14356578722951127
and:0.0776641394522738	time:0.030049882876650818	reason:0.022061326361568063	provided:0.01691098330851189	that:0.01219935797021179	day:0.011826843141096754	it:0.009993865208434276	money:0.009674066383126635	way:0.009657221536353613	:0.7999623137617724
would:0.1612527125158498	to:0.1461690620034289	I:0.11528646782906199	we:0.09433759958163204	they:0.09179447425198889	who:0.08581308878325655	will:0.07005756149303378	you:0.05383854282172275	and:0.05261612212675163	:0.12883436859327366
an:0.7088507967779506	a:0.06107756819877937	the:0.05427815310799442	very:0.04866646571826125	is:0.030457374879894143	no:0.021117598760593805	and:0.02029544516619784	An:0.018573202577315606	most:0.014383964600143033	:0.022299430212869894
it:0.24059414618924724	It:0.17311154059373704	which:0.07615112473347867	that:0.0633305584498137	and:0.040241903506839385	This:0.0394768914633687	he:0.03441776099191458	this:0.033257283647320425	there:0.029227641960921133	:0.2701911484633592
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
hundred:0.5280606380951999	dred:0.028329706392992662	dollars:0.020676576525129456	one:0.013882841788954868	two:0.009999843364989729	due:0.008487155550850667	feet:0.008026588996956761	three:0.007307264276507595	men:0.006190993603652373	:0.3690383914047661
the:0.3172976312934834	of:0.2814447778402197	by:0.06800479076320338	in:0.05996848683274075	to:0.04414533573629296	that:0.03707533924278229	and:0.03629450867136311	which:0.030954206934524834	with:0.02353960423934701	:0.10127531844604262
the:0.37444030096438097	of:0.15586666429270477	said:0.09564073402311322	and:0.05167493106647758	his:0.04971143136394444	The:0.03167636804043659	to:0.02663872625816318	their:0.023116133564120147	a:0.021595050596106474	:0.1696396598305526
the:0.2327712079567096	in:0.09532115930054676	of:0.08358809497938645	a:0.045362079429879576	and:0.04131330174520511	to:0.0325197614055177	In:0.02327113291242567	at:0.020906902162706218	tho:0.013280937242151328	:0.4116654228654716
the:0.5063317682467038	and:0.08534178851286736	such:0.07774825561395243	The:0.06805817371472339	of:0.04755317340760386	these:0.04223285725005032	that:0.03972860399547309	no:0.036755678286872685	all:0.03156801261970219	:0.06468168835205088
the:0.14651767028650897	and:0.10280181339946678	of:0.07164139889404732	to:0.06710968865667367	in:0.043620235518656805	was:0.04085328919635116	a:0.03773596883616436	be:0.034467327867332885	is:0.024743356400790086	:0.43050925094400794
the:0.4588132868174411	a:0.1296404055757415	his:0.0943243801704358	this:0.06466410611421583	their:0.035890376812966224	to:0.03202705287939911	in:0.03148445441056371	tho:0.03080428628184008	its:0.029218321708076866	:0.09313332922931977
and:0.1727125143582025	a:0.12660115468683106	the:0.12380358212967686	in:0.10259183527555087	his:0.05850778729656963	of:0.05341675096670469	to:0.047327927404943786	their:0.04717851143311768	or:0.035254296398735674	:0.23260564004966724
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
of:0.16315758162511676	is:0.1487949494268091	was:0.11269303563487583	in:0.09536263517594937	and:0.08166695364972111	as:0.07571729694614093	with:0.06414233291656617	be:0.060779417226232285	such:0.059105120095990955	:0.1385806773025975
he:0.1681716704196222	and:0.14472964492083262	I:0.09377392905908141	be:0.06971781155944833	they:0.04816783687480381	have:0.04355416031677246	He:0.04255735733776262	who:0.04022676864102226	she:0.035206204316568936	:0.31389461655408535
in:0.27240809123738896	of:0.24678955908279315	to:0.0910754645140458	and:0.07314828802215322	In:0.06040079011882537	for:0.04325717133382306	that:0.04199744778581169	by:0.03828875684028364	on:0.035320443980030466	:0.09731398708484462
of:0.17635389372977583	and:0.0631775612494889	by:0.04841684937232637	to:0.04256522835979757	in:0.033924902496569286	with:0.02733223333731267	that:0.02531962594758211	from:0.021123559159251494	for:0.01722564768270558	:0.5445604986651902
and:0.09850950018500298	was:0.07581252452134185	be:0.04714847426336734	stay:0.03782668826892763	them:0.0353570265581873	him:0.03513539556989575	is:0.031253048788071086	were:0.029305937054595985	are:0.02841928420405007	:0.58123212058656
and:0.08362943294997585	together:0.07769806815080653	connected:0.0635902168573379	connection:0.06228367212358626	accordance:0.047530813078388766	comply:0.026000666542743977	acquainted:0.023189098613704624	compared:0.02214887744238745	contact:0.01973810078197255	:0.574191053459096
of:0.21502173820880102	on:0.12663894778768703	to:0.1192657995401958	in:0.11030228273588141	for:0.06274598296868417	with:0.05914010313571856	and:0.05779743554045454	from:0.05334482990132518	at:0.042067053918456665	:0.15367582626279563
and:0.1313056501793289	made:0.034551030036317	necessary:0.03191530070016697	provide:0.023191256277008975	him:0.021827387004521748	time:0.02091411247587312	but:0.020346196766889778	pay:0.02006785098451588	responsible:0.019399383232926184	:0.6764818323424514
the:0.2774563966492817	and:0.20556589082175816	a:0.0958904304523436	that:0.04044058483623375	The:0.04011920509469775	of:0.037073713625515245	his:0.03531492946990732	these:0.027661945387290224	I:0.02376225014564621	:0.21671465351732608
and:0.14360813256285396	together:0.07204539462447847	connection:0.029576860106554637	do:0.02642935211120786	covered:0.025797188124869398	them:0.0255264208917601	compared:0.02219992530880583	him:0.022089705859645297	but:0.021718789524029503	:0.6110082308857949
daughter:0.09216313563954158	motion:0.052806947827899534	one:0.04253147801287002	son:0.04012110866097427	part:0.03775618069503885	residence:0.03530008286118303	that:0.0315654072144434	out:0.028731735920917194	name:0.02452756331958744	:0.6144963598475447
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
the:0.12742448267130854	and:0.10439047010070458	of:0.09008308528693847	as:0.08946547023415485	a:0.04988938362235117	to:0.042785061773461454	be:0.034245776444171545	such:0.029258330792545036	in:0.02838714816744532	:0.40407079090691905
the:0.24239272414027796	of:0.0924115658050224	and:0.08809516366439311	a:0.06124662391755263	The:0.03536134942218353	Mr.:0.02516359419778143	to:0.022460112695244398	in:0.02011000253253141	his:0.01668614200916881	:0.39607272161584434
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
;:0.03500277230220813	and:0.015062172889989811	him,:0.01219508039686695	them,:0.009982813439814836	<s>:0.006824467255149535	it,:0.006307866531075747	,:0.005885833799431622	day,:0.005563074252906196	years,:0.005065797545263308	:0.8981101215872939
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
.:0.07126593521718477	of:0.06635385185669866	and:0.059276004448825796	the:0.04895420748422583	Mrs.:0.03508237890834158	to:0.029258786228599724	S.:0.02549469270032528	<s>:0.021340836046723013	by:0.02052252975577621	:0.6224507773532991
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
day:0.4559908473354534	State:0.06575098369532421	state:0.020952781076357375	city:0.016504270451303094	dav:0.015943710709897533	County:0.012271437193872678	place:0.011140103345846402	side:0.010735129995780236	City:0.010059422881542235	:0.3806513133146228
the:0.39795110307023224	a:0.12123242709183928	and:0.11342666941980112	to:0.042403059689371254	his:0.040378117338230546	of:0.04019202930887846	this:0.03317002221203209	will:0.029326539565805353	that:0.028766947040035577	:0.15315308526377408
it:0.19451058132593158	he:0.11933369756300059	and:0.07152203064032855	It:0.07074319956564562	who:0.0706214435369004	they:0.06956764472922795	I:0.061350232597502205	which:0.05389916946365871	we:0.03538627516890281	:0.2530657254089016
and:0.17585063722392302	fact:0.10400902578517979	said:0.06844377842999533	so:0.06232472237382234	believe:0.04519952307692614	is:0.039634011181226815	say:0.03675663629906361	know:0.036060715732595706	found:0.03095250753294034	:0.4007684423643269
and:0.07419354360123862	that:0.03000328352715926	was:0.026205169142457393	men:0.022878395130880223	be:0.020422313189960305	situated:0.018782828681340576	now:0.018079411543273416	made:0.018026680277752307	them:0.016936953204016253	:0.7544714217019216
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
that:0.36527442338394733	if:0.09541237384579382	as:0.09047382689893438	which:0.08414530554931711	and:0.0660368549277253	where:0.054962679484821295	when:0.045766374129227363	what:0.03893095634978717	but:0.035569346710716016	:0.1234278587197302
and:0.10985765360012639	to:0.0870112436273619	of:0.07894186089764132	the:0.07005492844823415	in:0.032364668243275635	be-:0.03196946985605434	that:0.025107085000234345	was:0.023436862887310478	for:0.02150877633014445	:0.519747451109617
be:0.2649291305310641	was:0.19790139725269268	been:0.11172669730149616	is:0.07874140822233838	were:0.047555642158042054	and:0.04548789469566424	being:0.045447952894852456	are:0.032411127433934116	bo:0.018240159275697585	:0.1575585902342182
to:0.16587220090853444	will:0.067090844742293	t:0.06374855643626783	that:0.04891398348951853	would:0.04569880422601861	and:0.04539820974480802	I:0.035176957137119755	may:0.030504623893655644	which:0.024192384170473855	:0.47340343525131034
and:0.2611243991017602	is:0.11841766325755114	are:0.08752605941932134	was:0.08506066413543865	I:0.04004249778592856	were:0.032802378580897795	will:0.024350726821423054	not:0.023581998457811126	be:0.023454329748024392	:0.3036392826918437
the:0.37832428105421906	of:0.13581590095472512	and:0.06451195924463898	by:0.0558176024517014	to:0.05316903445887075	Attorney:0.037551116085553386	that:0.036935939443921685	Postmaster:0.03654807307882672	The:0.03126997207826482	:0.17005612114927807
to:0.11937488819529202	and:0.09377007705719144	the:0.08115536925303087	of:0.07188521916449903	a:0.027850037986366226	in:0.026165110257802313	at:0.02372921180583813	for:0.02049451182539427	I:0.02029002353597664	:0.5152855509186091
the:0.15741079167772795	of:0.11657172765756561	and:0.1029425864342295	to:0.043971348018355075	in:0.034418161110702304	for:0.026165286768045335	that:0.02096937659751874	with:0.018677408012265213	was:0.018360571570756257	:0.460512742152834
the:0.24048784398010126	of:0.10632421434120215	and:0.10553153298358099	The:0.07183108295659232	that:0.02575588295156761	his:0.017425129602790537	tho:0.015481695617446048	these:0.014408992859812612	to:0.014363182432615144	:0.3883904422742913
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
number:0.04783279856069427	out:0.03523580298553459	day:0.025273896608054167	one:0.022926623656536044	and:0.020718585280798903	tion:0.020113617128355424	part:0.01834877957160795	time:0.01821617390014658	that:0.01806274786723067	:0.7732709744410414
and:0.13640785159927854	or:0.057120866130157176	be:0.03581948546495556	is:0.03574759134838652	not:0.03528673710982851	them:0.03398550564741217	made:0.03156996581178353	but:0.031007467680096528	that:0.030072388244884667	:0.5729821409632168
to:0.4294175189339552	the:0.12556283682720437	and:0.10683266834111681	of:0.07063351384838913	will:0.05767261276346398	would:0.032623887875410956	his:0.031668057944952796	a:0.030064337582516813	or:0.023150077416115467	:0.0923744884668745
of:0.2673557436854185	on:0.15765942530640145	to:0.14175058320475034	and:0.0815767823912544	in:0.06655042467556065	by:0.04663149689598077	that:0.04582127690727656	with:0.04052785902658302	from:0.03692195525997485	:0.11520445264679947
of:0.34178383467969703	to:0.12462432908557243	in:0.10690898736675838	with:0.05533293560566888	and:0.05531470251650767	that:0.05301808027659677	for:0.04680661700492594	at:0.0457034749496833	by:0.0450059709350904	:0.1255010675794992
the:0.15289821517464233	of:0.1255910095795037	and:0.08385549392559763	to:0.08160542480392552	by:0.03947866738236662	for:0.032441330322564174	in:0.0266145636013649	that:0.021749633282065986	at:0.02134031540014182	:0.4144253465278273
the:0.19792825328055563	of:0.09656398831872479	a:0.06364044779393213	and:0.04851287328607705	on:0.04645339317795482	in:0.04609924893305338	to:0.025574452046585924	<s>:0.01973955550374657	at:0.018017631533139823	:0.43747015612622986
for:0.14749326686798608	to:0.1458552118243912	with:0.12343178952957781	from:0.10771824613042409	by:0.06936509276897855	of:0.0661438080806281	upon:0.06460511773862651	at:0.039382011715702214	on:0.0376911626966328	:0.1983142926470526
of:0.42523860266987323	on:0.14144775400712167	in:0.0927241326745965	and:0.06963574076500384	to:0.05798291116343049	that:0.04846953318878973	from:0.034138375985505606	by:0.03001263452040388	for:0.025882448657297837	:0.07446786636797723
the:0.3425965554458176	an:0.29635859506677203	this:0.10082703920634127	The:0.061228594971624035	any:0.05404052584062004	An:0.02618772264349101	every:0.021720004103110507	that:0.021228944426865497	tho:0.019409564232719483	:0.056402454062638545
of:0.14090052100057104	the:0.10856944841740632	and:0.07777819477304566	to:0.0643067503545317	in:0.027579299808073336	a:0.023288539055529734	or:0.022207376577340482	that:0.022095658699119603	at:0.02189165751830258	:0.49138255379607954
of:0.36211912412760344	for:0.12944535246390262	in:0.10726196220285304	to:0.08510340723727769	that:0.07100730305829611	by:0.05213570142396775	and:0.045977430418260676	during:0.034051250924270346	at:0.02677496365451294	:0.08612350448905537
of:0.3287175312276486	on:0.12908655452449377	to:0.12551321848883215	in:0.12181113600707555	by:0.07446647409381033	from:0.041303102507953486	and:0.03403528685745308	that:0.030432903532193224	with:0.02994917968633368	:0.08468461307420616
have:0.21070183790751826	I:0.15749883014225813	has:0.12948771233437525	he:0.10667273410603463	had:0.09951130387379417	and:0.07630712654393243	He:0.044541236689037006	not:0.03650378928117298	they:0.0311208313969246	:0.10765459772495256
and:0.13477470761469834	was:0.06573790050058322	is:0.061822025315157146	are:0.037851888084150236	be:0.03219818914458335	it:0.025319339338474026	that:0.024397191619393525	been:0.023225985589139846	succeeded:0.022866681293539578	:0.5718060915002807
number:0.2533309414483233	thousands:0.04863356640355285	amount:0.03756304044723557	out:0.03525418364863915	hundreds:0.03315994476493443	sum:0.03278554067266417	bushels:0.026652577806217055	one:0.026392585485339307	men:0.023056131301886513	:0.48317148802120763
the:0.7135896726641013	this:0.07405899177921839	tho:0.028892498770924965	The:0.02547466969848901	said:0.020430059180792423	that:0.01965418695043292	our:0.018865626897010785	whole:0.016891003161621482	and:0.015225088571549647	:0.06691820232585907
of:0.396900811132951	to:0.14052644479951698	in:0.08505590559130168	by:0.08143677649257625	and:0.05847797210430534	on:0.03959757273104977	that:0.037826571570959124	at:0.03681704021149967	from:0.0358075550689497	:0.0875533502968905
time:0.02114263101380747	in:0.013828947203206635	one:0.013112389783063663	costs:0.01258588911332705	out:0.00952394121061323	new:0.009173210454452848	a:0.008993631122763714	each:0.008970503236081447	power:0.00894782292058629	:0.8937210339420977
and:0.19061482240990052	was:0.06006957434175731	is:0.04323266812110517	are:0.03627002944101897	that:0.033941025552582986	be:0.032276198306174377	not:0.0295630787689589	but:0.02388095878127232	were:0.023457126307842587	:0.5266945179693869
J:0.03460484139906095	I:0.032507822856986855	A:0.030655831444319336	S:0.030284196556625943	M:0.029948278947967394	m:0.029250903712081354	W:0.02853983719606672	.:0.027707803902302965	and:0.02695778432375177	:0.7295426996608367
and:0.1612987382865503	the:0.13321657372251433	to:0.10842124627664368	of:0.08566648301895634	or:0.04366239927411495	in:0.030931450659023394	a:0.027747662171624776	<s>:0.021166005606932613	on:0.020646867296304064	:0.36724257368733554
and:0.09468249737622518	depend:0.03875088893599322	based:0.03863406357657407	placed:0.0380392715961322	depends:0.03779424552216468	called:0.03705486424756454	down:0.03295251281941486	made:0.032658028953724605	effect:0.028685464570585545	:0.6207481624016211
the:0.12662951290975194	of:0.07145873659490239	and:0.06731004571434146	to:0.04754513564387218	be:0.04011002601094167	a:0.035879561831581835	was:0.026562777518600394	their:0.0226159866335296	in:0.020559453258187886	:0.5413287638842906
is:0.15867434161476135	was:0.1501556972404605	be:0.121746790889816	and:0.0694230452939623	had:0.06137176641923354	been:0.05928434214361144	have:0.05633204006776764	are:0.05451462243257307	has:0.04667481164988227	:0.2218225422479319
they:0.17308176508596368	there:0.09288893875972877	who:0.0774795094587894	we:0.06018248967224999	which:0.05591291581655655	and:0.04542810902182707	They:0.0442003641130093	men:0.042368843505874415	There:0.036035717077381686	:0.37242134748861916
of:0.2863811024552773	the:0.1344522777407962	in:0.09858069732831201	and:0.09562303494187478	his:0.08080660187919855	to:0.07330443790137937	for:0.06316468201887014	their:0.05409268190496317	or:0.051465563081849144	:0.06212892074747931
the:0.2393478975446599	his:0.22879386834603233	such:0.1689803625009575	their:0.07521794205608603	my:0.060020795708010374	of:0.0577745851752102	and:0.03361576229649357	our:0.024507924439944585	its:0.023404622508217364	:0.08833623942438816
to:0.34378129718365846	will:0.15287135864951518	would:0.08615903395787451	may:0.07844929048361882	should:0.05682249178971402	shall:0.05432412913287461	not:0.05091775331157668	must:0.03610577244404393	can:0.03580596083245932	:0.10476291221466445
of:0.30705519077971394	that:0.1166059431330277	and:0.10922368550568841	to:0.08781590514532663	by:0.07420765090112869	with:0.054680826021733575	in:0.04040032733667953	for:0.03142772801930204	as:0.028802639084073708	:0.14978010407332576
to:0.7104590703309351	will:0.056746437178535766	and:0.051991045262661455	would:0.024330171026067604	can:0.023195425970868103	could:0.02163759385828921	shall:0.019944674845697227	not:0.017551314194418646	may:0.016628084364615898	:0.057516182967910896
he:0.15833783157006798	who:0.11252166679113242	which:0.10007920750248263	they:0.08307407047038702	it:0.07687172224910013	that:0.06547997363155768	I:0.05314002564963188	there:0.04507481930663967	she:0.04354106747792997	:0.2618796153510706
it:0.20191997766457365	It:0.13468009981657084	he:0.114478357669555	which:0.07551141333021937	and:0.040872812845480694	He:0.038839657294174434	I:0.037794684187343615	that:0.032587999140990746	she:0.022639194969289102	:0.3006758030818026
is:0.05716431409390872	nothing:0.03191450958115958	;:0.02734473794060725	was:0.01865271974156819	and:0.01862403843836145	it,:0.011975213539034293	are:0.011611265436374632	to:0.010737584638721983	him,:0.009587172026070706	:0.8023884445641932
the:0.5348367462055862	a:0.049558094653399797	The:0.04705559158313991	tho:0.04453859343562702	of:0.03880800086052969	said:0.03511314239327184	and:0.03501999840891342	his:0.024689164942866385	tbe:0.022698966275156725	:0.167681701241509
he:0.21706781227338762	I:0.17042016703324106	and:0.1244521958475372	they:0.05539377074741826	she:0.04989538827719779	He:0.04895947516526171	we:0.04127749710601666	who:0.03206416037934271	then:0.031568429557851184	:0.22890110361274582
the:0.21075417851536718	a:0.11011775080948136	of:0.08113758787795688	and:0.07632589932739149	to:0.05084244486046037	The:0.027172199078928424	at:0.023625756253316702	Mr.:0.02340838865394312	in:0.022158885565230973	:0.3744569090579235
the:0.0994521496771382	of:0.09379276666205569	and:0.06445876423883123	a:0.06310885247488708	to:0.03686398297932426	on:0.021303809538586068	in:0.018883780386049535	<s>:0.015815009339049158	be:0.015301347875278364	:0.5710195368288005
of:0.5608638650338464	in:0.1436037351035127	to:0.07397395683134225	by:0.059420488173657963	In:0.03107519355952082	from:0.026187310187564802	that:0.025855536357740544	for:0.02253438075468413	and:0.02175344189815464	:0.03473209209997565
feet:0.10622115600041415	up:0.03954746666096883	down:0.03748288674378851	according:0.03210596639546302	chains:0.030584544930460426	and:0.02755985526034375	went:0.026279961982068722	back:0.023737390878623275	time:0.023274450975961435	:0.6532063201719079
Mrs.:0.17576230526485956	of:0.05652647028897733	said:0.038522628591196255	and:0.03747693412436846	Miss:0.03421856548986193	Sir:0.03399128959595073	to:0.02797938779798543	.:0.026903506866119465	Mrs:0.026174895889806156	:0.5424440160908747
of:0.2780901107915101	in:0.2688841307188025	to:0.09864642002988135	and:0.05605726738777302	all:0.04229168716526185	In:0.041817120299386765	for:0.03626745948378023	from:0.03368301777006201	at:0.022636039273870617	:0.1216267470796716
is:0.21067517299673272	was:0.17266999496404134	so:0.16342066412066464	be:0.10840919307316997	been:0.09308821253233915	are:0.07545120444617599	and:0.0389065064215541	were:0.03166957026930144	not:0.02824479666077952	:0.07746468451524113
the:0.1907810245292071	and:0.12159737321297974	a:0.07489082977782371	of:0.06925826712128823	to:0.05144537876974732	in:0.02602040431586294	be:0.019111469760046452	as:0.015145923881537765	they:0.014504869687089908	:0.41724445894441686
number:0.09294154705348782	line:0.05046017196766578	quarter:0.03165820096941999	Board:0.024895324176218418	thousands:0.023125901498993465	board:0.023020678618414406	out:0.020894754851558346	amount:0.020026401394835778	piece:0.0195452131277051	:0.6934318063417009
a:0.42509432579561385	the:0.10941589938037541	no:0.07656785720746313	great:0.07096630720312562	good:0.058029568228752305	this:0.056842980587510444	any:0.04508813675417877	and:0.03946780802692106	his:0.03143972953615054	:0.08708738727990888
of:0.2489951979115363	in:0.12188091572626038	about:0.11355740321767474	for:0.08376671972567049	within:0.07845495213246484	the:0.07776130428150477	and:0.05688993379835919	In:0.045873704915538376	than:0.04275346724942676	:0.13006640104156417
of:0.32013528572982597	in:0.11867375072195549	to:0.11417395298490299	on:0.0863754442581112	and:0.08208494567268605	that:0.0671137795904959	with:0.045288163086852	upon:0.044799087333589116	for:0.043452860447798926	:0.07790273017378233
the:0.06130341849427564	and:0.04904081589311346	have:0.03283091373327919	<s>:0.03216620540088113	had:0.023850995508988466	has:0.014716980221862994	of:0.014633783303175843	I:0.013920496038539312	which:0.013372204456636814	:0.7441641869492471
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
do:0.15856477819264564	if:0.15787540943187894	If:0.11195215673064064	that:0.08692130780434743	when:0.07680797586133564	and:0.06515511645261861	Do:0.0613901131469005	did:0.05221998951629701	as:0.03737394708954529	:0.1917392057737903
the:0.18935515148337168	Mr.:0.10489014467952425	of:0.08052270011812515	and:0.059256737615238315	a:0.05775590184119766	to:0.027962382576158414	The:0.026208794107113603	.:0.024298312331240607	was:0.021323439915137438	:0.4084264353328929
the:0.30785203441006037	in:0.14250513482797492	of:0.11193289660546571	their:0.06030004762409983	his:0.05428720206664536	and:0.04863016716894841	a:0.04422962053767227	this:0.04380954519256445	In:0.035465598013064724	:0.15098775355350394
the:0.23219494921778935	of:0.196588378193833	and:0.1186737735338879	a:0.0838471017917027	their:0.06854586112506651	with:0.04778356171221424	his:0.04645081510901566	its:0.027878266829094275	an:0.02420908057361939	:0.15382821191377696
and:0.09377129454296322	was:0.04271315341537484	out:0.028524574363226172	that:0.02811573968936019	placed:0.027131868575018914	work:0.02578173844450971	made:0.024681420068921236	is:0.024021050156212566	up:0.023509378606325886	:0.6817497821380872
to:0.2567588310256897	not:0.2566961511581252	I:0.14324739115490928	don't:0.0792733558319863	you:0.07745545325220775	we:0.05061186253937529	We:0.036513989603957006	didn't:0.034003617764990335	and:0.03369462593824959	:0.031744721730509545
of:0.2770289464602303	the:0.10733199620193601	and:0.06635764143641083	to:0.06492873989350392	at:0.056034203585644454	by:0.03287850013474935	for:0.024552570506918073	with:0.023707740116700966	in:0.02283456766101813	:0.32434509400288797
was:0.12758725873945784	be:0.10370515973596797	is:0.07495730723470966	been:0.07175299074415382	of:0.06943224529945541	the:0.06649877447690411	and:0.06550882317149334	were:0.04364845548080582	are:0.04200492668804614	:0.3349040584290059
the:0.24151204795615383	of:0.18116515143997253	for:0.0789611528027278	in:0.07858017117504267	and:0.07240091629613377	to:0.041815457406322365	all:0.03621583629540457	with:0.02299731262718119	other:0.015585160347890741	:0.23076679365317054
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
number:0.07265454760256727	out:0.06254239144679227	sum:0.03258730034092431	amount:0.028339156134800005	one:0.02742703750095687	years:0.025090452416256445	that:0.02437470991315815	matter:0.024060275496672594	and:0.022121536280194355	:0.6808025928676777
it:0.13009728994080838	and:0.09476832599926462	I:0.08249617631883871	he:0.07211880189996134	which:0.06600138280932699	they:0.06576941534235868	It:0.053621929964999204	that:0.04920390493180151	you:0.044750088850989425	:0.3411726839416512
one:0.18007889593106177	three:0.11397010897066868	five:0.10362402592400224	two:0.09605157967795125	a:0.08183716129899613	six:0.07507055762513058	four:0.06606166496359299	eight:0.05466396698599048	seven:0.040207623788643336	:0.18843441483396256
of:0.45687869620360466	to:0.08253557040951907	in:0.07475390896115772	by:0.05907058044001843	and:0.05755972987703168	on:0.05128398377722662	that:0.04442542611027463	In:0.03904198999768104	from:0.029981981121746486	:0.10446813310173966
to:0.5314435849321932	will:0.14475089377319947	not:0.0625989507081508	would:0.06221419833932514	and:0.053484710132966656	shall:0.0262059480739117	may:0.025532265151278058	can:0.024390945431135836	could:0.024206688170690226	:0.04517181528714891
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
of:0.19557410852511017	the:0.1552917265409372	to:0.07987436349440512	a:0.07475641443205874	in:0.07405429987981721	and:0.053008426493654705	at:0.025334275628818032	for:0.024615177250313924	with:0.02400507098957637	:0.29348613676530855
of:0.10631112473892627	the:0.09943241832474299	and:0.08159794106622675	to:0.08044019399615582	a:0.0411705846870669	be:0.032482607452970214	was:0.026600329505008413	or:0.02456876992697593	is:0.021232665187409037	:0.4861633651145177
the:0.13142963330416316	of:0.10046772623305743	and:0.08776091900873567	.:0.03758916721439308	to:0.03379194042072507	<s>:0.026634827059858843	by:0.024953715676899274	a:0.020664708292095012	The:0.017415217277044155	:0.5192921455130283
an:0.4720252010682913	the:0.157076751957313	of:0.12861954395333686	in:0.04263397988304087	to:0.030192314820726728	and:0.028772117442300932	An:0.02829638893926767	The:0.025462756349583258	a:0.01654328908086798	:0.07037765650527142
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
and:0.10247027652015542	him:0.06073237612402084	was:0.04123887990926764	man:0.035423878825065744	it:0.03409304083682875	up:0.024105643627210266	that:0.02394588451149575	found:0.021001378013868546	made:0.020634858937017025	:0.63635378269507
and:0.09504054213826908	the:0.09184190179822124	of:0.07874062873604452	to:0.0730379047943686	be:0.046275655438922654	was:0.039170212665574265	is:0.03484841316788502	in:0.026732541738951777	for:0.02146370450462648	:0.49284849501713635
of:0.2161208822830938	in:0.13508293982721029	to:0.12872499428666967	at:0.11973359881308983	for:0.11652658645816298	with:0.05967646482851595	from:0.047043840867151104	on:0.04695209525531393	by:0.043185793868583115	:0.08695280351220931
and:0.19721155668950208	is:0.13239912964091255	was:0.11549443358708533	the:0.07722374700075847	so:0.06780379147463586	are:0.06737622315927566	be:0.06335578203307947	to:0.043213020221748916	as:0.04218866140733226	:0.1937336547856694
a:0.19581388525474372	the:0.19515022763537668	is:0.1563836000677842	was:0.10286188132340826	are:0.07501226777148841	be:0.07461877110299488	not:0.037836947716357136	been:0.03382604357555428	were:0.033306002342565394	:0.09519037320972704
the:0.47997697756849056	an:0.10161410768321172	and:0.05773680023681793	sufficient:0.05372686214070771	large:0.04559015469356374	this:0.04365073922808968	that:0.03811053001036274	to:0.03664803723450144	a:0.03583914661178507	:0.10710664459246942
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
<s>:0.04119545361110591	it.:0.036357321694206635	them.:0.017702410456372115	?:0.014909927063747878	him.:0.012261478426648594	me.:0.009842120131677855	.:0.009807279134145998	her.:0.009329789898459336	you.:0.008809434200369073	:0.8397847853832666
of:0.1431410057967309	in:0.13451417302854715	for:0.09821968270598219	to:0.08183853483432303	with:0.07720170180966858	as:0.061082410216611364	and:0.04989323872573918	was:0.04475710465768892	is:0.04200749469186061	:0.2673446535328481
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
the:0.11465877822957096	and:0.08691397614958754	of:0.0684481415135792	to:0.047612852416672874	in:0.02458400066508134	that:0.022156300571771172	said:0.02177707665441787	for:0.020119557938665083	his:0.0199577743010974	:0.5737715415595566
of:0.36922260779496463	in:0.3356344867511506	In:0.06231350305314165	to:0.05842670934496967	on:0.043827075316470274	for:0.03186282436615889	from:0.03180440120491865	by:0.02373571580281553	into:0.01738891922466481	:0.02578375714074529
of:0.21030354194379108	and:0.1410775833298136	in:0.10403343649825787	with:0.08459492879502785	to:0.08236173980853444	for:0.062334351357193854	that:0.05431989460073243	by:0.04487330906084482	at:0.04112867941551489	:0.17497253519028919
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.5015679220105784	a:0.10926491999141125	of:0.07057955800396759	tho:0.04373944205936503	his:0.03237282020958509	The:0.02648965409659701	our:0.02065748081694367	tbe:0.017329908444638456	and:0.014596117251085387	:0.1634021771158281
and:0.11085292179955923	do:0.0682554723167706	is:0.05222838046363395	was:0.044056639786533146	not:0.02630386647588539	And:0.026077104462838226	;:0.02328358429698323	are:0.0210312744446927	be:0.019336724213502344	:0.6085740317396012
a:0.10617048212178834	fel-:0.1017414764009772	as:0.08211111443539644	is:0.07210817606979461	and:0.05777431322039465	the:0.05592507615581248	of:0.05372232919135961	be:0.05254341219082573	fol-:0.046988816871702456	:0.3709148033419485
so:0.15355464231171093	of:0.13041990936662587	in:0.10507438362500765	and:0.09597765950207633	as:0.09313226942626714	the:0.08706277924545691	for:0.08272087039737593	with:0.06086948001664167	great:0.054851577298071136	:0.13633642881076644
that:0.1632043600936483	which:0.10441821329418928	and:0.10150138035491216	will:0.07256829707933923	when:0.07092891939913538	to:0.0699998369378879	would:0.06859167274889881	should:0.049335031065031815	as:0.0440838290422021	:0.255368459984755
the:0.4986416615714981	a:0.19897677292809834	The:0.059674861104977286	to:0.049005340239926226	and:0.030876973744346774	tho:0.022024956897512143	no:0.02190673810461779	of:0.015376635197766343	tbe:0.010406866031667666	:0.09310919417958938
w:0.3606779580123188	the:0.135761692026458	and:0.08214514645119059	\\\\\\\\:0.056564246414572306	a:0.03765539111269601	of:0.026327593362519705	The:0.016552726718991332	<s>:0.012854740625163926	im-:0.011952375515940245	:0.25950812976014914
of:0.2866542218432101	in:0.09880401825784906	and:0.09565102504649164	to:0.08346760993027383	for:0.06942095021424195	with:0.06607050542593888	that:0.06158903664750073	on:0.04939633190073771	is:0.03942981807804068	:0.1495164826557154
and:0.09542801096416118	well:0.09189066171800557	regarded:0.05695893176700379	known:0.04270268675517369	such:0.04215353597674545	soon:0.038030288010267754	much:0.03179122027456694	just:0.030370935280597887	him:0.028420157105497324	:0.5422535721479804
of:0.21030354194379108	and:0.1410775833298136	in:0.10403343649825787	with:0.08459492879502785	to:0.08236173980853444	for:0.062334351357193854	that:0.05431989460073243	by:0.04487330906084482	at:0.04112867941551489	:0.17497253519028919
the:0.09589386072900676	of:0.0882625395617854	and:0.07130495584427594	a:0.034735844530739586	to:0.025366118536892624	in:0.022511210505838257	<s>:0.022204877408710202	for:0.016531288636318087	be:0.016263970736333715	:0.6069253335100995
the:0.30071457057947815	of:0.09509223165452808	a:0.0698529908363023	and:0.06531813247546334	to:0.03863716616600799	in:0.0317777940817203	or:0.02253531665223174	tho:0.01966380983099437	be:0.018678430026428244	:0.3377295576968455
of:0.36211912412760344	for:0.12944535246390262	in:0.10726196220285304	to:0.08510340723727769	that:0.07100730305829611	by:0.05213570142396775	and:0.045977430418260676	during:0.034051250924270346	at:0.02677496365451294	:0.08612350448905537
the:0.33727940015781577	of:0.2084399026270053	The:0.1430472892964017	and:0.053128411769604075	a:0.04494857079635019	in:0.0338045482272031	that:0.02774779061760294	his:0.02659734288213479	tho:0.023292560245506688	:0.10171418338037545
one:0.059243438176390315	out:0.042684715252448324	part:0.03758076848798283	that:0.029819961491884834	and:0.026713213355064734	some:0.02156296450312505	all:0.017941525321805762	many:0.014809383416581045	people:0.014753915452253213	:0.7348901145424639
in:0.42212646590639546	on:0.2654189757961608	In:0.13786065569853329	of:0.048251074285699504	the:0.04267723707392727	On:0.029536249486996995	and:0.01016578969765867	iu:0.009843853599382862	from:0.006381847564513945	:0.027737850890731205
of:0.1878523260321886	is:0.12322272435135552	with:0.1114280459438439	to:0.10913086278929321	in:0.08793449549401366	was:0.08120033316170813	as:0.0748404692486925	and:0.06132908234397984	by:0.061028641067889314	:0.10203301956703532
be:0.22134066669531954	was:0.14163171174311626	have:0.11239989871013491	had:0.10064273462212715	has:0.09851803946828626	been:0.08936316183007327	is:0.0634071827747359	not:0.05164689927781837	he:0.0362408031205	:0.08480890175788834
the:0.7388643323795945	and:0.04967674587513307	The:0.045954171422795946	tho:0.039572984935936015	as:0.03596795198798012	tbe:0.012909920954331324	a:0.010828252350796473	an:0.008591955718538206	or:0.008444502722455824	:0.049189181652438525
of:0.0947867713574058	to:0.04355072031041814	and:0.04300596232543182	with:0.03779147835851502	in:0.03574755366157063	-:0.032475761227976054	is:0.028070579082809424	was:0.027728025805997706	for:0.02666565113746404	:0.6301774967324114
a:0.634856464705431	the:0.17432215522271086	of:0.05663601665370838	this:0.03443604913650804	in:0.015321455472625254	any:0.01473128267415748	and:0.014387532498023308	our:0.0133797075194188	A:0.011712468065606042	:0.03021686805181081
a:0.3058177829594115	the:0.19125275073451237	and:0.1115996158023056	of:0.10651682101224669	in:0.03846240100129578	no:0.035343378382831435	for:0.03428498261029708	with:0.02893912475794527	or:0.028195302013634325	:0.11958784072551996
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.41417951230510897	of:0.1902729558517193	a:0.10597878517506074	and:0.04420273148000688	to:0.02843585153262273	tho:0.027247739988020225	The:0.025551929311294998	in:0.022706470153610804	other:0.02224322267253543	:0.11918080153001996
he:0.16141921765480505	and:0.1254457170528375	who:0.08026541473715736	it:0.07742007479725846	which:0.058350927247905894	He:0.05569773608800221	that:0.05081618664569297	It:0.04494771597215835	she:0.027341847766309237	:0.318295162037873
<s>:0.05874042863456444	it.:0.018157512326251186	them.:0.013684154979775388	him.:0.011195128124154784	time.:0.009901950892531038	year.:0.009408879776400612	country.:0.009314622596138075	years.:0.009002889408441359	day.:0.007592244970124569	:0.8530021882916186
one:0.09064302587926093	all:0.05370198941857608	out:0.05345687403356159	part:0.04326686525928694	some:0.032888787455315704	number:0.02571417171499363	side:0.020819620906859567	cost:0.01886029855080373	portion:0.018221170354392222	:0.6424271964269496
the:0.2230082468163418	Navy:0.16341930380825814	War:0.1293414250707124	Treasury:0.07867978421354296	of:0.055224673891880294	State:0.04565607087876484	Fire:0.039418583644515184	such:0.023477910967769546	and:0.0170857986794963	:0.22468820202871853
and:0.07212256945868688	to:0.05352321058699662	the:0.050577686693148806	of:0.0367095224057738	was:0.035748612037158914	.:0.03203253209180365	Mrs.:0.024611672964498687	<s>:0.022048439717947264	I:0.016976652724415602	:0.6556491013195698
of:0.23284038688149689	to:0.17021820547392738	for:0.12190288110822957	upon:0.07919132672015936	with:0.07775470398274033	by:0.07418439773802882	in:0.06561544782348461	on:0.04854167790363529	from:0.038271572278241905	:0.09147940009005584
hundred:0.01444191217773428	;:0.011834673680375107	him:0.010388473796696067	one:0.00968896846901267	feet:0.009556811899111724	up:0.008880191153313928	mile:0.007973380143655012	feet,:0.007606228831470488	time:0.007287466987906896	:0.9123418928607239
provided:0.07563435507773057	called:0.05202804433937572	made:0.05158314026256313	paid:0.04610115516996066	and:0.03756376935671784	cared:0.01906565560863812	shown:0.014058728777897316	given:0.013719298415911045	voted:0.012746370473216839	:0.6774994825179887
the:0.22307688226767775	an:0.19183254824453688	and:0.14289935832000025	of:0.11561081295284426	to:0.06869824083443551	The:0.05394167890396043	in:0.04840971244855894	with:0.04078641918973227	a:0.040203503374629655	:0.07454084346362408
the:0.5678363093363964	The:0.08607710977303183	a:0.04877802986775572	tho:0.04724226771897871	and:0.0352675765510189	of:0.03525549428725263	their:0.03507812241746277	his:0.03380603195870487	in:0.0316610810114076	:0.07899797707799051
<s>:0.050423986585788255	it.:0.021941315007848322	them.:0.015391124240497569	him.:0.010837341324201277	time.:0.010629578153184662	country.:0.008590056930999306	year.:0.008564853413410935	again.:0.007031653286040314	ment.:0.00699107646659769	:0.8595990145914316
and:0.1350948781200908	of:0.08416938649765933	the:0.07883588553881102	to:0.06319353765011483	be:0.03245071952652813	a:0.026770205880640798	more:0.02621769628374212	in:0.024296842775432162	was:0.022754130718847965	:0.5062167170081329
all:0.0660163288523761	of:0.06505643274675073	and:0.057030801701554334	was:0.04660164070031436	is:0.031404169542545136	it:0.030858984206185765	for:0.02962866473642334	went:0.025168395753948473	in:0.02348489176802519	:0.6247496899918765
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
the:0.19062108819744267	and:0.1683493882235991	an:0.1296834605207042	is:0.1066047737218868	most:0.0782614356354481	of:0.06265298591168732	a:0.05444629740439139	was:0.04826193631404086	are:0.04029653829886139	:0.12082209577193817
he:0.14204714687767903	I:0.10533167453725992	it:0.10297587940021187	It:0.08980957590210258	He:0.06546477611258106	and:0.06453345038334318	there:0.060393678241786965	which:0.05388664645866744	who:0.04736191740910508	:0.26819525467726285
the:0.14305858912818611	of:0.0935587957120146	and:0.06666521981549399	to:0.04207190440560084	a:0.029136513480675325	in:0.02461592203494918	more:0.018815857032605868	his:0.017913626801278223	be:0.016286616410318838	:0.547876955178877
the:0.08637276215586986	of:0.07019963239074213	as:0.046633526608636434	and:0.040092449131033145	to:0.03559939603883087	by:0.030212259125231865	at:0.028517544490686848	in:0.024667696740500438	a:0.0205446998234827	:0.6171600334949857
the:0.16723191239473503	of:0.11904976395268328	Red:0.09765789222328897	and:0.04220941263089592	in:0.037501036562885184	that:0.0340226855352001	a:0.026663878389975252	to:0.02039602908458072	said:0.020318256948591268	:0.4349491322771643
and:0.09037721981310737	place:0.08218644113009858	point:0.04374817010957028	spot:0.02988579432660762	know:0.029086415661993204	room,:0.020947242196542468	that:0.02001222376157462	places:0.017275047913011887	house,:0.015640844987071762	:0.6508406001004222
the:0.4284205332897757	and:0.07125737637906283	a:0.05354028491485409	of:0.03278026306601557	The:0.03273025122261107	tho:0.028399217000863338	or:0.025216221575292755	last:0.019620365702179014	that:0.019518439468636475	:0.28851704738070916
the:0.20032428955040765	of:0.19792007847625817	in:0.14804020105196602	and:0.08843424561172715	for:0.07964781963183501	most:0.06526039400801731	an:0.06512588607468271	to:0.04044951711196621	more:0.03625865939617653	:0.07853890908696323
of:0.08401834094684073	for:0.08375736012070845	and:0.07271542867856207	in:0.06557249336517675	to:0.05872833136820841	the:0.05218167166144928	I:0.02471167090649355	In:0.022106422391281112	that:0.01999089350800916	:0.5162173870532705
have:0.3261935182643529	has:0.31993158445101083	had:0.20344087766755933	having:0.04415358679018324	not:0.026490402230421452	ever:0.014105690543606516	bad:0.012534747231029838	lias:0.010935270841505392	havo:0.009172097333838738	:0.03304222464649176
of:0.43206564081615095	in:0.18225101085650894	to:0.11113075989843353	on:0.06063160232968121	by:0.039262795318951056	from:0.03350316177380403	In:0.03231799658675119	and:0.03128656225514401	for:0.02866867870189012	:0.04888179146268499
of:0.37801987687800326	in:0.15284081557092635	to:0.08778938466228974	In:0.04700816141813068	that:0.04252946715914091	for:0.04167777519437705	by:0.03795272869101662	and:0.03672477113784621	on:0.035641453486719196	:0.13981556580155
be:0.2957905088357727	is:0.15129496339242685	are:0.13531473863660987	hereby:0.09077608770760145	was:0.07206331975063285	been:0.04814169722911927	and:0.03601329762662684	were:0.03529882173627006	as:0.033130201695073705	:0.1021763633898664
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
he:0.26068868553841357	I:0.16647997741377737	they:0.06457088048476045	she:0.059524857676522734	who:0.05078360528551343	that:0.04823642893210215	it:0.04553344876707787	one:0.04340762021589476	we:0.03639750286232551	:0.22437699282361215
to:0.562332410519794	the:0.09931966329845274	a:0.037482331856224176	not:0.03697296560297059	will:0.036656914695195324	or:0.03640239838550675	would:0.03577750445182857	and:0.026689081333491137	can:0.026230399626634034	:0.10213633022990268
of:0.41105480138313294	the:0.12426907327492129	in:0.08302093957613299	a:0.06325621215369444	and:0.05229292702197919	to:0.041809904378002534	by:0.03557314488962347	with:0.026848923323205084	for:0.024160998997318238	:0.13771307500198982
and:0.14932413973199174	miles:0.0628391839368122	or:0.05689375332464883	free:0.03409079669055014	than:0.029582005586041696	them:0.02363577293868783	come:0.02076960294471576	far:0.019778221550581416	out:0.01971326955843096	:0.5833732537375395
from:0.19300217727339725	the:0.17434688703056778	in:0.10842248080581794	that:0.07919286971493883	some:0.07313489208481577	any:0.07057569714868003	this:0.06443408865559666	a:0.059106952729371	same:0.05417328085966794	:0.12361067369714682
that:0.2098000549252434	and:0.14254810696158526	as:0.12654087726301622	when:0.08495370157654776	which:0.06572304474619321	until:0.055705446687915286	but:0.05352818633844271	if:0.04970172557060955	because:0.03956710244675406	:0.17193175348369252
for:0.1910292046433573	in:0.14799796753232045	of:0.1415879674069314	with:0.07930203167876786	to:0.07373702540605735	and:0.07077621701563615	was:0.05889880447012971	had:0.03735729287575702	is:0.03660987993562222	:0.16270360903542055
that:0.24965642357422835	and:0.15921940479170324	but:0.08555820058901059	as:0.07149450073524026	when:0.06533617967914483	which:0.06403586677889773	if:0.03781086503442973	where:0.030499946293478825	until:0.021573599808582904	:0.21481501271528353
of:0.23632369642581597	the:0.14269367206329228	for:0.12057890611838094	and:0.08570736110437885	any:0.06815495515065084	no:0.06649849242908987	in:0.06414212347150892	such:0.04257000527639402	public:0.04079365910494635	:0.13253712885554195
the:0.3466477426166705	a:0.14862476004712277	his:0.08218818241444086	of:0.06264955721493863	and:0.040022899696775985	The:0.035601551297994784	that:0.034498759166635425	this:0.029636236922357603	my:0.029501357185015543	:0.19062895343804792
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.15282698979975298	and:0.13051353092431822	a:0.09284068719203303	to:0.06907889503009078	of:0.05657896567636395	his:0.027651996848016076	is:0.02463535577484821	be:0.02339961969675301	was:0.02253522768293527	:0.3999387313748885
of:0.18230828775023955	in:0.09470463041934073	and:0.08419154466157104	that:0.0476799374091183	for:0.04754976076448028	to:0.04324865357878579	on:0.03894937096660086	by:0.027357232435278624	In:0.026539135950296125	:0.4074714460642887
the:0.19930137606842918	of:0.19481225983976835	in:0.19385858000002643	for:0.06889012772996782	and:0.06289542982464763	In:0.06142206662348019	this:0.041407129600187116	to:0.03793578334365267	that:0.02242112070816339	:0.11705612626167725
all:0.2809422824689601	other:0.14757072927150258	the:0.14089067979912825	different:0.10705775914774834	various:0.07289686254356786	many:0.045669195428009485	and:0.03840075827867031	of:0.023996337495526095	two:0.023709495356876224	:0.11886590021001073
and:0.10378026300178878	made:0.057215805522664684	accompanied:0.0433588361732307	that:0.03657066944557528	or:0.03579103819969195	followed:0.031399911442815925	only:0.025791387034909928	surrounded:0.02521817632266265	caused:0.024881759835290163	:0.6159921530213699
they:0.1896464336702775	who:0.12730504924656474	we:0.09315328087332823	which:0.0576895582226831	They:0.0505016941242496	you:0.047846891315441356	and:0.04637029884039926	that:0.035759866077863765	We:0.034356836842214224	:0.3173700907869782
his:0.3275493858677551	their:0.24270987755393958	our:0.09171619702322684	her:0.0670111599224204	its:0.0636612580749089	your:0.061935710706543225	my:0.05874126993895957	bis:0.01972817480921927	to:0.007785678737548933	:0.059161287365478134
is:0.07751008838861677	was:0.03132319308382707	;:0.030124142430507882	nothing:0.025706507351615292	are:0.02023147930715935	and:0.019223406673160578	had:0.015565324386661689	have:0.013673327073639751	to:0.013559139155685853	:0.7530833921491258
of:0.37698488367163974	in:0.09056142516031852	to:0.07890947227959733	and:0.0773746423961114	with:0.0483387634675775	that:0.04411644517398545	for:0.041382072493258704	from:0.03229716632876761	by:0.026932203591096254	:0.1831029254376475
of:0.33421097067723676	in:0.13609932359783747	and:0.07990480624047565	to:0.07911156706526296	at:0.05547501578642669	for:0.05343411451542129	on:0.050703084246272845	from:0.03989967159792983	In:0.03922595942525509	:0.13193548684788142
of:0.27606136817322174	at:0.12491160198534429	to:0.10072771584415155	for:0.09920961391292943	in:0.09290664724294914	and:0.08157961360296206	on:0.05344764621264019	from:0.04638865586663101	during:0.0448423990725811	:0.07992473808658947
the:0.3454431117111459	and:0.15183327328597848	The:0.13801030904495587	of:0.07573895614259381	these:0.03914710629873322	These:0.02188265496469749	tho:0.021197168883424575	for:0.01964277553292802	that:0.018449855327031205	:0.16865478880851148
United:0.8347665880386754	the:0.04157731113118272	Southern:0.01603759399987004	ted:0.007827884752382505	I'nited:0.007360689182493952	this:0.006882550123897304	Confederate:0.006717036799656807	Uuited:0.006611662785375106	that:0.006159210594065352	:0.06605947259240082
the:0.1751651360412821	and:0.10978771116290796	a:0.1009144399637486	of:0.07468204780542342	to:0.05728776988492592	in:0.03147469662908618	or:0.026517517342535046	is:0.02395040938744547	for:0.021026919484523572	:0.37919335229812173
the:0.39452879813085745	a:0.13471214451829522	this:0.06526003231844084	of:0.06077742842045614	and:0.038693005974107256	The:0.03526738894409557	his:0.03223482706465948	no:0.030513013739323608	any:0.023653841840962878	:0.18435951904880155
the:0.13967494006339717	of:0.09917618722315391	and:0.08279731654208415	a:0.05640397050667781	to:0.05268671124314194	in:0.031126297229306658	at:0.029908507353748403	<s>:0.015207421467663532	by:0.013616489886338514	:0.4794021584844879
up:0.03923868607627142	in:0.03319987386595067	due:0.011305182342733621	out:0.00981696655620353	hundred:0.009794523014586418	;:0.007627635854066035	him:0.006738716229332698	down:0.006709750917282743	to:0.006345250064751502	:0.8692234150788214
of:0.22682018969919943	in:0.16427657974893495	and:0.1336295043605771	to:0.08295137219847339	with:0.08271072627350477	all:0.052002923312290936	for:0.050804366792716396	at:0.03646673653275649	on:0.03521992165292064	:0.13511767942862588
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
;:0.019764678555309913	up:0.016119641386348176	them,:0.008253150084225863	it,:0.008047612568076372	in:0.007982256235127407	years,:0.007851660011729473	States,:0.007692151207270224	him,:0.0074138045797371615	and:0.007125218347165323	:0.9097498270250101
the:0.27022649004921667	and:0.15912065953565885	of:0.15893892591103173	that:0.1054251933406177	The:0.06200137915881055	in:0.025440247418833557	Mr.:0.02462266802481555	tho:0.012561189330093925	General:0.012495526312844589	:0.16916772091807686
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
the:0.4247952257721616	a:0.30329516954959573	of:0.059611364038729915	The:0.05261747225145274	with:0.03877117505254254	and:0.034667388272286735	his:0.024764252855531067	tho:0.02117646084186704	in:0.01906192293917377	:0.021239568426658834
as:0.17492469693965917	in:0.11189792197792547	to:0.10088426197099037	of:0.09904728212349627	at:0.08967113819685592	such:0.07910503085046847	for:0.07271380684049897	is:0.06712326950427384	with:0.06033559428857646	:0.14429699730725504
is:0.15791258630931268	be:0.125268204118869	not:0.10885887516590928	as:0.10464081802180744	and:0.08136024043219887	was:0.07482937487311364	are:0.04341507841439776	it:0.042088587727331817	made:0.03195516314657475	:0.22967107179048477
.:0.07051542356185588	<s>:0.06686410430510493	8.:0.01340870623934031	and:0.013007689650070675	W.:0.012440151716344737	A.:0.012352614607506493	it.:0.012013688542433093	of:0.00967040795468479	Mrs.:0.009640831452012924	:0.7800863819706462
and:0.0845968984427438	made:0.0464412932698379	owned:0.028909519539416926	executed:0.02017185135990656	delivered:0.019769159634369426	that:0.01758191305320926	given:0.013286126705125247	them:0.013087525432411854	occupied:0.012706234142287132	:0.7434494784206919
of:0.189821273212273	by:0.08077869916212485	that:0.06105890543636603	to:0.05001727702052864	and:0.046375680302141786	<s>:0.02965510723719904	which:0.020868396034772495	with:0.02075253725652052	from:0.016140862893652325	:0.4845312614444213
and:0.1061214989657543	him:0.0830244378665325	it:0.0322030699832952	asked:0.029156849648072483	time:0.02799639330095559	reason:0.025026352189235466	made:0.024894085682863634	necessary:0.023854240776989267	enough:0.023844569899720124	:0.6238785016865814
do:0.2134261837910385	and:0.2006173978378469	did:0.08061430867088391	to:0.044703846949413886	will:0.03303559331958391	was:0.031891139981029645	or:0.031418460832733856	not:0.026527901785634408	can:0.024659619840655872	:0.3131055469911791
of:0.31672631180221694	in:0.13380695728094927	on:0.08381182203842218	from:0.03399030574784098	to:0.030118398335558242	In:0.027239616779807737	dated:0.027155416506836245	for:0.022292426733672013	by:0.017534302381845324	:0.30732444239285106
to:0.7022168197554979	will:0.07167103568198463	not:0.04086298708405956	would:0.0329251347637657	and:0.030254758232422928	should:0.018037024805394278	may:0.016255768496482543	at:0.014949390087781643	must:0.01430271403573898	:0.058524367056871904
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.20120512361034393	of:0.14657160178452663	and:0.11939916725540238	The:0.037678349670811316	to:0.035909900071321145	a:0.03167137811348503	that:0.02164738190983771	an:0.018985719484002028	in:0.018572495354356865	:0.368358882745913
a:0.4753575308467878	the:0.1306417124184603	very:0.058478966495501	but:0.04620439673771712	of:0.039072878151261314	and:0.03415372238843285	A:0.02933208911443574	is:0.027539992056391988	with:0.02150405184637963	:0.1377146599446323
the:0.320142904631018	his:0.164284997731105	a:0.09400784929388432	their:0.08569416575594181	her:0.06729913775179099	this:0.06195147854111583	of:0.05697311834437883	any:0.04313981562393183	my:0.03946849968048864	:0.06703803264634475
and:0.15210910287775245	that:0.12360046836398478	but:0.09526783147904504	what:0.04193548341300209	which:0.03961777165937202	as:0.03790307028418058	when:0.032632808644783476	if:0.02956168329580285	If:0.02062028946805167	:0.42675149051402506
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
of:0.21030354194379108	and:0.1410775833298136	in:0.10403343649825787	with:0.08459492879502785	to:0.08236173980853444	for:0.062334351357193854	that:0.05431989460073243	by:0.04487330906084482	at:0.04112867941551489	:0.17497253519028919
be:0.27529715725086473	been:0.15137686652259366	was:0.1279365431816988	are:0.08012573622798222	were:0.06709470903789078	and:0.06256309352338998	is:0.05946563346772421	not:0.041403418359403206	have:0.03259518332211836	:0.10214165910633402
and:0.11855345980160215	that:0.04834655291398339	made:0.0378194600336547	is:0.03527537111848093	was:0.03499608325061649	placed:0.02838596072187782	as:0.025722738445492364	be:0.025414814918467716	or:0.02501953233801765	:0.6204660264578068
he:0.22331627668677417	they:0.09379884802331888	it:0.08989003297229747	I:0.08628273550830615	that:0.06333485124527351	she:0.05267950487843222	who:0.05089062385037634	It:0.04522491545219165	He:0.0406903768744306	:0.25389183450859903
of:0.2001007006124108	in:0.15970714415397447	to:0.11798047356731975	with:0.08099459958194666	and:0.07700191687639124	on:0.05637272187983127	from:0.040700695936465914	that:0.03955866537793548	at:0.038603433970680036	:0.18897964804304435
a:0.1751522832985472	the:0.1580088552444928	and:0.05844150523275794	his:0.05207249226727721	of:0.04411324198481509	.:0.04227591421703852	A:0.03642192718154611	her:0.024504270529994154	The:0.02031548111319842	:0.38869402893033256
the:0.11947769627656413	of:0.09088854934009129	and:0.08951078841576837	to:0.059340870060609514	for:0.05676712273754377	a:0.05347794308501083	in:0.03771675780949644	was:0.024679544307839557	be:0.022957597699915292	:0.44518313026716083
of:0.15648943696173498	in:0.15346942465819452	to:0.15166333228710063	and:0.10874071000512844	the:0.06472211873535948	his:0.047545362164025474	their:0.035642699776055824	In:0.029603248979477453	its:0.02868105838898129	:0.2234426080439419
a:0.23058315650914776	at:0.2280325853126765	the:0.15053174616139806	any:0.08374368589971959	in:0.06987517340785991	no:0.05144637861796912	of:0.04701620981081994	from:0.03983864841803725	every:0.02419415063786334	:0.07473826522450852
of:0.6347668185853157	among:0.060123558905896816	for:0.03726722794826322	to:0.03459324726420474	with:0.0315696427668584	by:0.03092783036933126	upon:0.020752385150241266	let:0.017866599328406944	Among:0.01596355570938657	:0.11616913397209515
be:0.24415929061053884	was:0.2055011635229782	been:0.10718701705627907	is:0.10075254525422339	are:0.07359602769904429	were:0.07233406881812718	as:0.04237356578537183	and:0.035416606039050426	an:0.0342726764374592	:0.08440703877692757
that:0.11581632443572948	and:0.11367203655998354	he:0.09352581629839851	which:0.08839639517472218	it:0.08534652720555223	It:0.05796335261530039	who:0.0536639213898491	as:0.04012632788424018	I:0.024573764658808034	:0.32691553377741633
part:0.07268713102532033	one:0.07071065938650846	some:0.043508101530019876	out:0.03575042106872343	members:0.025760665467621124	and:0.022440178638608456	tion:0.02191026583655202	portion:0.021052670553751075	side:0.02092702198887348	:0.6652528845040218
away:0.0730932270187372	and:0.06992046350430067	taken:0.04908373062946924	came:0.047586293728791466	come:0.04723032357359611	miles:0.03408632760296559	them:0.03205120927545248	him:0.03135643225210184	free:0.02904774103777588	:0.5865442513768095
is:0.0965392928523931	not:0.09202141717257817	was:0.08970651128890196	and:0.08922579303753067	will:0.0614366462900653	be:0.05447834802772066	that:0.03993042559926123	are:0.03511166196488872	him:0.028405872388157866	:0.4131440313785023
and:0.1483419737709513	that:0.10122042146610387	as:0.07355706627236072	when:0.039244946060990674	but:0.038981961899207676	so:0.030384362828222603	<s>:0.022631938949007818	the:0.020852448247961425	which:0.019640642214088146	:0.5051442382911058
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
the:0.13445429264262948	of:0.06397082248529562	and:0.050140430638423834	to:0.04892427443558732	that:0.01584339513930142	in:0.015646281330148285	be:0.0152516935810816	a:0.014155412545689592	<s>:0.013808257242821188	:0.6278051399590217
be:0.2928883215154602	is:0.14260323888527757	was:0.13552428880595357	are:0.12700142189657182	been:0.05690353002253325	were:0.04767989581464946	and:0.043713328425919934	not:0.028099973275744466	bo:0.01821188235768534	:0.1073741190002044
of:0.46156388441416724	to:0.10195077722497424	on:0.07798860049474382	in:0.07719962199399587	by:0.05795409373196128	and:0.04558874819949313	from:0.0325744151598939	that:0.03231440944034693	for:0.024422151863236544	:0.08844329747718704
foreclosed:0.09634386882946343	accompanied:0.06914744523154118	made:0.062220870833543704	and:0.059623448501614024	followed:0.05567422914917625	surrounded:0.03148136347170944	up:0.026111816226809845	caused:0.02316153437489157	secured:0.022889564253045367	:0.5533458591282052
have:0.32887155133720375	has:0.24895905763348003	had:0.22590914112393295	not:0.03306029363479426	having:0.031227273372102876	bad:0.015119581515317919	ever:0.01396193234990098	never:0.013874593128404347	havo:0.010591857273078738	:0.07842471863178416
the:0.18382750996292554	and:0.17852814265120648	of:0.10429655861392073	was:0.08561052560097855	an:0.08201750822826366	be:0.08196120816385352	is:0.056710818947444806	to:0.05345925660793555	a:0.050918171474017525	:0.1226702997494536
the:0.23357393392740264	his:0.16673460000047696	a:0.1484516840178195	their:0.06917058292121198	my:0.05563780759386266	your:0.044027749911038624	dis-:0.04233954792162568	and:0.04190800854465257	her:0.02819578396966803	:0.1699603011922414
of:0.24375754423541662	in:0.12892145170889385	and:0.11052542509813282	to:0.10133885155409138	with:0.07766459537955671	for:0.05143557974458686	from:0.05123433454763207	that:0.04566173981161162	at:0.041216911568518276	:0.1482435663515598
100:0.03713274969033947	two:0.03611843281857507	three:0.03430852424820101	five:0.03383752939953208	hundred:0.03290134103832117	six:0.031430465872443955	fifty:0.018211960860356233	twenty:0.0167390568513531	ten:0.014494400952980107	:0.7448255382678978
<s>:0.03884612834888198	and:0.036551269768272915	it.:0.03542563608992385	that:0.033961933956590036	them.:0.022226110346136665	?:0.013195230076072704	but:0.009061413971241676	us.:0.00866478302885091	time.:0.008588314202084026	:0.7934791802119452
to:0.12661148837075534	of:0.12450103791011034	the:0.11673877743783104	and:0.08299474392364543	in:0.06316436025502352	a:0.05138953849035931	at:0.03580836809115403	that:0.030131952738099814	with:0.023524813111605744	:0.3451349196714154
the:0.2579069797554439	a:0.22241851423320838	and:0.12539480723863347	most:0.12022048722836777	of:0.07055730983337828	his:0.02962980708530392	are:0.022682278610531476	more:0.021379024866184208	very:0.02028445478464673	:0.1095263363643019
he:0.23947472100603948	and:0.1750175565147452	He:0.08268309241911441	I:0.07913665540331342	who:0.041844197884005736	she:0.030102801079295992	1:0.02347798064838433	which:0.019667642997124316	ho:0.01887126898794076	:0.28972408306003633
thence:0.6274804563408	bears:0.027725333013833175	S.:0.02322540160364692	of:0.021547691393873074	.:0.02048205329181855	and:0.0203447173810695	to:0.012656645334057864	W.:0.010199315008160046	E.:0.009247294833686743	:0.2270910917990542
at:0.4701173879422429	and:0.07529970608106445	of:0.06584127956736015	No.:0.037678961883302636	about:0.032390430624104	to:0.031722409021522666	At:0.030332093882886466	from:0.020198150197105184	for:0.01849662533436999	:0.2179229554660416
<s>:0.02433810800135998	it.:0.023308676798541813	them.:0.01888857994032365	time.:0.009877691999374745	him.:0.009765792057925354	her.:0.007109315855555969	country.:0.00669571401168282	tion.:0.006691539548644597	day.:0.006308526608610614	:0.8870160551779804
in:0.597091352191553	In:0.16001637601399152	of:0.08669663693597061	from:0.055034114630630855	for:0.018294117495374917	on:0.016712532413543403	the:0.013274473352975127	at:0.01264586141042172	iu:0.0121615249728573	:0.028073010582681527
and:0.12384005997561694	the:0.11932954171313578	to:0.07419494819885426	of:0.07030503305604285	in:0.03613959185444827	that:0.033997511216636675	which:0.03293923989302032	a:0.029605368210859292	or:0.025576535792269737	:0.4540721700891159
and:0.09297881307959464	is:0.05261541642609343	was:0.052614361579152225	be:0.0489066922217259	succeeded:0.04359364777524614	are:0.04142999592289893	made:0.03235650251897351	that:0.027642497415541666	it:0.026961360393827773	:0.5809007126669458
manner:0.1103951809557842	and:0.052453475314599624	that:0.03036937771827381	way:0.019689239401330938	time:0.015058937839784212	it:0.013360831017844856	all:0.011946359345780016	one:0.011858054142763546	part:0.011827296831737295	:0.7230412474321015
and:0.15984445377521164	which:0.08997544828798375	have:0.06415679356412032	the:0.06288666978135345	has:0.053979793547178606	of:0.053254349357935646	had:0.050395596642443766	it:0.03199395663318276	It:0.03132801594585496	:0.4021849224647351
it:0.13419654056177188	he:0.13181099532334292	It:0.0951326457721227	I:0.08264632767010278	which:0.06017667996219529	He:0.05857265411896746	and:0.05798907921555247	that:0.04881830236586866	who:0.035320175172523234	:0.29533659983755256
and:0.06837120857978086	as:0.05137575436628539	went:0.04689614585261409	him:0.041867805261672	enough:0.03620279016886709	right:0.034460790871465675	it:0.033068992351566906	them:0.031885780123422275	made:0.03111551748906291	:0.6247552149352628
a:0.12313971322072831	to:0.08650194356979468	the:0.0843431562392635	of:0.07640693479713478	and:0.06854959940903264	at:0.03214782118737429	with:0.02606208343031046	by:0.02109046603052148	in:0.020219756042639078	:0.4615385260732008
in:0.7458853139246682	In:0.14716321600767776	the:0.027874720442743244	iu:0.01763827855128918	and:0.010430095266143568	a:0.010263242168379736	of:0.009090222323399203	to:0.005921481299371799	under:0.0044273571205084945	:0.021306072895818824
one:0.06994112583056121	part:0.049001893622229294	that:0.041251583664596754	out:0.03474875385036625	and:0.033299659145478576	day:0.03301330089665913	all:0.02937972153579541	sum:0.021454092190673187	account:0.019132888083682267	:0.6687769811799579
that:0.2521644396984333	and:0.1277482145096685	which:0.108778746336056	as:0.0871309675495432	but:0.0549722705646144	if:0.04474366785457067	what:0.043883633154424846	when:0.029235771478598113	If:0.026472142279880276	:0.22487014657421073
is:0.16644857584492545	be:0.1604673333198782	of:0.12292382680405899	was:0.10814579753907734	and:0.08325891053357766	to:0.06351368016391759	with:0.05522701757310073	in:0.0541180291525286	on:0.042667760690351664	:0.1432290683785838
of:0.3878413407076194	in:0.34585138667111676	In:0.08913199342302565	to:0.059117379159429086	for:0.026893007624002836	that:0.02506839479079601	from:0.019565383648590486	by:0.016313866647227164	iu:0.010069329542234783	:0.020147917785957824
way:0.0323974957088104	it:0.027576678298779574	out:0.02399504736335365	them:0.020917739101649683	go:0.020593634981625673	come:0.01735568491633461	went:0.01627742663181017	enter:0.016238602870165698	came:0.01510392907384685	:0.8095437610536237
it:0.1294612573259098	he:0.10710706809610411	I:0.08687847153063931	It:0.07494677758780582	which:0.0656786064043721	and:0.044368682817971586	He:0.03405926965840876	who:0.030903247530969336	she:0.024164495172562497	:0.4024321238752567
the:0.6416445582032927	tho:0.048580652024408595	The:0.04787403142082476	a:0.035728373102762265	great:0.026908860566681937	tbe:0.022835402774832505	and:0.02041853723674478	of:0.01838284421546307	other:0.01813320209547632	:0.11949353835951304
disposed:0.41433018764680946	complained:0.07098455248940946	spoken:0.050912594512844904	dreamed:0.04603828380013925	there­:0.03593144804757493	dispose:0.031158151508952483	care:0.029474364854142683	despaired:0.027340237900575652	amount:0.026495555096598462	:0.2673346241429527
the:0.22363218055216025	and:0.1068684259173405	a:0.09075966869808279	of:0.08455047191331495	to:0.06534743144207686	be:0.03932794807808964	by:0.03462313989820285	his:0.034425562034755136	was:0.03149876707789041	:0.28896640438808663
to:0.5200819613696503	will:0.1376537081986112	would:0.08256361989370027	and:0.0687437458817464	not:0.03954386543846962	could:0.030678238429618223	can:0.029127450256531743	shall:0.025661574963172812	should:0.021856404012888245	:0.0440894315556112
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
be:0.15452707392434498	was:0.14251370468757613	and:0.09396546536178789	been:0.07298946156215158	is:0.061709673768347406	he:0.05846033297323181	were:0.044756265159139205	have:0.04330356338751688	had:0.034467683457408534	:0.29330677571849556
of:0.20119353723169006	and:0.18495719054569873	but:0.07244931250195387	know:0.06910321274696105	that:0.04467831515882281	But:0.0412493090138845	to:0.04072370536250456	for:0.03640012015979224	knew:0.03381146323855412	:0.27543383404013805
and:0.07544575300900914	was:0.05470985637572548	be:0.0493815803273086	is:0.04706755873168884	are:0.03728901888190523	that:0.02586535239089825	were:0.023114407641360996	been:0.022080154308102656	now:0.02134740508627967	:0.6436989132477211
of:0.15604752266964328	the:0.13175900715800473	their:0.11195388514662666	his:0.07221732003329855	these:0.06642618376083664	other:0.06170619231955673	our:0.05677241207862813	in:0.056748634122757734	its:0.047237849380548966	:0.23913099333009857
the:0.3457852736489116	and:0.1179833722693377	of:0.10523029952438533	The:0.044182116577852315	an:0.04149012999420505	their:0.04108500205147273	to:0.03873748035086974	a:0.03405400454380188	tho:0.03284449231949417	:0.19860782871966945
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.1204391280897824	of:0.0787950087198768	and:0.06829421033657919	a:0.05594168897080454	to:0.0543765805436684	be:0.03365192968818033	was:0.029523594719538162	in:0.022076662542816268	for:0.019272825864187503	:0.5176283705245665
to:0.34182017393011777	will:0.17665785572531406	we:0.09824293248709735	would:0.07953009822475653	I:0.07429615865505372	you:0.053768425074246694	can:0.0489214130989935	could:0.04676471552072386	not:0.037759153854158775	:0.04223907342953777
I:0.23800327301651153	he:0.19430624124952148	they:0.10740078169340778	and:0.0758949092114727	it:0.0709972415387823	she:0.05000083851900982	He:0.04776135196962143	we:0.046284163939811995	who:0.044716651513872226	:0.12463454734798873
and:0.08567250684614706	together:0.07177169396087933	it:0.02633661420155671	covered:0.02418860181698179	them:0.022980964469284607	connection:0.020466132696296505	filled:0.020168203027216502	him:0.019602976636008417	up:0.019040707896777993	:0.689771598448851
United:0.5274249706884672	the:0.17017420611822215	The:0.026979212205229485	Southern:0.018577964978488393	Uuited:0.016410130073129137	of:0.016255478840799736	that:0.01524817369817462	a:0.014020156595355285	this:0.013740750798474363	:0.18116895600365973
the:0.19764905539545308	a:0.16133392181807168	of:0.12634804545179185	and:0.06411821187181417	an:0.048481358880494325	to:0.04334947339270106	in:0.032977869079454096	The:0.029403172625074643	that:0.027052706164377636	:0.2692861853207675
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.6334802835662293	and:0.0650449229356148	The:0.05632206350561076	par:0.03967330635743704	tho:0.03379972849826238	of:0.032696835313226945	a:0.029326420400037877	in:0.02880943037030119	assessed:0.023108838793937436	:0.057738170259342234
of:0.27319833721757497	and:0.1528259013262375	in:0.10357744639289411	with:0.10292297656283969	for:0.08899184395586443	to:0.08454593126302352	that:0.04908182658551871	by:0.029310111400508078	or:0.02497369546012165	:0.09057192983541731
the:0.5126501204185312	and:0.10006151635293005	in:0.08249106282438248	of:0.06267184856076895	a:0.03566996136697902	tho:0.027968901605313092	heartfelt:0.023614565105788857	The:0.022903885274748195	In:0.020318522308465148	:0.11164961618209299
the:0.33541238211696683	of:0.24740277875859037	a:0.08677132377386816	The:0.050298514895081456	their:0.04557019911915739	other:0.03545007787378068	to:0.03274332588741711	this:0.03245631020350949	our:0.03077175825593679	:0.10312332911569169
the:0.4866513673937581	The:0.13768814675066685	a:0.07680867364873285	and:0.041449398787615395	his:0.03698869069709093	of:0.035771405128239814	tho:0.021339170735175564	A:0.01868994394812011	or:0.0142601971520732	:0.1303530057585272
of:0.2897688407126367	and:0.11466193704799812	in:0.10005822550009952	to:0.09131568416979434	with:0.08048854636006285	on:0.0700466718902221	that:0.06328831889980079	for:0.041388105309737674	by:0.03730844801457682	:0.1116752220950711
they:0.17585868880948174	we:0.08989742324414599	there:0.07299056346446509	who:0.06398227832984407	There:0.054437942944570904	They:0.05336254356064314	you:0.050927286597202893	and:0.04666698870910165	which:0.04390952724435605	:0.34796675709618846
and:0.08136132378120155	made:0.06432427221432319	owned:0.03371115903535484	provided:0.02554646384067024	or:0.021367897770438328	that:0.021340594466307598	occupied:0.020878417780160398	ed:0.020242162549214977	paid:0.018309413129524603	:0.6929182954328043
;:0.03604456735996787	nothing:0.03147469616119983	is:0.017881494470933852	it,:0.0161304138647046	and:0.014015415203260138	them,:0.01131058491618426	anything:0.010188131210646746	him,:0.009682176214463932	time,:0.009166165862343404	:0.8441063547362954
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
the:0.169123373026678	of:0.10497154947527229	and:0.07266431541621465	a:0.056309765160557294	to:0.053721079697297745	was:0.02861411457258916	be:0.02791642277896183	in:0.022676803489143832	is:0.022627446812614763	:0.44137512957067043
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
and:0.10247027652015542	him:0.06073237612402084	was:0.04123887990926764	man:0.035423878825065744	it:0.03409304083682875	up:0.024105643627210266	that:0.02394588451149575	found:0.021001378013868546	made:0.020634858937017025	:0.63635378269507
of:0.42734193474349086	to:0.11116847546962885	that:0.07879789842770225	in:0.0714979183705299	and:0.0696980965213832	for:0.056015565598516275	by:0.04643999121069545	on:0.026958107001356802	with:0.026893160982761455	:0.08518885167393496
a:0.39035018206409244	the:0.35147429733134494	A:0.05317008138733549	and:0.03442248570745642	The:0.02935658758047886	very:0.02200614118961965	was:0.020638558136626458	is:0.016384880764193362	his:0.015492825399407262	:0.06670396043944511
the:0.5814990704012741	a:0.11066218072670564	The:0.07106829313882118	tho:0.03343048530662144	this:0.017669039494163246	tbe:0.012866991882353582	and:0.010795986844319639	no:0.010608837720335707	any:0.008674628790962976	:0.14272448569444243
and:0.23318732012804172	as:0.10911241321918513	that:0.10742865633411798	but:0.029890623287772377	or,:0.02393904204384738	which:0.018438806956731946	or:0.014638296715274486	which,:0.01402690403315971	time:0.013487394112089768	:0.4358505431697795
<s>:0.03972067947973259	of:0.014449593600284694	as:0.012393852241450206	it.:0.011878732148515583	and:0.009896876119926278	firm;:0.009559195446275011	them.:0.009146111834866062	.:0.00815938506576879	at:0.007714077518833167	:0.8770814965443476
of:0.10408616689590952	the:0.0986900331698948	and:0.05701352615608303	to:0.04502836773706315	a:0.03780779334619606	at:0.02937070463197546	his:0.020239671670571915	in:0.019761494400663476	is:0.01758882123393634	:0.5704134207577063
is:0.2346872722712715	be:0.2221428923425245	was:0.12206457888085856	it:0.11245072986237252	not:0.05626007728099825	and:0.04962307599694453	as:0.042985897834675206	the:0.04254840851961973	are:0.041615881298646684	:0.07562118571208855
the:0.18989257512602126	of:0.09307169343867645	and:0.05267696401678144	a:0.046484442825686305	The:0.03416415527495314	this:0.02323246862831781	that:0.02252271798439548	<s>:0.016908360387470137	or:0.01655636557606283	:0.5044902567416352
that:0.30246902938335324	which:0.10704091316787251	if:0.08469709230156716	as:0.07844477058325534	and:0.07460880669444017	when:0.06247567718397861	where:0.052738740885928975	but:0.04462112473008598	whom:0.04135188655360903	:0.151551958515909
and:0.08296040376566996	able:0.06504171041020183	order:0.0621408185377654	him:0.053813073784472795	is:0.052874348919057894	was:0.05026577439717304	time:0.04985952724781956	had:0.047685864843216075	as:0.047027809783576416	:0.48833066831104704
the:0.2309842086322524	a:0.1380605586086643	to:0.1159605229757553	of:0.11221300565364217	and:0.060518901012201684	for:0.03920332782193316	with:0.03492610089806827	by:0.024750496904926454	The:0.02027072664607762	:0.2231121508464786
matters:0.10297308313945079	and:0.07573848437038183	are:0.07015815658018165	is:0.046495077296455814	was:0.03525401716985678	not:0.02848448718869861	were:0.0230765723002871	be:0.022828458505700932	now:0.021307209449441998	:0.5736844539995445
and:0.24857736465932326	so:0.09842577967620286	as:0.06304183184373369	to:0.04498745665741659	but:0.04117021693051691	fact:0.04061263647062097	say:0.03720080670417542	is:0.03668448462729886	said:0.035483550679231736	:0.35381587175147966
the:0.152286976712241	of:0.07752863734461875	to:0.0705019454985685	and:0.06709651752293638	in:0.0296228648381102	that:0.025076930540120973	as:0.021476519631899203	on:0.02137563289764577	by:0.01932572196010865	:0.5157082530537506
the:0.2996073488498976	a:0.14050180438515728	and:0.07129490680036334	of:0.06668025864036357	to:0.03971168695320706	in:0.028030481045004885	tho:0.019038706917935543	The:0.018082622958568835	his:0.017866414691373088	:0.29918576875812886
the:0.19670387957172328	of:0.12034700726956073	a:0.08438228089640598	to:0.07002755359439007	and:0.06281574081115311	be:0.0453128674171294	in:0.03379866218947241	is:0.03220276533394172	not:0.029189418599409524	:0.3252198243168138
and:0.10804239473381184	that:0.06877271568896832	time:0.044968333372193595	made:0.03839260238470974	them:0.025974954275041165	him:0.0228533654232229	but:0.021272463154043103	or:0.020568535355851812	up:0.019585160695241126	:0.6295694749169164
and:0.06651253050089757	is:0.05092072767875055	was:0.03956718262105778	be:0.029769209208406443	with:0.02548334835325816	are:0.024351847838721588	of:0.02154665347752833	as:0.021529620573083188	by:0.020864955692212465	:0.6994539240560839
to:0.17662894003854543	the:0.13501350167895798	in:0.09453745635443221	and:0.08301325636287202	of:0.06368020155270711	an:0.052934043545994895	a:0.05146049663287039	by:0.04843552898200054	or:0.03565351350233546	:0.258643061349284
and:0.23886647779380607	that:0.08316104919738272	but:0.08181601609208637	time:0.04402520637974863	But:0.033212668718497027	And:0.023637469379113405	me:0.021739431298813228	ago,:0.01809314200245958	even:0.016002524667081804	:0.43944601447101117
the:0.1191610189336908	and:0.10924652985824822	to:0.09846143404117211	of:0.06796485390662609	a:0.04238182075755894	in:0.033512421400044665	will:0.02167910309907727	I:0.02147082452855168	he:0.0188867320525541	:0.4672352614224761
the:0.14651767028650897	and:0.10280181339946678	of:0.07164139889404732	to:0.06710968865667367	in:0.043620235518656805	was:0.04085328919635116	a:0.03773596883616436	be:0.034467327867332885	is:0.024743356400790086	:0.43050925094400794
his:0.1256420421227933	the:0.12090140879783341	of:0.11809710445969872	this:0.07336788926519303	other:0.07311140528424967	their:0.05793492295165836	her:0.054454882292827626	public:0.047266266778805265	or:0.04375267746485081	:0.28547140058208975
and:0.16858297107862735	annum,:0.15609016769596568	on:0.04340659494320944	of:0.030432966485033467	day:0.015821892466454136	or:0.01176481996217955	that:0.010569990384970406	sale,:0.009978157803635595	2:0.009755587607988309	:0.543596851571936
J:0.18507524730351668	W:0.13426069515930464	A:0.09306394391175586	C:0.09259749154897204	M:0.08300903683332136	S:0.08213475212915194	E:0.07280478253048128	F:0.05829862404932435	H:0.05595523383562103	:0.1428001926985508
of:0.12702700335088576	is:0.11202874085940011	as:0.10361077850925991	in:0.10265598107062275	with:0.08785726203196974	and:0.07583255107485724	for:0.07339696110572176	to:0.06925855758839941	was:0.061972163027553005	:0.18636000138133027
came:0.09657454656528655	went:0.0905999688167478	sat:0.08059857927015388	go:0.074438218344668	come:0.06864339298139073	laid:0.06748577091965297	sit:0.05991730131930092	it:0.04544754164417503	broken:0.043878634086571	:0.37241604605205314
of:0.30645489252959973	for:0.1412014871354123	to:0.14025531134895905	at:0.13083238880503412	and:0.06343889818519817	in:0.05483455836792066	that:0.0329132288323891	from:0.02969306012651422	during:0.02868666724283003	:0.07168950742614263
the:0.11779962059490376	of:0.08596740294820827	and:0.07568776954042707	a:0.05077869504587158	to:0.04502980800732101	be:0.03528964289240952	in:0.03435426147766118	was:0.032825852443482004	is:0.018753788213466776	:0.5035131588362488
they:0.16111188785265268	there:0.06626249220905589	and:0.06077457897578308	who:0.05732257284091478	we:0.045083092791755895	which:0.044647664622390684	They:0.03565243903755429	There:0.03090159854777091	that:0.02999419587928608	:0.4682494772428357
it:0.20009487951772253	It:0.13662155496952133	which:0.08462308071345959	he:0.06064788539794049	and:0.060267531284352416	that:0.054917481084689725	there:0.04408361668581946	who:0.0320962710870034	what:0.026203611617225644	:0.3004440876422654
the:0.2262333139863608	of:0.2022855747128473	in:0.19254456087455615	to:0.06838045740105994	In:0.048869037803194494	from:0.04623730807689922	and:0.03511495145655637	The:0.034367140360129854	for:0.03150869224562173	:0.11445896308277415
of:0.27489800113590557	and:0.1528524312948182	in:0.13077807509304412	to:0.08824812852502847	with:0.0831384920814521	on:0.051748998112509895	that:0.05032829572725688	from:0.032024381131143545	by:0.029669212116732867	:0.10631398478210836
of:0.15514547842150966	and:0.15312254476184797	the:0.13257551478379226	as:0.09943335516658709	a:0.09088620056605186	such:0.03780182865105758	his:0.035012164413387184	to:0.03394126419129008	their:0.03270517743051608	:0.22937647161396021
to:0.37932314178282656	and:0.0936240165650646	not:0.05464416458981337	that:0.037750213985148176	shall:0.029895276538603226	which:0.02713873669512426	may:0.022102392640755135	of:0.02181385667775467	the:0.01695491709306895	:0.31675328343184106
the:0.5369233393168885	of:0.1492018613597985	in:0.11847241541232555	and:0.04249815849087522	for:0.024488592543832437	to:0.02376882748194207	In:0.018676607427201654	tho:0.015066279776698657	our:0.014117796356417406	:0.056786121834019966
of:0.16372825034277763	the:0.13028121582142124	and:0.0715600256626397	to:0.05093924923303585	in:0.0190402385700616	by:0.018168910032364198	said:0.017197370765019836	Mrs.:0.016780588758322224	with:0.016258806223548403	:0.4960453445908093
the:0.31770861471339773	a:0.22534081708442183	and:0.0864700192627491	of:0.06127515255423523	The:0.056641975079616706	other:0.043869930079744775	his:0.03898879712063861	all:0.025661233658466506	this:0.019555015744843734	:0.12448844470188576
be:0.5011263614331222	is:0.10557864331479128	was:0.07749254682980522	been:0.06731477573773842	are:0.05062698057456445	not:0.04561211487675433	and:0.04239019836938674	being:0.03475301410059826	as:0.029712875671972675	:0.04539248909126642
and:0.11516457218399846	was:0.03918344234541323	look:0.02925250216962155	is:0.028762525333730613	that:0.026959109991984923	one:0.025415527363092893	be:0.025229118619044328	it:0.025182162385704865	sold:0.022796177325622353	:0.6620548622817868
to:0.7093472373737639	and:0.0515827350707672	will:0.04893369912760658	can:0.030870846373696675	not:0.029386872000313653	would:0.027027608989038943	who:0.026604591560215277	could:0.02338659806843321	we:0.021106003132129764	:0.03175380830403476
the:0.13562130323904178	of:0.11634746052443862	and:0.10104959493820968	to:0.08570952003660538	be:0.024759526431152017	as:0.020990254498623403	a:0.019672519706896555	is:0.018015511620110357	in:0.0174744724249894	:0.4603598365799328
in:0.3478616294273497	of:0.1961068326916687	In:0.09443612464699574	for:0.08003659832311981	by:0.05398129371226562	and:0.04694820179192301	that:0.042220088559515624	to:0.035031036124614987	with:0.0251454322018121	:0.0782327625207347
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
was:0.22870401603149423	be:0.19683757385439327	is:0.12405107168876114	been:0.0683158767435101	have:0.06222378703417897	were:0.06145547487695398	and:0.05835258233895884	had:0.05171272675175186	well:0.05056910977657401	:0.0977777809034236
the:0.38231625035688027	of:0.08368269005144421	and:0.07169492189319066	a:0.06758547764215986	The:0.043988040401829576	tho:0.027168446066753685	to:0.0215632458487469	his:0.01854866696387075	their:0.0153499330954182	:0.26810232767970593
it:0.13796128875087904	which:0.12123151758558284	It:0.1190182297647619	that:0.07907127608922525	who:0.07084173501939091	he:0.07065862855136053	there:0.05551808419416357	and:0.034746175819115654	There:0.029925963619018833	:0.2810271006065015
of:0.2800439972339822	the:0.1985890272627241	a:0.09662456314146843	for:0.04815411615747217	to:0.044696765686139284	with:0.0411477679268453	in:0.03958726284609352	and:0.03333580966051067	his:0.025539057512194548	:0.19228163257256978
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.18197143129241838	fact:0.08854581418456811	of:0.05610606610969851	said:0.04935313764440058	say:0.04461819925615844	so:0.042469769742858036	in:0.038242106691455766	one:0.0348954770286454	believe:0.033200836379296834	:0.43059716167049994
of:0.21900960177820047	On:0.09849290181983679	and:0.09828358503259038	in:0.0906388480610357	before:0.06368849309329043	after:0.05790820788657952	by:0.05674262628345461	for:0.052997879810585666	on:0.0393458578847635	:0.22289199834966292
of:0.26666507481243157	the:0.14542322101957114	for:0.14477809523023294	in:0.1274560193610294	and:0.041419789829690384	In:0.028648912206369125	their:0.024485038933976938	from:0.02417821644773015	a:0.02228716071169917	:0.17465847144726915
of:0.18715233780746704	in:0.1229440731519667	and:0.11348457542408384	with:0.0912918349565344	is:0.0902667693585262	was:0.0721366047186828	by:0.06976855915478507	for:0.06844874165568778	to:0.05278650092688583	:0.13172000284538035
he:0.23416022767375097	I:0.12168995912702303	who:0.09430753432976677	they:0.07185034054773307	have:0.07016517257619859	and:0.06689966058492322	she:0.05557617226654391	He:0.04690238716936863	we:0.03739581895166398	:0.20105272677302782
more:0.4331373593419225	less:0.1337255587258845	better:0.04922380158354721	greater:0.0481720488292496	rather:0.04428656253812779	other:0.02893350942572333	worse:0.021846382649905068	larger:0.018922177580755983	More:0.017166677440552766	:0.20458592188433128
that:0.16636167561508586	and:0.1574373569770154	as:0.08406814686767315	but:0.0805232865984024	which:0.06480862220158295	when:0.04534680566696233	if:0.039818015290173966	what:0.0356364750729428	the:0.024373157368015073	:0.3016264583421461
and:0.22798934750922234	of:0.15423949167828457	the:0.1050052962048314	to:0.09202800029838148	all:0.06921211156144275	their:0.05463643143633009	for:0.04812974582135867	in:0.03444205924260304	his:0.027318199059045447	:0.18699931718850019
of:0.26123285619447284	to:0.11310721016847632	in:0.1039909538957225	with:0.07455011065855971	on:0.054074785230624686	and:0.04825484186870484	for:0.04614046881623299	by:0.04250258410398604	from:0.037844811989733496	:0.2183013770734866
of:0.3210890700072419	with:0.10420933760185679	by:0.10051793024942851	in:0.09478803513262288	and:0.06864276926788124	for:0.05600522767977487	is:0.04556065613859813	as:0.043583787945736745	to:0.04328198621830031	:0.12232119975855862
time:0.3709786119752285	and:0.07269297126329154	as:0.06550900693585349	him:0.034066374008314776	is:0.02830631181744077	them:0.026933779533324487	required:0.025825362394706453	subject:0.021297871749816552	order:0.02060853624895907	:0.33378117407306435
the:0.22254734123927494	Wall:0.0812281363820778	Main:0.03725612901108674	said:0.023856136281940204	a:0.02350231703312553	Sixth:0.021868140339969963	Third:0.020558757388020626	Seventh:0.019711749807169675	Fifth:0.01882067315761812	:0.5306506193597164
that:0.3670068151325419	which:0.10774572590954137	if:0.09266655174357903	as:0.07009329607632919	when:0.057352312768798284	and:0.05456727214383992	where:0.04712221200636754	what:0.03609598234113222	whom:0.034116320657092615	:0.13323351122077792
he:0.1605469449555572	and:0.10860506363470422	it:0.08402299152193697	who:0.07051887107735402	He:0.06930673698171463	It:0.06655580372654273	which:0.05317865514501089	that:0.038377916401948965	she:0.02635491076137967	:0.32253210579385067
the:0.6974158373159705	and:0.06598134698603277	of:0.03620294514616777	a:0.035076909084359446	The:0.03467214600479473	tho:0.029941835303918474	in:0.021778071373299575	tbe:0.009412587344943397	by:0.008202268257954858	:0.06131605318255848
of:0.28816181604556595	in:0.23094396764369854	with:0.07917371804642571	and:0.06051618394182306	In:0.05431073832051126	to:0.05111989936486756	that:0.04263157937590769	for:0.04254629723751704	by:0.03192445629094268	:0.11867134373274053
be:0.2481588877541427	and:0.1598465820367531	was:0.1476987742688981	been:0.12156217091435131	is:0.07835407871541478	are:0.06684296064848033	were:0.06108430775396325	being:0.024360310113266954	so:0.023140322981128288	:0.0689516048136012
and:0.09377129454296322	was:0.04271315341537484	out:0.028524574363226172	that:0.02811573968936019	placed:0.027131868575018914	work:0.02578173844450971	made:0.024681420068921236	is:0.024021050156212566	up:0.023509378606325886	:0.6817497821380872
in:0.3822771063298983	the:0.18631626582241487	In:0.10274714395675255	a:0.09240657434283632	take:0.07837367901174151	took:0.036691486630496185	and:0.022647816674350053	or:0.021413470599818244	have:0.020355840208249112	:0.05677061642344283
the:0.22376675678896588	and:0.11894565519471034	to:0.10285864248691212	a:0.08975179393917965	of:0.08399001975735913	be:0.0509749888196219	his:0.037793003813015216	was:0.03609926906814657	The:0.033179033099978154	:0.22264083703211104
the:0.1871099340232	of:0.12245543700285207	and:0.07762176437313606	to:0.04253638977060842	a:0.03637502332286802	in:0.03477705925366759	be:0.028736976957407137	for:0.02632785249720901	his:0.024485127582388622	:0.4195744352166631
a:0.5845661889768107	the:0.12541943097190672	most:0.07051817998921853	very:0.0517783736574209	this:0.029498929961096494	an:0.027507214189842692	any:0.022982721687754358	and:0.019611704883693615	of:0.018282421887329616	:0.04983483379492641
to:0.2004174707115007	I:0.16643054652287076	we:0.08633278931668625	would:0.07997943067296187	they:0.07222982177002195	and:0.06758171645575306	who:0.057365082903058494	will:0.050970669739757155	you:0.04861078555911063	:0.17008168634827914
the:0.10549386359572963	a:0.09037218680650554	Yours:0.08173116757693513	and:0.07086794504590652	was:0.0602222252978091	are:0.05394416753123262	be:0.04694786941080695	or:0.0461539443962748	were:0.03572396853172463	:0.4085426618070751
of:0.22891221099099177	in:0.19156041782121064	and:0.11493558816671044	to:0.09992363840123986	at:0.0671455538857801	on:0.05883988683124826	with:0.044363327213865246	from:0.036126691537400515	all:0.034356429551480154	:0.12383625560007301
the:0.19520039032071484	of:0.09308633256598493	and:0.07903579688248967	a:0.07155814144624263	to:0.04930243656660306	an:0.048796400895182265	as:0.02892310951606189	in:0.027005017083452945	that:0.021871136842408576	:0.38522123788085916
the:0.17972045842565038	his:0.12889217366390887	a:0.11591983770508331	and:0.10037775403229124	is:0.07230697831118921	was:0.048076929019509496	their:0.04436330214334429	are:0.040154331339912364	her:0.039835344296654654	:0.2303528910624562
has:0.3603755123393422	have:0.2876957588299479	had:0.17247319997020472	having:0.04772731596789519	not:0.032830373459192916	bad:0.01528785156945385	ever:0.013425382071959958	lias:0.013153230579464353	already:0.010115673559653567	:0.04691570165288539
the:0.10208152635957632	and:0.09111834455869397	of:0.08354703707664382	a:0.07426003185839787	to:0.04257418208304751	be:0.027870982215019345	was:0.026521415916543712	for:0.022890538262711948	is:0.02175345100615176	:0.5073824906632137
those:0.15487589327537146	men:0.09951861693857385	man:0.09200934741034335	and:0.08400085749712183	one:0.0497765969317141	person:0.030358520119822978	people:0.029203813143980576	all:0.025435540883345962	persons:0.022680640538550154	:0.41214017326117575
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
of:0.15385570262103496	the:0.12737601722222658	a:0.10232913905819735	in:0.09030679674753199	to:0.06372187710374885	at:0.06144981532323761	and:0.042070773008767146	by:0.033454510792538646	with:0.027737529259258653	:0.29769783886345824
the:0.4306028872594057	an:0.14696414220102938	his:0.07937732250643519	of:0.058339741504820256	their:0.050935489155891536	The:0.04904481803186906	her:0.04788518754182342	my:0.04257078852815676	years:0.04076082843471882	:0.05351879483584983
of:0.09924636802463128	the:0.09190321226143573	and:0.07873357061964639	to:0.05403607539554666	be:0.04740400120181518	in:0.03165088556212201	or:0.028533597054211397	for:0.024261752734536787	re-:0.023287272260284375	:0.5209432648857701
the:0.6747585203437553	The:0.05315496668463487	of:0.03792938620512999	and:0.03528678463485609	tho:0.034328935140311156	a:0.028551325262661412	all:0.01939403642615256	tbe:0.014795523422862177	other:0.009222930898480489	:0.09257759098115598
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.1349478912068825	of:0.10831180615860528	to:0.08553975988455542	and:0.07770457341896858	be:0.0399659975530991	in:0.03882986640054204	or:0.02237585939629213	was:0.021893552276970416	is:0.020816498827982397	:0.44961419487610216
the:0.161571823160705	of:0.09066395789307255	and:0.08811651892316719	to:0.04899478563575888	a:0.04339234346550187	in:0.02742755197900953	be:0.01966761960337111	his:0.018152941337592668	or:0.01745461527325544	:0.4845578427285657
the:0.2391188707080629	of:0.10930519684049655	and:0.07694871704202312	in:0.07027069153336611	a:0.051672116023204415	to:0.03523589990361771	or:0.029489746268560248	on:0.02658884526374911	at:0.025087335999174825	:0.336282580417745
to:0.11272467325873015	the:0.09570920935957357	of:0.08084508540075111	and:0.07746796351453314	a:0.03161606912023797	in:0.024763881588432984	at:0.024446783401682257	for:0.018599489625864805	is:0.01726400145434898	:0.516562843275845
her.:0.05424983333637127	it.:0.027295680091526022	<s>:0.025898778736920716	him.:0.01967515905443421	them.:0.01643810625232391	life.:0.009032452275134396	home.:0.007974714873746593	time.:0.007403573235353137	day.:0.005780350374959893	:0.8262513517692298
of:0.2885260568389951	to:0.13271304165314468	and:0.0981065180412524	that:0.09799076634252112	in:0.07983521649835043	by:0.06101093954476158	on:0.05227564772277724	with:0.04260734523757095	from:0.0347393249652733	:0.11219514315535316
the:0.19670387957172328	of:0.12034700726956073	a:0.08438228089640598	to:0.07002755359439007	and:0.06281574081115311	be:0.0453128674171294	in:0.03379866218947241	is:0.03220276533394172	not:0.029189418599409524	:0.3252198243168138
with-:0.18106662119221573	get:0.08665136290640667	find:0.07021225384949778	carry:0.06502941270226409	make:0.0613897039933163	and:0.058691293578461146	put:0.046850432992309954	made:0.04467084934428502	sent:0.044028220484854906	:0.34140984895638843
the:0.5162717436436955	of:0.14347807801463988	a:0.060285497992745345	The:0.056817208870909734	said:0.04069801577718368	and:0.0315497080748249	tho:0.031009614263872148	for:0.029374859924981022	our:0.022721379403793436	:0.06779389403335427
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
it:0.20009487951772253	It:0.13662155496952133	which:0.08462308071345959	he:0.06064788539794049	and:0.060267531284352416	that:0.054917481084689725	there:0.04408361668581946	who:0.0320962710870034	what:0.026203611617225644	:0.3004440876422654
number:0.14784840904441196	out:0.06475578950299436	sort:0.03944203347067664	means:0.03610311862360626	kind:0.033852134091305414	line:0.032335773829763985	point:0.031367287594338475	one:0.02918233026153435	amount:0.02706109704589576	:0.5580520265354728
for:0.3166437532086942	of:0.13889570877664983	in:0.10017185611637469	within:0.05777134041709586	and:0.05628501014384267	as:0.04715426013866488	about:0.043950961090060324	cents:0.04259849760126404	twice:0.04077079464240267	:0.15575781786495083
and:0.1082798509610735	be:0.09484653891020561	was:0.07302725610406567	is:0.06753124639415749	of:0.05025084178270251	been:0.04112157593505163	to:0.03881676068613716	in:0.03731550123451758	are:0.036834223910146985	:0.4519762040819419
is:0.15898009032382587	was:0.13404422751649142	for:0.10485778089468267	of:0.09944360081935835	with:0.09001742016360631	to:0.07699466686647383	and:0.06812676905806331	in:0.05908028952114294	be:0.044053002365703815	:0.16440215247065146
the:0.05403779343649114	of:0.04636753326284827	and:0.042072674862674325	in:0.040706044642922316	is:0.030068938295294317	was:0.028227622796700255	a:0.02772064579894248	with:0.025967531286702684	on:0.024254415243765304	:0.6805768003736589
and:0.14201773215992794	of:0.11343507460959126	as:0.08953830886314076	that:0.06499562043269999	to:0.062263432405448745	with:0.061333186303998345	for:0.05812105324930065	but:0.052046423658039534	make:0.044065254776798284	:0.31218391354105446
and:0.2784610552991511	or:0.07804924205820526	in:0.04227935649200544	to:0.03424081665011616	but:0.032809500220043544	of:0.030847408921447394	that:0.029733897192250405	it:0.02666192768827416	for:0.026615319145693744	:0.42030147633281284
to:0.7235493015989802	will:0.0627022874483547	not:0.029213211822851786	I:0.027072854116368533	can:0.026493467712588967	they:0.02584559313763056	and:0.024072864427815432	we:0.023041187244044865	could:0.02283141781384314	:0.03517781467752178
is:0.06959264159537312	him:0.06498737495189942	order:0.060917276384196486	and:0.05540226120815385	able:0.053437484207989994	proceed:0.050547341022632544	enough:0.04767149931520528	was:0.04690998257322711	had:0.04402658716755329	:0.5065075515737689
the:0.14385239390920435	and:0.07773560088017208	of:0.04159153971679536	that:0.029451923091426795	to:0.029009014840492366	a:0.026320075029341947	in:0.01839654003847523	The:0.017045976469123314	at:0.01579408516530727	:0.6008028508596613
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
well:0.12027319865909401	is:0.06149715034291938	and:0.05969540246895553	just:0.05409654419834486	such:0.04378749418074816	far:0.03847692467512818	soon:0.03736726950021608	was:0.036287680852715075	it:0.03262126196987446	:0.5158970731520043
he:0.05296124556808537	I:0.0489795260915468	and:0.038167068090556186	it:0.026531500409867285	who:0.024556490561916625	they:0.018703857509960977	which:0.01863517296772592	as:0.017701368368137935	that:0.01642295202086792	:0.737340818411335
of:0.40099951282693924	to:0.11371949741367572	in:0.10582714155989019	that:0.06380679842181673	and:0.05877718090238096	all:0.049273051626691364	by:0.04593951240954148	on:0.044585477631196774	from:0.038120207563132405	:0.07895161964473513
the:0.667768467360047	The:0.08014056602644129	and:0.039080632815462424	very:0.03567276453027443	his:0.03405435223912427	tho:0.029184469043493182	their:0.02505156364172197	our:0.019729157550022032	its:0.017100831749442623	:0.052217195043970786
and:0.1888866132624824	that:0.15580917141532885	is:0.05989125444923053	was:0.05215354126149581	not:0.0504697055096631	to:0.04929724429702711	but:0.04660043089846125	or:0.044700398350614186	have:0.042246216368072534	:0.3099454241876242
and:0.08448376243610374	that:0.03989906555625288	was:0.03307127630944282	it:0.02977133658748878	are:0.026632242716846867	is:0.02635546735274214	them:0.02019726759797147	be:0.019637337823081594	made:0.017574896740117574	:0.7023773468799521
he:0.2220398824048451	I:0.15889894429644227	they:0.0861115161387244	and:0.08012154545464832	He:0.07316288371293662	it:0.058843953030868985	she:0.04877253808881746	who:0.03649333987550594	we:0.034875342824543014	:0.20068005417266785
will:0.1439166058183249	and:0.12540295372812552	I:0.10621764973035848	not:0.09154023577416252	a:0.08897063497301712	shall:0.08228277538454237	was:0.057354091319464055	the:0.04771831380482252	have:0.045783240889348244	:0.21081349857783427
has:0.08244656746319699	and:0.07244938166999627	the:0.06090744620994753	had:0.05812601198416831	have:0.052115630905670556	of:0.04037476529245228	which:0.027355518936260117	to:0.026197114690669238	it:0.02588436778653798	:0.5541431950611008
the:0.20264852356283447	our:0.12415312256138271	and:0.10990063473329056	of:0.10524091526169066	many:0.08516410768240472	their:0.050416747819204015	his:0.044692998277523446	in:0.03893873435183673	fellow:0.03642048972221783	:0.20242372602761485
of:0.5608638650338464	in:0.1436037351035127	to:0.07397395683134225	by:0.059420488173657963	In:0.03107519355952082	from:0.026187310187564802	that:0.025855536357740544	for:0.02253438075468413	and:0.02175344189815464	:0.03473209209997565
the:0.09186014767703429	and:0.08245473620279689	of:0.07160356130092341	it:0.04251426207131506	that:0.039569903809529225	will:0.03323173444735818	to:0.03227385516707948	a:0.03196097571911456	as:0.029999315682658123	:0.5445315079221907
the:0.19043720073253537	of:0.12238528592586227	and:0.07416611798403386	to:0.04958516974313754	a:0.04873435461451257	Mr.:0.028623693294297908	his:0.022843250392474895	be:0.022678225128980826	was:0.022585034329331805	:0.41796166785483296
and:0.0786910305397628	him:0.054767931439843355	asked:0.03890154439494936	but:0.026333450091075534	was:0.020211633674889203	it:0.020170432597392523	them:0.019684255104988006	her:0.01856465475339824	time:0.015755254245538003	:0.706919813158163
<s>:0.07782298528973378	it.:0.02535426572782183	them.:0.017598930362222587	time.:0.013436494595624605	country.:0.011153516651180789	him.:0.010243850049296422	year.:0.009076219278982736	life.:0.008337087020415726	people.:0.008129157312854162	:0.8188474937118674
and:0.10008904567341712	as:0.07991176142185644	went:0.053367895350936785	go:0.04707634836089092	them:0.04329636026843722	according:0.03732455787228451	way:0.03314758488498652	up:0.03147002362350446	is:0.028732274579921023	:0.545584147963765
thence:0.12271795845310045	of:0.06896649108784113	U.:0.045087748524731214	.:0.0414585843040708	and:0.03658033398375447	S.:0.031544318406217	to:0.025621141735039106	by:0.020064327456231948	W.:0.018129984976321754	:0.5898291110726921
the:0.458123366675429	a:0.09785636658613019	of:0.08141113715144861	in:0.07753882611976565	his:0.056896084346103236	their:0.0527314338555131	no:0.047302883643109604	for:0.038324630672305876	to:0.03811739901200379	:0.05169787193819091
and:0.17585063722392302	fact:0.10400902578517979	said:0.06844377842999533	so:0.06232472237382234	believe:0.04519952307692614	is:0.039634011181226815	say:0.03675663629906361	know:0.036060715732595706	found:0.03095250753294034	:0.4007684423643269
the:0.26780848296748383	and:0.12645843617912633	his:0.10741503569590831	a:0.103547804189585	their:0.04468067514171377	that:0.039769785655464907	her:0.03792611484229875	to:0.03574671907815317	little:0.028048814363771928	:0.20859813188649404
in:0.41478730615800935	a:0.0973158792626458	of:0.0903053276982761	In:0.07876363480579714	their:0.06444817887810196	the:0.05908283958793828	his:0.0585689593610318	and:0.04038680764125709	its:0.032043002018565504	:0.064298064588377
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
be:0.3791480108447081	not:0.14217785744490083	have:0.11916584833772097	been:0.0834828421439511	was:0.06307445863884428	had:0.04974939306875576	ever:0.042122191819947426	has:0.04138010425500542	is:0.03512813813894515	never:0.03457115530722092	:0.01
of:0.2995711854938208	to:0.12307506020154296	or:0.09932551795311642	in:0.08953304800352414	for:0.0738327976898992	than:0.0708662328047344	by:0.06406015958741546	without:0.05021657506930302	that:0.048582882109802286	:0.08093654108684133
in:0.011386102152780334	due:0.011134855640692288	it:0.011071133800615602	time:0.010811994586304033	men:0.009791283767666789	long:0.008395293195191294	up:0.008251278664984894	good:0.00801189032931399	him:0.0078015695444805825	:0.9133445983179702
out:0.10328501627836228	right:0.05788372597200447	number:0.05773528073437993	one:0.04712208480043212	matter:0.04605587401913919	amount:0.04454932912458139	state:0.030927330123461383	means:0.02468864107497737	line:0.024007212561040662	:0.5637455053116212
the:0.3009927999865318	a:0.1491296972450429	of:0.10434720997172596	and:0.09664736926121842	with:0.0728007256203491	very:0.05679942477143872	The:0.046312142191954196	to:0.04033035845762905	as:0.03749034175310802	:0.09514993074100186
and:0.06836615806839769	closing:0.050893343497395126	was:0.030410464365082754	valued:0.024267484682224193	held:0.022214654137899494	sold:0.021055232583252027	2:0.020543621014705526	is:0.020278384145430397	arrived:0.019208907943256866	:0.722761749562356
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
to:0.3831723462381598	will:0.15637981367134207	may:0.09459113062797986	not:0.0668177054403725	should:0.0656223642710488	would:0.06334092511382979	shall:0.04466240979900151	can:0.04316634468226047	must:0.04106046233638025	:0.04118649781962496
and:0.18177935899265557	the:0.1381114298999728	of:0.10679293366374674	a:0.05020360759702363	to:0.03479688715197758	with:0.023718691322940064	for:0.020148123065699186	or:0.01820148908263994	at:0.016280021939526802	:0.40996745728381767
the:0.15810719041826277	of:0.11538162605991592	and:0.08590614475192779	to:0.03653028467702717	that:0.03458867073426142	The:0.03264049351240182	in:0.031434889789269324	which:0.021104406239568142	or:0.01768398068680682	:0.46662231313055885
one:0.202466440743522	many:0.1422368671586148	some:0.1403225183757371	most:0.0633570554855526	all:0.06331864740332947	Many:0.053014286621472756	Some:0.050016315216999306	none:0.04756720741815084	any:0.03897113692309168	:0.19872952465352947
the:0.44450789224752485	this:0.0921386206224764	said:0.08797078963638415	a:0.06397106326031923	of:0.05416895140810505	district:0.053802257408938896	supreme:0.052053402601472856	circuit:0.026905926846440456	in:0.02511454099450518	:0.09936655497383293
the:0.16205728164950323	of:0.09864236023250202	and:0.06778270560732302	to:0.04393382817649655	be:0.027578572993959022	or:0.020537122496157266	for:0.019655893774412018	as:0.017125167122086664	in:0.016922080703677036	:0.5257649872438832
a:0.41856289262247387	the:0.27113811584359176	large:0.12635085054069922	A:0.04594086297011524	The:0.04175548918575393	great:0.017008438314189897	total:0.013415267234016297	and:0.01067435991872196	tho:0.009477507450615605	:0.04567621591982222
of:0.36735608387172186	to:0.13158919014980697	for:0.098752005116398	with:0.09148825693273915	make:0.049714620320677305	by:0.03943720637944411	give:0.039044230582809106	in:0.038317165320423986	keep:0.03622539704341249	:0.10807584428256702
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
the:0.204565316980878	of:0.1507244463491107	and:0.04932423012390796	in:0.046680586399438166	to:0.03643198943964169	on:0.03529966281221472	at:0.03127588483460642	a:0.02895671898940344	said:0.01817406624657656	:0.39856709782422234
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
of:0.40823414407247466	and:0.09401004286161588	to:0.08151046612998764	about:0.05487209598715683	in:0.05355221975031368	from:0.04110602155676201	with:0.03367743169537463	for:0.03199748486244407	at:0.03165560321750773	:0.16938448986636287
the:0.25734031892258186	of:0.09020025439623483	and:0.06235618858661057	that:0.05274466151546219	The:0.04433422530714993	a:0.03668438834521419	Mr.:0.03520820651417283	or:0.02339822625282543	no:0.02014344672284482	:0.3775900834369033
of:0.21030354194379108	and:0.1410775833298136	in:0.10403343649825787	with:0.08459492879502785	to:0.08236173980853444	for:0.062334351357193854	that:0.05431989460073243	by:0.04487330906084482	at:0.04112867941551489	:0.17497253519028919
and:0.1878737688920891	he:0.12417767390798218	has:0.10907246095407395	I:0.07694281718520278	have:0.07377243177364115	had:0.06848758742300488	He:0.05582065423511679	be:0.05413666084728329	who:0.05024453420100329	:0.1994714105806026
matter:0.16945728251645703	and:0.14226778810606125	know:0.1325535874574668	see:0.1249723165718787	of:0.03380447617340876	to:0.03240742622643467	or:0.028457373621508714	show:0.026283189739068742	but:0.025510205830450473	:0.28428635375726485
the:0.15853939983726417	and:0.15441886085613293	of:0.12559721240271782	a:0.11259820114299936	with:0.06234090614279632	is:0.051512011795608895	are:0.045244703968278205	was:0.03927554779019088	The:0.035979049501798546	:0.21449410656221285
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
a:0.40512622501031115	the:0.287818236663904	this:0.12182327238312589	very:0.043451702582202406	The:0.039103685393800644	A:0.023304394664835252	of:0.021701306024435364	and:0.020879736708778195	tho:0.016801096643920956	:0.019990343924686172
this:0.2266450186770802	a:0.16486589637090063	the:0.14458887833395406	every:0.0704981588531776	other:0.04555135970451746	that:0.03538475367276931	one:0.028083094506090676	of:0.0277729771846677	each:0.024216334659587398	:0.23239352803725496
not:0.30164367536532516	can:0.17392568150782703	could:0.1289991557557847	will:0.06770137364856836	would:0.06650940414838852	the:0.04419643203422514	and:0.036862715402152024	Not:0.025335369608658544	that:0.019665830209920535	:0.13516036231914996
south:0.19083095002183875	east:0.1558035567890143	north:0.1406357210388998	the:0.13582360405403532	west:0.11344289351979506	one:0.08677411772759154	each:0.0441551271318576	either:0.03848482466398629	other:0.022640965879275127	:0.07140823917370623
be:0.3439906521436779	been:0.10803403712619547	was:0.07464228392964124	are:0.05689810838707575	and:0.05089028747410619	were:0.046156949825267475	have:0.045880092079299405	is:0.045823976399771274	just:0.029611782740413727	:0.19807182989455155
the:0.2332657627310363	and:0.0855900426374399	The:0.07097877508277312	that:0.05290900125622122	of:0.046388528895216	These:0.03922795527486447	in:0.027807773648905073	New:0.025451990859458092	these:0.02139952417313613	:0.3969806454409497
the:0.18861996250258234	of:0.08565195484198723	and:0.08324688658395407	a:0.06038100286752601	be:0.053750523937410755	to:0.05144544879315743	was:0.03567267067106865	is:0.03318058657602842	in:0.028042289187465	:0.3800086740388201
at:0.3539026120745871	about:0.18969754930913793	for:0.11678464593464191	of:0.0860230653444823	and:0.060202050217769865	or:0.05296724214926084	At:0.03969499679121536	About:0.035175129169028804	in:0.02751500057873508	:0.038037708431140835
is:0.5113283595157574	was:0.15325935373129915	so:0.09021183245425254	Is:0.05646477570731353	are:0.04701572698685346	very:0.03363209843944883	be:0.032953262867493435	and:0.030614933127000067	not:0.02200439251955262	:0.02251526465102902
and:0.1218261078144827	to:0.09858966911722286	was:0.0672331957419776	be:0.0555788500216723	is:0.03897856121186365	the:0.0360559928394059	were:0.026002957032251944	are:0.02534064769247782	of:0.02459790768535159	:0.5057961108432936
the:0.3239648062841387	a:0.13573420033802905	to:0.12282089906358314	and:0.08243036705611366	The:0.06849973546344322	annual:0.01900855380456377	tho:0.01601935203838824	this:0.01318561363457779	of:0.0125769958033227	:0.20575947651383972
one:0.016368888842335127	more:0.015000372690832826	on:0.011189338260333165	day:0.01075934247865153	two:0.010752403191876184	person:0.00789861567222125	in:0.007751399993273645	man:0.007556023970783172	law:0.006531081514130428	:0.9061925333855627
of:0.3215891716375983	the:0.2760804749020168	in:0.09012724681279394	on:0.0877822377966031	to:0.04939028201715677	and:0.03318952822792062	by:0.027000422982735736	which:0.025034976977652397	upon:0.022995980267996343	:0.066809678377526
for:0.2390883540530029	of:0.20453488339132284	in:0.1602971152107276	to:0.07959110772261958	that:0.05776610331766083	and:0.04696450176033501	In:0.0394490077951543	at:0.03537669228759715	with:0.030318635551785243	:0.10661359890979454
the:0.4970928876421976	a:0.12278449407688191	and:0.08726240078906282	The:0.05523029725916555	tho:0.038907909159247675	A:0.022237325567565993	of:0.017874333956770995	that:0.01786798943796276	tbe:0.017249757488504682	:0.12349260462264001
far:0.08485211908659555	such:0.07856290685521441	well:0.07532232749112104	and:0.06585450536476624	soon:0.0335153565714388	thereof:0.033509213078934647	but:0.03247342099561338	long:0.030359656783928542	it:0.024845576756449963	:0.5407049170159374
to:0.33834015821507896	will:0.2251279153567367	may:0.09021879758080995	would:0.07021170550713139	should:0.05118029171933615	can:0.047973883822625095	not:0.04497264868130507	shall:0.04155527135512755	must:0.03701516916076302	:0.05340415860108608
the:0.5365220664644792	and:0.09539366915250361	a:0.05714041961755169	or:0.04059659324909834	The:0.03440632634739916	of:0.029493209103420244	tho:0.02435784989872171	other:0.019028547535307482	large:0.014796399148669334	:0.1482649194828492
of:0.23141747611071034	in:0.1861345645595412	to:0.13587672512752946	for:0.08922378039125642	and:0.08071442112676441	with:0.06569911690982322	by:0.038082300251587965	that:0.03734150761363317	from:0.034512900105848836	:0.10099720780330497
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.11855345980160215	that:0.04834655291398339	made:0.0378194600336547	is:0.03527537111848093	was:0.03499608325061649	placed:0.02838596072187782	as:0.025722738445492364	be:0.025414814918467716	or:0.02501953233801765	:0.6204660264578068
due:0.0857567789439037	and:0.058163995707539544	called:0.05603426269661596	made:0.03907819914509631	based:0.036783788836586444	looked:0.0322722537668605	look:0.031219247859958072	depend:0.026785991635012482	depends:0.024957730861243543	:0.6089477505471834
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
and:0.258672711565519	days:0.06940012001581426	that:0.06315685874149747	soon:0.04654010833326495	time:0.036247547421420674	but:0.03154530361409642	it:0.028246108204759056	immediately:0.02651931304442071	and,:0.025853632225975247	:0.4138182968332322
it:0.13742864274856198	that:0.10692023855536077	he:0.08534925163141065	they:0.08396288639216648	which:0.08139388734208688	I:0.06385723535383275	there:0.0635970909656142	and:0.04761229441525896	It:0.042251980801749946	:0.2876264917939574
and:0.13378196387171162	of:0.06748480091374189	to:0.043490859828006094	be:0.03988468685721384	is:0.03951063692085339	that:0.03927372695705265	all:0.03660974048411939	for:0.03320315787324424	have:0.031546284336459986	:0.5352141419575969
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.505442386427504	a:0.0867290078881832	of:0.06795738895271748	and:0.05048953633213696	all:0.03500145935271596	such:0.03163565442577994	The:0.024225269978597596	tho:0.023127705539088363	other:0.021008019962825145	:0.15438357114045126
went:0.08683324565499717	go:0.07476330580440535	came:0.05394514230576035	back:0.047297493639340674	it:0.04706181582391388	out:0.046435294313249977	put:0.044640592301587366	down:0.04048017963153846	come:0.03746281779864652	:0.5210801127265603
of:0.41684947558806573	in:0.16755499212307776	to:0.08236593964697513	In:0.05979750361785146	for:0.055075605498790536	with:0.052116286139373774	by:0.04522053870960929	from:0.04368486649094398	that:0.03447015168980077	:0.042864640495511606
the:0.4529338234102682	an:0.13168474464455937	of:0.10850062626281737	and:0.05924992500108161	in:0.056724866526718425	by:0.03483661294975411	on:0.03336541713385915	The:0.027801351873575617	this:0.024896135329164043	:0.07000649686820211
10:0.09882197069001702	6:0.09035614946643357	ten:0.08141231850183007	six:0.08123528484347792	50:0.07505639517066516	five:0.06524789578944354	5:0.06397416361169639	20:0.06298970744985175	25:0.04598691671276584	:0.33491919776381873
it:0.1545211229382104	they:0.1303117342235119	and:0.08287850195915071	which:0.07303350725557821	It:0.0718438710592975	he:0.06329132046973455	I:0.05356323009757427	you:0.048363326720404595	that:0.04494879653282635	:0.2772445887437115
to:0.20201402961830314	his:0.19803129453690776	a:0.18228092465229753	the:0.08407856740445094	their:0.047320096741698306	as:0.04605789945685616	and:0.04309011863332972	of:0.033313592020858165	her:0.032682666278406686	:0.1311308106568916
of:0.1297393219114919	and:0.056140437439795646	in:0.05220452633804173	that:0.048601245437568254	for:0.028350575127897785	to:0.015427435176291792	on:0.013689484315848975	but:0.012389125100590771	from:0.01147313242086057	:0.6319847167316126
part:0.03925816273460281	day:0.03330239067244227	side:0.031003459908190357	out:0.0278899974849726	one:0.027810344428025872	line:0.024315953028260857	number:0.024244762006061914	name:0.01912509357075509	people:0.01679746765114713	:0.7562523685155411
called:0.0953013634471425	and:0.05838615377512612	based:0.04098592823902297	looked:0.034240445566887635	depend:0.033066147932984166	insist:0.026538777701175215	made:0.026533115585462282	depends:0.02586889617876877	call:0.024473981223262838	:0.6346051903501675
the:0.5825365386067948	The:0.06624317332887485	any:0.04738199611450268	an:0.04315453964822564	that:0.041147627868106884	this:0.03590563652464819	a:0.035041377457854905	same:0.033110118457020665	large:0.031653058493380466	:0.083825933500591
and:0.2598076956190424	was:0.1309237700813833	is:0.11410946782408489	are:0.07180540799406811	but:0.06293089841184034	were:0.059636985070825314	He:0.03179594897239422	be:0.02052145526187128	has:0.0196216549090466	:0.22884671585544358
and:0.05777456535105163	was:0.05193732478652259	is:0.046211034645038326	him:0.044069021462366104	as:0.03864747153881093	time:0.03785847522281966	made:0.03217810795149889	going:0.029724250351894257	it:0.027521566479854914	:0.6340781822101427
the:0.30208903521421276	and:0.102710358111716	of:0.07905779053606914	The:0.07337149159204952	that:0.06814726516663476	or:0.04150277225813944	which:0.02001227017101702	this:0.01997671738998795	our:0.019490198492266263	:0.2736421010679072
the:0.31662986525213943	of:0.17554167455145664	and:0.08593335301065572	an:0.059016179266800466	a:0.04486056508495752	in:0.03405632621277634	The:0.029438037218402123	great:0.02860660615974689	by:0.02657432610698793	:0.1993430671360769
the:0.2147229068480045	a:0.09452364548667935	of:0.06828549956963781	and:0.058519027557541715	per:0.050647068803694344	two-story:0.04352527386628424	by:0.02019402820792583	to:0.017726980981256055	with:0.017584865070629653	:0.4142707036083465
well:0.12991015635064773	known:0.11168587180543645	soon:0.10369035459473254	far:0.08195907566424299	and:0.06388557808584468	long:0.03755135115796446	such:0.02954466624033588	just:0.024368945136159968	much:0.020609769850901107	:0.3967942311137342
one:0.08837264426949418	part:0.038998327146227474	out:0.02722316887260893	portion:0.023814181613109088	side:0.019826910280117432	some:0.016247713638384235	that:0.01581493783524018	tion:0.01520297430519722	member:0.014040980918801042	:0.7404581611208202
the:0.12891706475453968	of:0.09984493764515283	to:0.07466820214319594	and:0.0561362865983664	in:0.04298605118618454	a:0.034375793234757104	by:0.025266688695063946	at:0.023789404756312815	<s>:0.017908565820504766	:0.496107005165922
and:0.08106126635408989	is:0.05846584941998096	him:0.04596399513675094	as:0.04504881180917578	able:0.04360222367939714	them:0.038556555681381124	began:0.037199052535814243	was:0.03706536633969579	right:0.035070638264481514	:0.5779662407792326
as:0.17997341648167134	how:0.1377627775417004	and:0.1239611198493608	so:0.09223440904291214	was:0.06985222504867084	the:0.06690540680822316	very:0.060996409220159066	is:0.047992566280481534	How:0.03964428319341044	:0.1806773865334103
of:0.2845809017293658	to:0.11549479688413307	in:0.09795213375842222	and:0.08034229495427145	with:0.06619471914905868	for:0.06493639321718865	by:0.0549998489548363	on:0.05433807007796475	that:0.05422193507650882	:0.1269389061982503
the:0.16866521496506504	of:0.10134741350355506	and:0.07055437288341877	a:0.04534265260080411	to:0.0413013158134652	his:0.025910871644329928	be:0.025020793975801862	my:0.023697134385706232	I:0.02200907055966385	:0.47615115966818994
<s>:0.07618765050154346	it.:0.027055608278729836	him.:0.023066606748623448	them.:0.02117484384673431	day.:0.009196648325908134	her.:0.008263779716890442	.:0.007968657886647489	time.:0.00789042811019624	?:0.007844782671610062	:0.8113509939131166
the:0.7509721638729056	The:0.08727918475759762	a:0.07168409877917707	tho:0.04098862020858318	tbe:0.01600781682902269	his:0.010455264856924737	our:0.004360637512708512	this:0.004097721365474004	Tho:0.003484516577219648	:0.010669975240386941
of:0.11266319465431597	the:0.08480880956564164	and:0.08136693861099435	to:0.035645817608519474	in:0.02012399389824468	at:0.019353946424251162	<s>:0.018378301332052812	.:0.01820837589324415	by:0.017688055254102907	:0.5917625667586328
the:0.11440357080473872	of:0.0933197210940891	and:0.07031386973441071	to:0.053905756308343704	at:0.03507978732160108	in:0.03257290244874722	a:0.032417684049147126	for:0.02544128475359599	.:0.019113838356847556	:0.5234315851284788
as:0.19911436307571767	if:0.15592592790734314	that:0.14891452242475128	which:0.1295866290164367	and:0.09345988264628287	when:0.07488828542313208	what:0.03458512471724478	If:0.02963567940866265	but:0.02955109909468367	:0.10433848628574517
in:0.36855403929222763	of:0.1763407075629152	with:0.06517959687782501	In:0.06372670232156047	to:0.06084205930651752	and:0.060345765842348166	for:0.0503685159961125	on:0.042385531909385106	from:0.037192443453728685	:0.07506463743737975
the:0.259406120065444	his:0.16428400379350944	of:0.11969779869988474	my:0.09740334094783114	a:0.07131751603662001	their:0.07028306242889056	on:0.05367296867679802	her:0.04125703985478118	and:0.03989225940794279	:0.08278589008829813
and:0.0919045848924195	of:0.042104937901894325	the:0.04184070886153766	said:0.03389267454339031	a:0.033217482055634	to:0.03296350919828918	<s>:0.03295920309594996	for:0.030570511918288697	as:0.03033900053764319	:0.6302073869949532
he:0.22638013601386625	who:0.08228511710216671	I:0.07622444587092164	and:0.06076627246218431	they:0.05672341173961587	she:0.05504495969855448	He:0.048245947109223926	which:0.045470000055676675	it:0.03761197103106874	:0.31124773891672136
the:0.10254899323962945	and:0.08672066584549279	be:0.06718293253430607	was:0.066714350510063	of:0.062142448154758216	to:0.0470377945272685	is:0.04045405956202174	been:0.03329532229695042	a:0.029155698848644288	:0.46474773448086554
of:0.29101867198091264	to:0.11813174100818619	in:0.1172972311449329	and:0.06830399127118737	with:0.060605934900068804	for:0.05419409192275341	on:0.05219893444697187	by:0.041348689452230795	from:0.039219237042174226	:0.15768147683058184
he:0.16584880021587586	who:0.10022507263827916	it:0.098659234774779	they:0.0859338378411296	which:0.08272390400981322	that:0.07901433781681716	I:0.056793331648292	and:0.05152424261301752	she:0.03733122076584041	:0.2419460176761561
to:0.34378129718365846	will:0.15287135864951518	would:0.08615903395787451	may:0.07844929048361882	should:0.05682249178971402	shall:0.05432412913287461	not:0.05091775331157668	must:0.03610577244404393	can:0.03580596083245932	:0.10476291221466445
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
they:0.17971908120119426	we:0.14622205098870575	he:0.11915891825144244	it:0.08130063439116449	you:0.07419003998279546	who:0.05794543244418771	I:0.055569980955492176	and:0.05400984862316294	that:0.049159113049942235	:0.18272490011191256
to:0.42493826464502416	a:0.1547032590948439	the:0.08320305373703588	of:0.05664992031946919	his:0.04209174376003635	and:0.021187119332177703	will:0.017691152133959644	can:0.016658777296384975	their:0.015961369321064553	:0.1669153403600037
street:0.02980656159389725	State:0.02838242683781703	day:0.02531790014146247	city:0.023115603204040356	north:0.017325498613736248	Hundred:0.01379690139083628	state:0.013237120651045656	east:0.012899408218324082	White:0.010402884027473613	:0.825715695321367
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
and:0.07692392168684899	away:0.06960810582329069	taken:0.04595455679648684	them:0.04068097936320313	him:0.03927770880060258	returned:0.037277075937208436	it:0.034365119597835024	come:0.0335036210608868	arising:0.03328908131703008	:0.5891198296166075
of:0.2414082910090112	to:0.15224096773823814	in:0.12986724176607534	for:0.09031386383026568	with:0.06003090738076196	by:0.059274794182060074	on:0.0577117160410423	that:0.04458554254532206	and:0.04239281720800836	:0.1221738582992149
the:0.18865064154752814	of:0.09521314359217854	Mr.:0.05936560020366942	The:0.05918413378541302	and:0.04789785501490848	that:0.04093932846997176	a:0.03062771603476304	this:0.01791027151166763	in:0.016031536642742206	:0.4441797731971578
the:0.12870927378837682	and:0.1160606789655443	of:0.09707472107931524	to:0.07679901325722276	a:0.04075494313200344	at:0.025341194413632636	in:0.022506851512655926	.:0.02107615778884405	by:0.019136287779566448	:0.4525408782828384
and:0.07692974253458817	is:0.05387546119518155	able:0.05023153535456285	not:0.04230571134786677	necessary:0.039003757491437	him:0.03845382962913442	enough:0.03837802876162785	them:0.03615723782138545	seemed:0.03454344402971215	:0.5901212518345038
the:0.5352933239006299	of:0.1564825191288911	surface:0.06376322922119364	on:0.035551651126560745	tho:0.03468354905275593	and:0.03392557850031561	to:0.023095721637366614	their:0.020043141232333278	said:0.017229448585756143	:0.07993183761419709
or:0.20617839360698378	not:0.12882638768163432	much:0.09896566066301242	no:0.09828067069402828	and:0.0675290014353851	the:0.06502332468448994	is:0.06390058956493386	be:0.05403613731838699	with:0.05090657818803687	:0.16635325616310842
the:0.4502144397800058	The:0.1606326090727874	and:0.06005849820908505	a:0.05774813372264096	his:0.043883220062913314	an:0.037641666884901254	tho:0.03630568884383663	of:0.02846213061985979	in:0.022933186024036146	:0.10212042677993366
I:0.1874245448890453	we:0.14542081277211655	they:0.10715222142522093	We:0.0832336763993008	will:0.07357707216266383	would:0.07231771458181784	who:0.06899096329637142	to:0.06750989898812214	you:0.05248565438755063	:0.14188744109779058
of:0.2617531843857913	for:0.14793044076934755	in:0.13781595308520836	to:0.06908504618997978	and:0.06317077476796984	at:0.04331413234694719	In:0.040097257290247476	that:0.03851622787927214	nearly:0.03752151606116518	:0.16079546722407115
was:0.15137656124958915	and:0.11613793477869862	a:0.10123322230773656	be:0.08299030479236888	is:0.0827699352190482	were:0.04945600987269855	are:0.04665774569788614	been:0.04361131120808061	to:0.031892541598431266	:0.29387443327546203
all:0.6116673551809404	different:0.08356024052365313	various:0.06743772764825494	other:0.056853341884398716	the:0.03900179124968519	many:0.030663199287407884	All:0.01828784862281613	and:0.017547591865464656	certain:0.016487011194321406	:0.058493892543057584
the:0.42807793655065396	a:0.16575361921613668	an:0.09935002684598346	in:0.0626633372095364	this:0.05872505808827726	of:0.03965818723785597	The:0.039541627837022385	and:0.03692623440483706	any:0.033598147386301014	:0.035705825223395826
the:0.21731236999864587	of:0.09388756317411734	this:0.09127675468556902	a:0.07969333221970962	and:0.05679887611593073	his:0.034617014064087376	in:0.030986546160754944	to:0.029270749250709913	other:0.028109433415351756	:0.33804736091512344
of:0.2921563959885483	in:0.1227365998405199	for:0.10589671249500585	with:0.06869951454876547	to:0.062277959222619354	on:0.043704087896161134	upon:0.03711901494576504	about:0.03402508386141509	and:0.03339193562754446	:0.19999269557365537
was:0.1525534508285985	is:0.13497117661607994	a:0.11229768775258324	be:0.10098938267848812	the:0.09370707164143185	are:0.09110176909155124	and:0.07642680737313133	were:0.0602626560336803	been:0.050250630805733734	:0.12743936717872173
it:0.15447354182696516	and:0.11301713738901425	they:0.09910955336865725	which:0.07316709493576468	he:0.07300917432929252	It:0.06769574246675912	that:0.0533055672655559	you:0.05169085118899602	I:0.048154493224542655	:0.26637684400445244
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
has:0.13991441412504774	have:0.11886178014498791	and:0.10094215009314644	be:0.08016743178439885	had:0.07723220930927846	he:0.06753804950568686	I:0.05335135170088922	was:0.0530828160118177	is:0.04543711437848388	:0.2634726829462629
a:0.30452797405812876	per:0.2746582276793297	the:0.12841297067451748	one:0.07455851050086748	last:0.052140407588477565	every:0.03998260349364768	this:0.032692337594528574	each:0.0299670496253749	next:0.019765435998129816	:0.04329448278699807
three:0.17027754603230527	two:0.14544400106282174	many:0.12175133380193053	four:0.09720265500660032	five:0.08989002949451665	several:0.06685777148154765	few:0.06684857580673145	ten:0.06277198446154375	six:0.05332028075231184	:0.12563582209969082
and:0.1156789470292127	well:0.07556980993677288	regarded:0.04497062169191372	him:0.038248776737851944	known:0.03783818211632863	soon:0.03287802268774235	it:0.03193764873859754	is:0.029686094618060876	but:0.029025893971380265	:0.5641660024721391
in:0.3437043214809969	of:0.16678114462471166	to:0.06967872403986738	In:0.062001610265766935	and:0.05117673699929013	the:0.045247833671262574	on:0.03498494367722352	with:0.02833973313041704	from:0.027812941328841774	:0.1702720107816221
as:0.09299379146322684	and:0.08878794806471045	able:0.062246377668042085	is:0.05444416062387574	right:0.045653385504657744	necessary:0.04498544922910254	enough:0.04260158395208624	time:0.038330019082858456	order:0.03727144910575339	:0.4926858353056865
quarter:0.5540010219491557	line:0.04918105526327154	corner:0.021487068421009902	side:0.019975197514744473	county:0.013888718433264695	city:0.013285510895735344	feet:0.013139338380572189	out:0.012460769470184797	south:0.011771505673047522	:0.29080981399901384
of:0.19624175367309762	to:0.1508646623225619	with:0.1092041923139531	for:0.06856516820379221	let:0.05400043105095938	by:0.04987133539656202	Let:0.039853223165831286	among:0.03101582241754112	upon:0.022722898674394434	:0.27766051278130693
two:0.1577524632484575	many:0.11866985813437132	three:0.10080352798599318	few:0.08228456290491533	four:0.08147033631181783	five:0.07836360661659462	ten:0.07276208801498399	twenty:0.06783093284617828	of:0.06602011128288057	:0.1740425126538074
he:0.2333777639186579	who:0.11645649966248077	I:0.11558326013116015	they:0.09757263647505642	have:0.0925637985782971	and:0.0590926493203626	she:0.05261896810687326	we:0.045482033774435195	it:0.04139549306070643	:0.14585689697197018
of:0.1267685497939895	his:0.08044946027164772	their:0.07223232529215558	the:0.07214239667484412	high:0.06539121034519997	and:0.052974613552276416	low:0.03723028502230815	her:0.026250844168402145	a:0.022667203429429225	:0.4438931114497472
an:0.14966856310565946	of:0.13693577051926314	and:0.1137625710094447	the:0.10237749557397435	in:0.0406477466634757	his:0.02757023282434552	her:0.023614876593897452	man-:0.02124820737991872	An:0.01887399814038275	:0.3653005381896382
line:0.0735057349517999	side:0.03329184023728898	number:0.030525358606579813	out:0.02647625001113501	corner:0.025674745149620294	part:0.024538640975238776	city:0.024429866712294357	state:0.01972343140400483	name:0.01664600058202114	:0.7251881313700169
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
number:0.13828986008360983	amount:0.11619539895705104	out:0.0637008229834191	plenty:0.039584966981524645	day:0.03429745602799505	thousands:0.03392172591360875	piece:0.03300107682163704	deal:0.029034208999522384	hundreds:0.027977981211786077	:0.48399650201984606
of:0.25262399493930027	in:0.12547357517008026	for:0.12389514516524215	to:0.11615718732502135	and:0.07357077320813647	that:0.0690638762734899	with:0.06081278447370864	by:0.04531809232461739	In:0.03321307883164248	:0.0998714922887611
hundred:0.017704558818240592	feet:0.014704242183100695	and:0.014493133488584848	;:0.012637333208378398	up:0.011130774510459995	street:0.007735168121847418	him:0.007503247727995573	day:0.0073231333674752055	time:0.007166487584933911	:0.8996019209889834
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.042180880378236876	miles:0.03996483095937216	free:0.03885286490958883	far:0.032517411487131054	away:0.03220746175199813	suffering:0.026194301531255845	him:0.023072069906964216	them:0.022689122908621063	or:0.021478077363521378	:0.7208429788033105
as:0.174327520662467	and:0.1583597116113521	that:0.15453029082386424	but:0.06326670362784563	which:0.05978344814117588	of:0.047085773597717186	if:0.03881163137865487	when:0.0330448668423328	than:0.031209493120118385	:0.2395805601944719
in:0.14557440865169408	of:0.11289327825509128	the:0.08527392821259443	and:0.06437529982342059	for:0.05488254176673715	a:0.03808718814306912	to:0.03699595218284497	In:0.034301016692017613	was:0.019868772630116955	:0.4077476136424138
in:0.30683726075699125	of:0.22202831688080182	on:0.08010102889998615	In:0.07332117671474109	for:0.07046768032077923	to:0.0660509589271248	with:0.03883288934701255	from:0.036781425069654934	at:0.03168601720938705	:0.07389324587352114
of:0.08988778333009806	.:0.06785377491437497	the:0.06537265201461728	and:0.05960467024185658	John:0.03208009266355875	A.:0.028101569160573547	Miss:0.02795124243841854	H.:0.025564361497099213	J.:0.024984001444413005	:0.5785998522949901
Board:0.06974189081323809	line:0.04023003343121858	State:0.03766296908305137	years:0.035613356586945207	state:0.02792512711085426	city:0.027187421639798304	corner:0.02689271177495317	county:0.022420800706651856	case:0.01882477661902388	:0.6935009122342652
and:0.0939678753571571	order:0.06780025577462259	necessary:0.05719120936782568	able:0.05686645678080224	is:0.053619427077736787	have:0.047770957147994994	as:0.044583695473904526	had:0.04427855713496592	not:0.042550143156967674	:0.4913714227280225
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
be:0.3790384663160804	was:0.15206023016736592	been:0.1495432294549833	were:0.06617611631563357	is:0.06344348602734506	well:0.04592737096753495	have:0.03671645843131654	are:0.028562065668252513	and:0.02521127984635543	:0.05332129680513231
in:0.21810267994563326	of:0.16165119344146095	to:0.08900827084665593	with:0.07588717977228589	from:0.0632499882582556	for:0.05692518660417316	by:0.054953796678597205	upon:0.044414967008923174	on:0.041597890767642996	:0.19420884667637184
a:0.5320459163921976	the:0.2502267950504016	this:0.039329245406587145	of:0.034743150312737586	with:0.029996531613415988	very:0.025905193447067404	no:0.02504094259715664	any:0.019994312094472794	The:0.019491853589260446	:0.023226059496702856
of:0.17907539239999243	the:0.10097848843022689	in:0.06562772822025895	and:0.05922873449049727	for:0.051097378388237615	a:0.050105467610271244	to:0.03179157390701208	that:0.03091220379856799	with:0.01818121629115829	:0.41300181646377726
is:0.16688891866606584	was:0.12398214291699491	are:0.10504473077917895	did:0.10125319919436176	do:0.09241446939744932	could:0.07426940987205648	and:0.06504621694397594	does:0.062297211422845195	will:0.06217440315044117	:0.14662929765663046
the:0.20051323864213347	of:0.1121580187173921	to:0.0794610807632604	and:0.07830144778943067	a:0.05649848262681797	in:0.03454089741191692	be:0.030242460953634313	is:0.024885437758660686	for:0.024600508670062263	:0.3587984266666912
the:0.4240613868961527	his:0.16485631428227038	a:0.11636982242964053	my:0.053236740067331575	their:0.047525750780462755	her:0.04558823926096783	tho:0.025932835867866186	your:0.02207747478097845	of:0.020575643749999956	:0.07977579188432966
have:0.2260234517841387	has:0.1495549905173634	had:0.14006046947723408	and:0.10402672538879805	he:0.08067064962629153	I:0.07859367841730198	who:0.04777594666114335	was:0.03468007401593413	they:0.03191079916053418	:0.10670321495126057
it:0.18540121431872492	It:0.12654360312103538	he:0.12128206272366172	which:0.07784401001526091	who:0.052834409189384146	and:0.04891274817625882	He:0.04816656898302923	that:0.035239564617017285	she:0.03477336944845688	:0.2690024494071707
Mr.:0.10641007523971671	of:0.0677785935717903	.:0.048496146350039744	at:0.047649061644875146	and:0.047371220169713874	to:0.04401226796579275	a:0.03491266813229087	Mrs.:0.027018652898013893	the:0.026913497617484107	:0.5494378164102827
the:0.1349478912068825	of:0.10831180615860528	to:0.08553975988455542	and:0.07770457341896858	be:0.0399659975530991	in:0.03882986640054204	or:0.02237585939629213	was:0.021893552276970416	is:0.020816498827982397	:0.44961419487610216
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
or:0.11347942530702741	not:0.09156800527454094	and:0.07802763379645374	redemption:0.06983732507128713	than:0.04977260499939602	is:0.03825624713661012	was:0.0381526671905051	look:0.035688282700447674	there:0.03439431997515054	:0.45082348854858134
and:0.1694104484576571	so:0.08075910206397889	fact:0.06822494254521948	said:0.053635380755513086	know:0.05328572089839013	say:0.04839641616649573	is:0.035001958690005365	but:0.02915110413798316	believe:0.02807139541470667	:0.4340635308700504
the:0.47662230003854145	a:0.15697097377835925	his:0.058339813100046205	The:0.03210027552786028	tho:0.03026304747047515	this:0.022682746404755254	her:0.01704737682389956	of:0.01625226037615088	my:0.015761494705892675	:0.1739597117740193
and:0.17729982775030032	was:0.10643850065183783	it:0.10527712096160305	he:0.06588478971765627	be:0.06067770952384331	years:0.06033547929949978	He:0.05440086874390276	It:0.047645249589475046	is:0.04577939278590524	:0.2762610609759764
the:0.6619911277571355	a:0.09723222443068225	The:0.048776495805976566	and:0.04824111831753184	tho:0.027949958114639954	is:0.023835496969934766	of:0.014097036111774661	was:0.013091499558238585	al-:0.013022206788896517	:0.05176283614518935
in:0.28349283799641206	of:0.2766382873496074	In:0.12563719715103489	to:0.061121909922768204	throughout:0.039536418455875105	and:0.032787545627008266	that:0.028075737148141128	for:0.02741691646909611	on:0.024444732175573535	:0.10084841770448327
the:0.43641066633166514	a:0.09296415674672137	gold:0.0716562311631453	of:0.06924847847942564	and:0.06600178706115753	The:0.03531481935372842	tho:0.031971632627241585	some:0.030113891183518243	any:0.02667495843477499	:0.13964337861862178
of:0.32578858718050796	to:0.10209889202194875	in:0.0784034813840208	and:0.06383026709671313	for:0.049484355762382505	by:0.04779993377113924	on:0.045707024917298625	that:0.04429545740858654	In:0.03373904427851746	:0.208852956178885
the:0.14049171217036022	of:0.11129721382894606	and:0.08908987543691149	to:0.08312287486148097	a:0.04211477594316105	be:0.02951180015049161	or:0.029425595758187317	his:0.024543990657609	on:0.02261090105281294	:0.4277912601400393
and:0.15376018732087277	from:0.11178498441200511	is:0.09286269131395981	or:0.07287259428418731	by:0.06931621862018367	was:0.06906093741507226	are:0.06458193477634301	of:0.052039643792303254	be:0.04761927461078601	:0.2661015334542868
the:0.8523927351428789	The:0.03830738148419281	tho:0.037487294297021675	tbe:0.013838332700730463	of:0.009551190868816452	and:0.007362779914394699	this:0.005709779309036838	to:0.0048243506177918765	that:0.003917476103092955	:0.02660867956204331
the:0.15539156127717735	of:0.11917567702263197	and:0.08416148317186078	a:0.06334046627180517	to:0.04547558587853477	be:0.03126076054551573	was:0.02878552919787186	is:0.024581598781821767	in:0.02303036781163895	:0.42479697004114164
of:0.23189820104421802	for:0.1944326401821301	to:0.10509533807842952	and:0.0955533713445639	that:0.0793974182107397	in:0.0704727130621526	by:0.041094651266592806	all:0.036650776728277296	with:0.03607066985901466	:0.10933422022388137
time:0.01824420088562914	man:0.01430535818826823	it,:0.012673186453760579	them,:0.011492539863209522	up:0.011275292103503845	him:0.010929663320437762	men:0.010607060828108918	it:0.01052681382678963	house:0.008961856931434014	:0.8909840275988583
the:0.4216960851603817	a:0.3086178543123356	his:0.05405814920570821	The:0.040470390740882003	of:0.038552975643245196	and:0.02863966330099399	their:0.024133436281104877	tho:0.01946882022881927	an:0.016975215063302455	:0.04738741006322668
the:0.12742448267130854	and:0.10439047010070458	of:0.09008308528693847	as:0.08946547023415485	a:0.04988938362235117	to:0.042785061773461454	be:0.034245776444171545	such:0.029258330792545036	in:0.02838714816744532	:0.40407079090691905
<s>:0.0499536982162695	it.:0.027877965630434105	him.:0.014501577541705508	them.:0.014404988316546059	time.:0.007421345908258973	again.:0.006472308978587083	.:0.00623405389658568	her.:0.006225014593317433	country.:0.006198460141408723	:0.8607105867768869
the:0.14160143429105918	of:0.10772794069262466	and:0.04622791745346806	The:0.04468459444150224	Mr.:0.04437398717949427	that:0.04282841592100794	in:0.040608763603819556	Mrs.:0.02570127574675181	which:0.024259625863839614	:0.48198604480643265
the:0.3810258488903985	and:0.1574437225081837	of:0.13023049676034162	many:0.049273211815782335	for:0.04102616708874502	these:0.03657959542511782	The:0.03654290834289645	great:0.03278054459425876	their:0.031330309657618925	:0.10376719491665688
the:0.18372712784115083	a:0.1715477837710903	his:0.14207690202388698	of:0.13542639842999282	their:0.09170153881098751	and:0.0382190883887597	my:0.03451311031201362	its:0.03361624866162839	her:0.030757589678682376	:0.13841421208180743
the:0.11303136363125169	and:0.09547662470576497	of:0.09159435167849313	a:0.0437281032370325	to:0.04257852726469042	I:0.02395026904753811	in:0.021244174768092296	that:0.02036875835619971	at:0.017749435734224713	:0.5302783915767124
the:0.4326071073640542	and:0.09468677945918912	of:0.037686822650576934	his:0.03746070065225855	The:0.03651245312544922	her:0.03524866133302132	to:0.02642651211390903	tho:0.026157133646070876	their:0.024133706394584786	:0.24908012326088594
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
was:0.1340163897447145	is:0.09846924468603635	and:0.0944808789539149	are:0.05793346163230244	be:0.05008536684070299	men:0.03957735433017495	will:0.03915794493907894	were:0.03790599022898904	him:0.034817993008762115	:0.4135553756353238
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.3987922999481603	a:0.17961205553390197	The:0.04662934061627811	in:0.04179052021016414	thorough:0.039862676354745503	of:0.03674300131628803	his:0.03521281743845233	full:0.028126935114231873	tho:0.027049954270132646	:0.16618039919764513
of:0.3025640736966306	to:0.146076676489943	in:0.12910133918379388	and:0.06700614823132711	that:0.05948515803069937	at:0.03803286228535011	on:0.03800270687275885	for:0.034246529904310014	with:0.03209246236986448	:0.15339204293532266
opin-:0.12788844619289214	Un-:0.01850558123087001	<s>:0.01453830061867738	provis-:0.014325906497507628	.:0.00931705481866312	-:0.007827298241932441	the:0.007442566184164952	and:0.00714772569251963	that:0.006160132117594403	:0.7868469884051783
hundred:0.01444191217773428	;:0.011834673680375107	him:0.010388473796696067	one:0.00968896846901267	feet:0.009556811899111724	up:0.008880191153313928	mile:0.007973380143655012	feet,:0.007606228831470488	time:0.007287466987906896	:0.9123418928607239
and:0.0698795499083269	able:0.05892097855346181	inclined:0.05659661953518943	began:0.05655966304458402	reason:0.05620476895710678	enough:0.052108158616863166	him:0.05165050715725336	me:0.05002272024879736	as:0.04547131453267248	:0.5025857194457447
the:0.11692054721898772	and:0.08443672622974073	to:0.06548253581633293	of:0.053062593910445106	a:0.03366410046957188	or:0.019995639197721904	in:0.019832805581901727	at:0.0160866483352966	be:0.01553084057788044	:0.5749875626621209
a:0.20025463231911153	some-:0.15702256978830295	good:0.0929576930210233	any:0.08432440549344164	one:0.07922496366137806	only:0.07006637312901608	the:0.06873444654587746	any-:0.06225130656334931	every:0.0590774539663061	:0.1260861555121936
the:0.4078750359172389	a:0.2993522952405594	The:0.06211405635811932	and:0.03299726823101602	of:0.025651969754164516	tho:0.02406908134102977	to:0.021337043269002254	A:0.017600485280299175	this:0.009847693284224877	:0.0991550713243458
of:0.27100529103572274	on:0.13640413608675592	the:0.10438733318638009	and:0.05368050773543949	to:0.04291123985736237	in:0.04085981079937628	at:0.038924447124368024	from:0.01644890919569269	for:0.013494132283034631	:0.2818841926958678
feet:0.09124682453705052	poles:0.0730701371555321	up:0.05088279168420823	chains:0.04885658892872941	entitled:0.03694920633644442	went:0.034748145318504654	came:0.03280590556373315	down:0.032521221296211	him:0.032446562119539564	:0.5664726170600469
of:0.4575294602383904	in:0.08882629728531782	to:0.08122988953515874	by:0.05649365118181423	and:0.055235176669739636	that:0.053721432224867756	for:0.05089416443204588	on:0.03489413910526431	from:0.03412645232207249	:0.08704933700532876
well:0.13266808134953634	soon:0.12619935727513548	far:0.0854993857860702	known:0.0821329300885245	and:0.05741589128125126	long:0.03212913142156987	such:0.029646640558947657	much:0.028944636268305016	just:0.02668682680068728	:0.3986771191699724
he:0.2929435057015973	is:0.15269643681894	be:0.10212163981110518	He:0.08582315600502541	was:0.08252507068160729	and:0.05968070083218275	she:0.03859904182545241	I:0.03184709755255359	been:0.031038408115458983	:0.12272494265607717
a:0.1297450789934154	more:0.12698167397756968	and:0.12178484628356145	of:0.07527405607075084	to:0.06612083618647517	the:0.06507471471457653	for:0.05016982931341253	will:0.036205209933931524	be:0.0336522418376922	:0.2949915126886147
of:0.39589767461235487	in:0.2059186512700225	to:0.07801116374936262	In:0.06182776653724408	for:0.046839349676117636	by:0.043638895344431224	at:0.040291332067689214	that:0.03583141757987138	from:0.03262217673442828	:0.05912157242847818
it:0.18143874199255758	there:0.10331969695424356	It:0.09198639939220059	which:0.08073126991269376	they:0.06240522313208139	that:0.054082648531678275	and:0.05144105994683339	he:0.03253148924096088	There:0.03214778196988864	:0.30991568892686194
and:0.05278908881303818	<s>:0.0500333083306027	that:0.02920610878791692	was:0.01933086454908801	be:0.017369980930432283	are:0.014981296866447731	not:0.014876557382930557	in:0.013744044958410277	is:0.0134465000668202	:0.7742222493143132
of:0.3885354896116288	in:0.1095679359666055	and:0.0800888445120375	by:0.06410223985582626	to:0.06267667208786189	for:0.05219003155467674	on:0.05009824905205802	with:0.04237147289507927	that:0.031364372418887204	:0.11900469204533881
of:0.23862428238063818	at:0.18246346423467544	for:0.1777517865488702	in:0.11078875403647263	to:0.09039420333085967	and:0.04078660524750349	from:0.03633085020084914	during:0.031198981742534885	by:0.0296782751119315	:0.061982797165664884
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
be:0.14633613035422596	was:0.11915243811825305	have:0.11480471212277689	he:0.10735131276595208	so:0.10698559618259991	has:0.08030446782619527	had:0.07210428350155568	is:0.07169685460468593	I:0.06476994164770185	:0.1164942628760534
of:0.42542309363590686	in:0.2361070891632477	the:0.09019839746455038	and:0.04813538584543873	In:0.045913911999085615	for:0.03337511778642528	to:0.019887618803235328	or:0.014863338357608388	by:0.009680689138163636	:0.07641535780633811
the:0.1315262874735605	and:0.08859440688097929	to:0.07505829291090442	of:0.06191941609066371	in:0.03692410454780459	be:0.0314139486298304	that:0.026941172559532295	is:0.026349257321896257	a:0.025113527710135468	:0.4961595858746931
the:0.2433484347271647	to:0.22405611121187477	of:0.11648394153942145	a:0.08385982738459051	and:0.05109903168718417	in:0.02659900235063504	for:0.026495104460428517	this:0.022716397214338466	his:0.01576084375391516	:0.18958130567044726
most:0.22987917377732037	the:0.1660179529918148	and:0.11227536592526345	a:0.09319113810253028	of:0.0679591614978239	more:0.05855723394443214	is:0.0531406476499068	very:0.049881738487142994	in:0.04619871573218144	:0.12289887189158386
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
the:0.5504117432513962	of:0.05738467570462006	and:0.05180735771720631	in:0.04902305276607992	The:0.04552222205291923	a:0.04223993946151228	tho:0.02664471021003151	their:0.02154669598338538	his:0.019373504220230032	:0.13604609863261913
the:0.5308176695406331	a:0.08545577816307486	of:0.06555535357557273	The:0.05262941549417454	and:0.037593583119192	tho:0.027603867344023463	this:0.027546335196215944	to:0.026054226659836862	by:0.01767048211971277	:0.12907328878756366
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.1462253058621874	and:0.13730203546105077	of:0.058379631303369484	a:0.041574719779429656	I:0.03797464396985286	to:0.032175300795973014	will:0.03191096401787902	his:0.02999799301281688	in:0.020181185558326296	:0.46427822023911464
the:0.16508878836418442	of:0.08698390912193477	and:0.058233247000833446	to:0.036677842502058806	a:0.03584870799264598	was:0.03135274274461042	be:0.030352655787987744	is:0.027724471354959306	for:0.026237269177817144	:0.501500365952968
his:0.30826584261314827	her:0.12581658781466273	their:0.09808909979057787	my:0.09462677510059832	the:0.08931098101772071	a:0.07085941532575214	and:0.04292338898235087	your:0.03361829599240773	bis:0.02020979487481841	:0.11627981848796298
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
in:0.1055140916397536	of:0.10467729843435332	on:0.10202185990640225	is:0.10067975838383854	was:0.08042027581801987	and:0.0745659737208069	as:0.07231670812205226	with:0.06948144898767669	for:0.05810718619246544	:0.23221539879463113
of:0.0790618542396407	be:0.062354172529782315	and:0.06125741174786397	the:0.058614119127607625	to:0.042682342250611155	was:0.04139715596823286	a:0.026102094068226365	is:0.025623941848178743	in:0.02436965364954428	:0.578537254570312
of:0.27238995854395076	in:0.18094730641642384	to:0.10680782144941095	for:0.06693616849433347	with:0.06620987664531884	by:0.06524777301311484	and:0.06451540908983817	In:0.04371608158578291	that:0.03582023554490744	:0.09740936921691874
New:0.32976523298717525	of:0.32742980364596147	in:0.14345442616748433	In:0.03611625758220508	to:0.0295434018914066	and:0.02726347039100825	from:0.022649184594720102	for:0.021268001977459036	by:0.016263846267744814	:0.04624637449483505
be:0.14582386824036223	was:0.1331706064391408	have:0.10532281656232546	and:0.08923921473192989	had:0.07863679700503744	is:0.0768536273410545	has:0.07084103351877692	been:0.053890067118485936	he:0.05096771479576782	:0.19525425424711904
of:0.19904195025961502	to:0.11361634065190615	and:0.09040148420534905	in:0.08541020588621015	for:0.05867465778100337	at:0.04702995880159977	on:0.04052963024921396	oi:0.03196417216328702	by:0.03182115230575971	:0.3015104476960558
and:0.1199369426975011	to:0.10435135820518575	the:0.06365787355445887	of:0.0534810066811802	a:0.050474030984038146	was:0.049729814135460064	is:0.0459130510972803	be:0.03390260293668134	be-:0.033231498277113115	:0.4453218214311011
the:0.22188018087686973	of:0.10616180548758936	a:0.10127615230307682	and:0.05461358798685807	to:0.03251276766062592	an:0.03112494704188044	in:0.0288060610591369	at:0.0210097685083903	his:0.0184975323478636	:0.38411719672770883
to:0.19211415229676315	with:0.12230958446816996	for:0.11536339160719297	make:0.0824632467999968	of:0.08133597065359259	let:0.06457780866646767	give:0.05815217998839956	made:0.052031670605889285	upon:0.05005126646313342	:0.1816007284503946
the:0.19532797766743892	of:0.16819285746292742	and:0.12221829237778443	to:0.034773041227122846	The:0.02733504180451237	that:0.021371958403444195	a:0.01989088085546532	<s>:0.019559390985492288	or:0.019549039772467698	:0.3717815194433445
the:0.5719818200935881	his:0.07443540807306985	their:0.04296081509130133	tho:0.04089194879761054	our:0.03539985014923225	good:0.034392334222478775	a:0.03205121768691426	its:0.031897486042297585	other:0.02645129269706829	:0.10953782714643902
and:0.07712702909636353	<s>:0.06839481656744759	as:0.017048347038285835	that:0.016037292435526644	or:0.014365712489083651	it.:0.013281098782776573	was:0.011257064417141617	be:0.01000893178948962	them.:0.009447603245405577	:0.7630321041384793
so:0.1721208829659723	and:0.15445616131961992	of:0.15174780885734784	in:0.07836183971490146	for:0.06944271067318836	as:0.06149300279069902	with:0.05283520334261519	to:0.04774812884521732	by:0.045323784117786176	:0.16647047737265241
the:0.06253538568654221	of:0.04357310304383868	and:0.03203613700156021	a:0.026474390189690927	an:0.024953134292400852	-:0.024724733960791643	i:0.023513727449654298	.:0.02103992717325982	to:0.02037535474440092	:0.7207741064578604
a:0.16244954775973514	the:0.15936010331317224	this:0.14941741619378046	some:0.0863343670824361	same:0.07691764453375882	that:0.07366890866564291	any:0.06381502990935947	to:0.05970320342377412	of:0.05717781955385546	:0.1111559595644853
of:0.3811702573754516	in:0.2709055202950658	to:0.07016558942167535	for:0.06541409519453696	In:0.061084092334272984	from:0.043841350950909685	at:0.023725296075644064	into:0.019119124749866084	with:0.01821863341572585	:0.04635604018685158
the:0.14517560055032913	and:0.10036271317786162	of:0.09500378148282847	to:0.07376273095903182	be:0.044598635029191196	a:0.03631923823144349	was:0.035673333465864404	at:0.02739104829636097	in:0.026270180268733814	:0.4154427385383551
the:0.15419149516698707	of:0.11791317004447482	and:0.10306058448442144	a:0.06334337651175981	to:0.04779561361155242	is:0.02264234866280185	in:0.022350660809763865	be:0.02189248813231505	or:0.02178327426752028	:0.42502698830840335
is:0.2492069300419979	was:0.12185806785672655	for:0.10809888487491735	and:0.06971327990749014	are:0.062044057921869955	do:0.05527564826422897	that:0.05413523846389553	have:0.05126353934248933	be:0.04694193548624256	:0.18146241784014172
day:0.021804481375026608	and:0.019443373596073298	made:0.018186033264452076	out:0.011357878517566476	up:0.01115085593062071	feet:0.01024406777987943	them:0.010042908390218484	him:0.009541789856413695	it:0.009297387753628136	:0.8789312235361211
;:0.01754902374719975	in:0.014920190434743588	him:0.010357844521566925	it:0.009562992995959006	it,:0.009226657801422358	one:0.0085463019681589	feet,:0.008102206174842289	and:0.007949538365117604	man:0.0071661826687226	:0.906619061322267
men:0.17939019369815037	number:0.11260539736995051	matter:0.03050447446739445	city:0.030449177524389436	out:0.028934546133980606	kind:0.024376979507352646	place:0.023778021649977617	thousands:0.02346253855299831	man:0.022666765384334524	:0.5238319057114715
and:0.15630619357973632	would:0.10998748674269496	will:0.10271067777030078	not:0.08752783234111007	to:0.06255048135355323	had:0.05753587545959456	have:0.057371230337344155	was:0.05657269484402085	is:0.05106882407044879	:0.2583687035011963
the:0.1315262874735605	and:0.08859440688097929	to:0.07505829291090442	of:0.06191941609066371	in:0.03692410454780459	be:0.0314139486298304	that:0.026941172559532295	is:0.026349257321896257	a:0.025113527710135468	:0.4961595858746931
as:0.07249223316664083	and:0.05104675193768578	came:0.04215466481970071	up:0.041807459059147116	back:0.035141589077018136	them:0.02726174100869575	come:0.026280367439964654	it:0.025612710189862564	brought:0.021565950418792078	:0.6566365328824924
;:0.008311345930232632	Mr.:0.007905830574775286	1:0.004774853694907506	,:0.004624395406407818	up:0.004220858161989073	.:0.004181480011837927	to:0.004065460645162112	in:0.003826080691507763	city:0.0034790049495943983	:0.9546106899335854
<s>:0.10753668298925245	it.:0.01996678489657962	them.:0.01837832585386616	day.:0.011512722657612242	him.:0.010417067387528242	.:0.009612137267665785	time.:0.008068905385139094	country.:0.007778208388082003	men.:0.007507069454270016	:0.7992220957200044
the:0.6586588611088171	said:0.08572230750130526	The:0.056931191136194347	State:0.037247938138905416	tho:0.034921722894418625	and:0.019891097785869446	a:0.019021092033824172	tbe:0.013534787306527555	County:0.011405708219827906	:0.06266529387431019
those:0.1359470837165178	man:0.10564013349447124	one:0.07516351031071782	men:0.07360990518335947	and:0.05953687515980089	people:0.03392388909376232	person:0.022955463565804593	all:0.02239734227951116	woman:0.022299597677951193	:0.4485261995181035
the:0.6536663113985209	a:0.1781154237823263	tho:0.03446649309851418	The:0.0334947231237591	no:0.02036811099353826	and:0.01855841645138492	tbe:0.012501419862548685	very:0.009846684533810983	great:0.009024281059783147	:0.029958135695813518
well:0.19743512529084412	such:0.09394738761529345	far:0.06701456911140456	and:0.06394388400362613	just:0.04047986527486038	known:0.04016235857028972	soon:0.036807731913639744	is:0.021964472827678445	much:0.020508304758291938	:0.4177363006340715
and:0.23600250992925983	that:0.12958860955271037	but:0.08241472103090514	But:0.03580361416783118	time:0.03330079080126571	And:0.025022679536671734	or:0.018542244793373294	come:0.014839948622469665	even:0.013486120496658694	:0.4109987610688544
from:0.1814002695340618	of:0.12336408070814145	S.:0.0877241092617953	.:0.05598239230931714	N.:0.04922243173193226	Mr.:0.04897576321543166	the:0.047936071446603175	by:0.03513002485732174	D.:0.034313665178781254	:0.33595119175661425
more:0.045978103949806046	man:0.033514047197299	person:0.02952812629329685	one:0.028435120999760248	two:0.019854842575763178	law:0.01797137479173399	in:0.014666943573424336	three:0.01396060319871353	State:0.013290427562185729	:0.7828004098580171
an:0.5875645255916134	the:0.14121861154569512	most:0.06912383582393677	and:0.043529855867112235	An:0.03258459996613447	very:0.030363257494930115	this:0.01983150036333355	a:0.01725865225956536	The:0.014264426734784862	:0.04426073435289413
and:0.07082962187899391	Committee:0.05758226185458163	was:0.03128970642900962	committee:0.0312465027564318	that:0.0236067080707099	is:0.01756800757048314	be:0.017133558937198652	going:0.01594155532857084	out:0.01511784160536021	:0.7196842355686602
the:0.5927850564623148	an:0.09564437763116436	of:0.08157706783992007	The:0.04685719083339312	a:0.04307484336315088	and:0.035131533992599745	in:0.023714409425379692	tho:0.02254588058737104	tbe:0.008541901758750772	:0.05012773810595545
is:0.17259142955892112	ought:0.08272961521902446	are:0.08056057458647582	seems:0.07558392967483372	was:0.06572888558670693	not:0.06439114674223405	said:0.05149586598076354	seemed:0.04272828164381891	as:0.041024869025136954	:0.3231654019820845
the:0.2663993872275792	of:0.17731374153102192	or:0.13931631234902378	and:0.10085718746760033	in:0.07238517728760649	for:0.0438152063338235	by:0.027997457576672463	to:0.02698736095061891	at:0.02694148607135063	:0.11798668320470276
the:0.1186865659972697	and:0.08946817239060759	of:0.06685843644816554	to:0.0585780819209954	a:0.04433856145274342	was:0.031188298402550614	Mr.:0.030953045477676962	be:0.027010605342786643	his:0.026256072578884588	:0.5066621599883195
<s>:0.10252407458595444	.:0.020409889143172384	it.:0.0133960524407723	them.:0.009153056453304347	of:0.007674682697868727	day.:0.007552380461069777	time.:0.006881765576058752	year.:0.00616055888316086	him.:0.0058593771361758595	:0.8203881626224625
of:0.23125290469483473	the:0.21035178717837705	to:0.1137863213571565	and:0.08820740663459808	in:0.06757504294211404	from:0.03432964414632425	for:0.025261155098772397	or:0.02475833425810519	The:0.02232975454163796	:0.18214764914807982
to:0.25430335887216193	I:0.1583221148083283	and:0.10189460029866253	we:0.06443529213276354	you:0.057017339088240734	who:0.05024552806898224	We:0.0437787455535116	the:0.03099546987641642	a:0.029380072231474805	:0.20962747906945792
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.3648456601296562	the:0.17115139120999323	by:0.08388936624881307	on:0.06383938228264184	and:0.053825164234056234	to:0.05204555349306472	in:0.049170720908308506	upon:0.028960027797678152	with:0.0244479498407931	:0.10782478385499492
;:0.01587434954858999	heirs:0.013345449802716122	men:0.010012171829328021	mortgage,:0.00923676910671407	in:0.008433453215672291	State:0.00787415342128896	city:0.007374012072794398	States:0.0072343929287555985	to:0.006240821829299076	:0.9143744262448414
will:0.6444600463745599	would:0.15977985017402127	and:0.04487169022509774	is:0.033998084740013416	should:0.019619330095968782	must:0.01845373561501802	shall:0.016776605937862527	may:0.01354085574166358	can:0.013404338248739909	:0.03509546284705484
to:0.30443512803854084	the:0.17984829556347023	and:0.0832963597872198	will:0.0732350501007518	would:0.06146683830427232	not:0.049915023969724	a:0.03615990762185151	can:0.03311372670347082	may:0.03295111491996902	:0.14557855499072966
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
and:0.1093806471080376	made:0.07328672273832892	or:0.036053578603099164	that:0.03363750950598587	side:0.027504815677868038	occupied:0.02524892180572728	up:0.022879737552997933	secured:0.021610377696638816	owned:0.021101627577101663	:0.6292960617342147
of:0.2699190541350931	in:0.13887137241491385	to:0.08657104622603637	by:0.08492751258304651	or:0.07937019278009684	for:0.07763869050504063	at:0.05372578983153107	as:0.04708496492341888	that:0.04672209989319284	:0.11516927670762991
man:0.13530898802362365	those:0.12698759014236866	one:0.09932747944119324	men:0.06978655003647302	and:0.052995972365156095	all:0.04180355122845812	people:0.02889215924886502	woman:0.02655198866946141	person:0.022875871864997382	:0.3954698489794034
and:0.16383957325719684	is:0.109888252182376	was:0.10944711729390671	not:0.06585210887999077	or:0.05496163169605271	be:0.04656756708099069	been:0.046180722866047706	are:0.04476475983009079	were:0.028879249451162752	:0.329619017462185
and:0.2385931117582287	know:0.08524335675805056	matter:0.082488130274311	see:0.06754535749947452	to:0.04804500984225251	or:0.032446620121420786	of:0.03082540576065281	is:0.024350057180616586	was:0.020815783450731998	:0.36964716735426056
was:0.07739576880398077	and:0.06852921727510475	is:0.04834769682942842	are:0.0438047541467961	be:0.04087020143128687	went:0.03162097901659959	were:0.030729701186537228	it:0.027402831658304393	come:0.027298896068743837	:0.603999953583218
is:0.026158569650349624	and:0.025884380795010174	was:0.024878305945435168	it:0.021189230698071757	that:0.0135771724928879	on:0.0128358716430406	up:0.012599758429702897	-:0.010740724539350486	It:0.010595312631980044	:0.8415406731741714
the:0.43383711935888103	a:0.0801206697396776	all:0.057844116388544586	to:0.04421927568443638	and:0.04358746809602182	his:0.038335987857592124	no:0.03582149354046366	was:0.035794720631294255	at:0.030580536701442302	:0.19985861200164623
carried:0.09580196917215288	taken:0.06948945637411431	it:0.05378547149479638	went:0.04443651744328469	turned:0.04422648815602634	go:0.042991880181488515	get:0.04225028914460361	thrown:0.04129375737550333	pointed:0.04075433805697806	:0.5249698326010519
I:0.0999627368853398	and:0.09601678212673743	have:0.07703262465858714	who:0.06412905326162567	he:0.06246232865861895	be:0.06001605200058031	they:0.055615084467977	had:0.0552977848777943	we:0.052298028466967246	:0.3771695245957722
of:0.2967980764143875	in:0.19877435154470127	to:0.1496209387985277	on:0.05149119038113399	with:0.04970469654972705	In:0.04753364711683578	and:0.04411186762172441	for:0.044013445255651255	that:0.04177193178827325	:0.07617985452903783
of:0.24384723579821743	in:0.12312506561097275	with:0.10680649970402971	is:0.08694780694524153	to:0.07787352722300522	and:0.06995944922104544	for:0.06682075941724755	was:0.05187426229030688	by:0.04242875069122941	:0.13031664309870408
and:0.08209805526088942	was:0.04471405479273974	made:0.039161748416610936	up:0.032703502102058066	engaged:0.02853732030128598	is:0.02702368077854803	it:0.026073203127649276	be:0.025669434192709405	time:0.024851693811743278	:0.6691673072157659
of:0.2962941948043569	in:0.13484542912548583	to:0.09990647251307126	on:0.056765280768519964	with:0.05477707703179569	and:0.04777219151012938	for:0.04578427546412828	from:0.03790304180503328	at:0.0367218297261948	:0.18923020725128456
protest:0.09213721161722925	and:0.059085518278957645	up:0.03899619508924092	made:0.038194138081999875	voted:0.03463083273212171	claims:0.03305647796696318	vote:0.030795176454426507	guard:0.03054644504584456	fight:0.030335045152437037	:0.6122229595807793
the:0.35768163138465836	of:0.18323280986835355	and:0.10316296862350335	in:0.0722665286426502	The:0.05479999956945115	a:0.046199072246056364	that:0.042141117521742724	to:0.03950894404877538	is:0.028895446526498284	:0.07211148156831067
out:0.059949312297411864	matter:0.052054568449131235	number:0.044551604441103586	purpose:0.03868659864620486	means:0.028923452449147402	is:0.025603641703257133	kind:0.024654587053034138	cost:0.02447024925721102	be:0.02174203820389873	:0.6793639474996
the:0.23380195575619528	and:0.12065731209206387	of:0.09959476201494849	to:0.09043885133537555	for:0.02764177630132806	that:0.02573215066308493	I:0.02012517863632748	in:0.01817212610104218	a:0.017468573006307626	:0.34636731409332655
a:0.5355013086983411	the:0.0952974793462488	of:0.08528042805755885	A:0.05690859983957414	and:0.03783664437743111	very:0.028499155942581855	this:0.02202307772915104	in:0.0219736914527061	that:0.020247277213292204	:0.0964323373431148
the:0.2224350607184588	of:0.11408291459844028	to:0.07197209951677344	and:0.07173347820151878	a:0.06683689953430502	in:0.03715274516796121	be:0.029452467724584354	his:0.02806603570368859	is:0.02392704783804425	:0.33434125099622525
<s>:0.08034374366960306	it.:0.028720031908181513	them.:0.020314576142671473	us.:0.01641818957102091	country.:0.010612933471305746	people.:0.009103033243770762	that:0.008924997607537127	day.:0.00852503608233502	year.:0.0075845371279620166	:0.8094529211756124
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
guardian,:0.055859754010131595	one:0.03685343825324125	person:0.026438799729814284	two:0.02341111122166173	on:0.019736692377055734	law:0.016147928152415402	more:0.01392199419314446	day:0.013599607397900055	and:0.013043258641649798	:0.7809874160229857
to:0.11144374236298595	the:0.10917981760160007	and:0.10692920077675938	of:0.08551452114372984	in:0.033918395178194706	a:0.02924037307288965	not:0.02004826767775804	I:0.017020811204842605	be:0.01652276935920046	:0.4701821016220393
day:0.27726341450892045	and:0.10815292924956314	until:0.10649661033056373	days:0.05379282949620487	shortly:0.050113352652225523	Shortly:0.03767798378131373	month:0.03212998103368498	that:0.02707341289027821	week:0.026553676601982195	:0.2807458094552632
that:0.021175084054007132	and:0.02091741898515245	<s>:0.020611695202293934	lot:0.016802390481483895	one:0.012091739857963637	which:0.01200752018633924	State:0.01165314190798549	land:0.011265255389101638	day:0.0103097216702948	:0.8631660322653778
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
to:0.5062393555772827	not:0.14580409461384053	will:0.05522160935901288	would:0.04474721843457902	can:0.04369772788375456	could:0.037460087108806384	and:0.030737570212723435	cannot:0.02793051759637796	may:0.02610889316349603	:0.08205292605012651
that:0.27879158522660025	as:0.12968848289100193	which:0.11320827163716993	and:0.10421652758507319	if:0.05732170793654235	but:0.04777433303096358	what:0.04365276094681267	because:0.032698750685304756	when:0.0304672596046976	:0.16218032045583375
of:0.32868990659047687	to:0.10212105753477035	for:0.09723240607162535	in:0.08935860622847339	and:0.06799443798841913	by:0.06413129369795847	that:0.05668005654008476	with:0.04378333067396498	from:0.03173005473826131	:0.11827884993596537
to:0.3518567446781759	will:0.1538509637798069	would:0.10248292884689618	not:0.08217985410108768	and:0.05886607076251572	may:0.049002142484580985	shall:0.038407980792230616	who:0.03821019139194506	they:0.031991384445266724	:0.09315173871749427
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.19562286545974122	and:0.08210215890826428	a:0.07285430231959578	of:0.06740390745474954	to:0.06543949730759961	so:0.03317401232380278	is:0.0309285392337911	in:0.02758066527636791	be:0.023650834831107286	:0.4012432168849805
and:0.10305709057946383	was:0.06187075329856695	be:0.05079707986056976	are:0.04832728810682524	is:0.047460730138826866	were:0.028369325847831816	up:0.026888023501149702	succeeded:0.0252551846928449	them:0.022918549963641243	:0.5850559740102796
he:0.17412581145268174	I:0.12358343791917756	they:0.11796232678165061	it:0.09167415216645979	who:0.0746887606608741	and:0.06071960978322889	she:0.05046283276650517	He:0.03966671004424513	you:0.031045357671074497	:0.2360710007541025
of:0.17812164892276777	the:0.1012888456194023	and:0.08094513092269891	a:0.07630590518576001	to:0.06780754766753506	in:0.05360743862479921	was:0.029660071061225066	with:0.028416590242039894	is:0.028389348603932645	:0.3554574731498391
is:0.15595592626061217	was:0.1224141751783992	and:0.09037004758787004	had:0.08421289172138878	have:0.07959550851441405	that:0.07846365018895993	be:0.06363869234374962	of:0.04930487795238341	are:0.044804968472961317	:0.2312392617792615
of:0.17410031968146805	and:0.09059984687006103	to:0.0793165021403947	<s>:0.0497055406559985	the:0.03761343295607927	by:0.036890269868498575	that:0.023035968397776652	with:0.015232380502194503	for:0.014979279688222578	:0.47852645923930615
and:0.08610817649487001	called:0.07565170131055826	based:0.051357810871794515	down:0.049225505125758545	placed:0.043344942054355066	depend:0.03465433983402664	put:0.03383978458204052	insist:0.031799510709015606	depends:0.03094521355325884	:0.563073015464322
the:0.29404169906763056	of:0.11203293320330061	their:0.04854930416212955	and:0.042505780762227746	his:0.03493611753313642	thence:0.026442209219671116	to:0.024304674480832903	tho:0.023355782986135307	its:0.022380417855343965	:0.3714510807295918
the:0.26313811869372605	and:0.1997967362502524	to:0.07286692042350923	of:0.05332050235859475	The:0.044621972635496325	a:0.04245420366917311	his:0.03908344033774818	an:0.032672136919014674	all:0.03135880111275905	:0.22068716759972626
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
of:0.20572750365024162	his:0.19892150487131635	a:0.10650178810549386	the:0.09765558029138531	my:0.08779545475924092	her:0.07791499580304564	for:0.03085199791717003	and:0.029671255250095983	their:0.023010017673698084	:0.14194990167831217
of:0.07917819674774312	the:0.07859379981228838	and:0.0757170059285395	to:0.061999143025013304	in:0.0411445463363145	a:0.03926353676700137	for:0.034223540776841185	are:0.019962101099935122	is:0.019094966615813173	:0.5508231628905104
and:0.19712615033197636	fact:0.07722519025994683	said:0.06258946616103155	so:0.05112232986118901	is:0.043298823531513625	say:0.03859534773042259	was:0.0380557480618063	him:0.03726814659203925	found:0.03558464235197909	:0.4191341551180954
Mrs.:0.12549709479727053	and:0.10598577272044102	of:0.08095647745167314	Miss:0.07025770689727977	Mr.:0.0702220533493903	by:0.05557158030717538	the:0.03111540068121995	<s>:0.02601396904997009	as:0.02112375882663442	:0.4132561859189454
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
160:0.08157413644474017	hundred:0.07088027049833782	two:0.04309512742719372	of:0.03986402418395963	ten:0.03692262702543681	thousand:0.028486129173876024	100:0.026097204929942545	40:0.024551550637854226	five:0.024318815913273114	:0.6242101137653859
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
I:0.378831461268282	to:0.18999996462447777	not:0.15199787192443193	you:0.07183113053818023	we:0.04265214303569024	and:0.035944967293054075	don't:0.03553625071472519	1:0.028581464417944707	We:0.02789977448414886	:0.03672497169906502
of:0.11543210733525609	by:0.11331888083974649	in:0.10021084569051346	and:0.0918261970497366	for:0.06225519822566578	is:0.04649727813322328	with:0.03663231576613145	without:0.029984364816769127	so:0.026265567400272305	:0.3775772447426854
the:0.41684043981293517	a:0.21011093089517277	no:0.08133155370232695	this:0.07002288020283849	The:0.0516650398199068	any:0.04074197011895698	tho:0.023183046314839376	great:0.02272405841697835	in:0.02157919764533344	:0.061800883070711674
the:0.16034095759089487	of:0.08337930770201633	and:0.08167606873219838	a:0.06797230011329618	to:0.06200499524654075	be:0.030872590248614943	was:0.024646243111901316	or:0.02030169971211091	is:0.017847106309518128	:0.4509587312329082
that:0.1568986827772754	and:0.13671553806493378	but:0.048015711742236886	which:0.040253202317941564	as:0.03654424792622118	when:0.02750072061108017	if:0.023485134902446768	<s>:0.01941782853093735	But:0.014016792651461957	:0.49715214047546497
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
to:0.49508460219295286	and:0.08757249937608898	will:0.06517526206840275	I:0.049749878373100936	who:0.03472403314201286	not:0.03404117870136939	of:0.030297086532577067	a:0.027313229253237287	would:0.02612615926496228	:0.14991607109529562
and:0.03996775771121029	was:0.018343983256780796	not:0.009924952294926195	be:0.009770511873215919	is:0.009710303628823478	been:0.008623523094599928	as:0.00849573593361806	called:0.008354562842881517	him:0.00823927877685132	:0.8785693905870925
<s>:0.12656255458928348	it.:0.026071311109124865	them.:0.01845616459451435	time.:0.01228985692593601	and:0.011825600804602024	country.:0.011315631471902543	.:0.010458528372749581	people.:0.010390027618905917	year.:0.009456074300728175	:0.763174250212253
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
and:0.22020659897911804	the:0.08220977548089287	that:0.058088928582855213	all:0.04871735624850547	as:0.04146390895372036	I:0.03865760639034495	he:0.034264459231842584	other:0.034036104563757906	it:0.03346481712917947	:0.4088904444397832
the:0.13674022758104873	of:0.1020053559430909	and:0.09918208496770697	in:0.09488041442584585	to:0.03757649715746437	for:0.03088465276382605	be:0.02767107061931922	In:0.02370359407825392	that:0.023204494254790424	:0.42415160820865355
a:0.3255421855430288	the:0.2916568532407058	any:0.07797037150684442	some:0.05246333806183627	large:0.03669915637435178	highest:0.028192094303697974	great:0.0241620073617979	The:0.02041505230742624	no:0.0196322833831335	:0.12326665791717735
daughter:0.05177695953220034	name:0.04256076354154875	son:0.029357370757154267	city:0.02858743083677401	number:0.025673415466045305	people:0.02531215585110271	line:0.023226679866397083	and:0.021951120952192767	residence:0.0183436999562892	:0.7332104032402956
of:0.3401772009759197	in:0.11511127058281025	to:0.09375272668020339	and:0.08613759930214965	that:0.06259719707805131	with:0.054828676727219465	for:0.05464012006091031	by:0.04647272826748986	from:0.03514751625709624	:0.11113496406814985
the:0.4034605245392508	of:0.158224272498982	to:0.07094198218283562	his:0.05704766992176168	and:0.04928304098683334	a:0.04199509534777363	this:0.038020806504642804	as:0.03402573734442731	The:0.02996501725277814	:0.11703585342071465
to:0.27642784840752976	of:0.25772356110602834	the:0.07568221397342291	in:0.07244971662618896	for:0.05269765422808626	by:0.04291930852003696	with:0.040384026480008585	and:0.03944800046443381	at:0.0320898993674512	:0.11017777082681324
the:0.14423816747573276	of:0.13070151373196048	and:0.06489891911029852	a:0.060829430147127383	to:0.04624898303052748	in:0.03739429434183793	for:0.02182696987986165	.:0.014757974305199444	by:0.01465675668427313	:0.46444699129318123
.:0.02643154135822162	-:0.019396611453896814	and:0.01792758195032709	of:0.017488409973221822	a:0.017128780804523458	re-:0.01652600046671149	the:0.014764003537519142	to:0.013188360835872449	<s>:0.010949709978634908	:0.8461989996410713
amount:0.07919987458556406	payment:0.05473586814113923	out:0.05053607716873832	value:0.0498733300394171	part:0.049264397934526596	proof:0.04494063651223855	all:0.035516241206615985	tion:0.032755849510533855	proceeds:0.02811040568735143	:0.5750673192138749
the:0.37764684440905194	to:0.14970742591005598	a:0.14381270695921464	and:0.09858861007843064	The:0.03719482011899339	or:0.02776620446560073	tho:0.023101626462708257	in:0.01987090056101457	re-:0.019654330269393012	:0.10265653076553687
the:0.44899791333415556	and:0.17387248374256487	his:0.09062870011068996	The:0.08161837386875441	her:0.04077773075089747	a:0.025147448328151526	of:0.024689097695462733	tho:0.019278464466114077	my:0.017666521832222937	:0.07732326587098648
and:0.07877178845259632	the:0.07003868666492058	of:0.05948746880220871	which:0.051232355917809086	a:0.04626299985243468	it:0.04569812343670358	that:0.045382556803172346	It:0.04339040442591873	he:0.04302143988305269	:0.5167141757611833
Section:0.03566491260193551	No.:0.03491266543262301	of:0.03402636460959592	.:0.026002860267671308	<s>:0.0244449073450945	and:0.023869296465000002	to:0.02051498438664961	the:0.011150003507414867	5:0.007897550600538575	:0.7815164547834768
that:0.25173407893077043	and:0.10767655118779117	as:0.10448814109495189	if:0.07770230287980631	which:0.07343884792072085	what:0.04486641639292786	but:0.04210980089891394	when:0.039790296992440875	If:0.03040909855428848	:0.2277844651473882
the:0.22413775363825206	of:0.130116121991819	and:0.09664673583827024	to:0.052081947984125576	in:0.04079451465292098	a:0.033463062564184125	for:0.031169904004390826	The:0.025729618554093215	as:0.023496271120011788	:0.34236406965193217
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
a:0.6760337054574349	A:0.10151611199530783	very:0.07378317786840168	the:0.061959367337621654	but:0.028834694787635805	Very:0.011237625223839302	this:0.011004453529204606	is:0.010943581282638871	that:0.01061827364302223	:0.014069008874893135
as:0.223943502433141	is:0.12627643998467125	was:0.11836857208966342	of:0.0924662369434331	and:0.08603715928232283	be:0.06651884642940452	with:0.045225293299107044	by:0.043158457032782635	in:0.03955173494994512	:0.15845375755552904
be:0.19491322329096797	was:0.17302538165914716	been:0.09670781507963556	were:0.0798487042394871	and:0.07890636397534313	is:0.07067169786827585	are:0.06245343701968043	had:0.03522254619172952	have:0.03415828067125239	:0.17409255000448087
and:0.18000726411130824	said:0.10109705394995844	fact:0.06528395459074089	stated:0.05302264213713355	so:0.04517641253901115	him:0.03871021418260112	know:0.03725473856966339	say:0.029084524660267504	is:0.028698334626685935	:0.42166486063262976
the:0.5706991988312171	a:0.051551588765240824	of:0.05093312744426058	The:0.03594780491295485	tho:0.03437232422453398	any:0.032207542169803885	an:0.023400527265977047	no:0.02319800565523431	and:0.017175802300625945	:0.16051407843015147
of:0.4245432127971325	in:0.10693718675768063	on:0.07325075681977498	and:0.07130831881824777	to:0.06273698887841393	for:0.057994490055550914	that:0.0442566412347716	from:0.0421915588807962	by:0.03437395490865604	:0.08240689084897546
it:0.1425484532101972	I:0.1213354070215672	he:0.11001646519610883	It:0.08910193822766081	we:0.08810080705787648	they:0.08502350221614376	We:0.035535001300793526	and:0.03455875249364024	you:0.02830612684330736	:0.2654735464327046
the:0.20849665906433557	and:0.1142767670160047	of:0.0996603529965147	The:0.06524073313159189	that:0.024980514504802553	these:0.01841332784867121	a:0.016378062967323737	or:0.01599964531259606	to:0.01465781744434432	:0.4218961197138153
the:0.20623394140656592	of:0.17237690559281588	their:0.05422188095055799	and:0.0492815705339548	his:0.04088326252252266	two:0.03878387408775696	few:0.034010224940183506	at:0.0331522760378264	our:0.031357649557993396	:0.3396984143698225
of:0.1703348371665488	the:0.1417130299833135	in:0.11832580583655473	and:0.05743368325533119	to:0.043702873368921785	at:0.04144418393007384	a:0.03664548514647057	In:0.0339643837980635	for:0.032580902561403495	:0.3238548149533186
the:0.02080793056272712	dollars:0.019662141101980946	it:0.017641223351697342	;:0.016156652248068035	more:0.01602659617794449	law:0.01457222323903449	I:0.014230865144748832	and:0.013335668157722332	time:0.012541805801448785	:0.8550248942146277
and:0.12309418223768133	the:0.1041884536747471	to:0.07976636450256934	of:0.05059684691556177	a:0.03442326617110507	be:0.03150147297098801	in:0.03078554621277007	is:0.029807797641683245	for:0.025135614686750712	:0.49070045498614334
to:0.08386464238357563	of:0.05431304542440027	was:0.053811119076565245	.:0.04930477942481344	the:0.046615240472070094	and:0.039704468847510735	is:0.03832223304104889	be:0.030869606578684712	Mrs.:0.029394866438657	:0.573799998312674
to:0.11611623202716108	and:0.0927670277041291	of:0.05480015358824163	the:0.03853384443427393	is:0.03353964289198347	in:0.029809014802675858	was:0.0288691907044105	con-:0.025306563829559637	will:0.02411726427444757	:0.5561410657431172
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
out:0.07104996634326687	one:0.06555551405888944	some:0.0627501778995496	all:0.046947188129824735	part:0.04244529558942418	because:0.030012730108729443	account:0.029608778673136077	many:0.028457732299761007	and:0.025591822907501054	:0.5975807939899176
the:0.18381955435890504	of:0.12278628617278592	to:0.06712513641920152	and:0.047137828846930165	in:0.021526543939127712	be:0.021486803358868087	for:0.019537956181941256	<s>:0.016423001571341925	a:0.015756752068020165	:0.4844001370828782
to:0.19522068988855304	and:0.16674421824896768	a:0.05182221911888573	be:0.04920604926546338	been:0.04420980653752317	was:0.03989511961817482	not:0.03080652414947878	which:0.030006259592425942	the:0.027899362372096455	:0.364189751208431
<s>:0.05853076640687723	that:0.05360000315563107	and:0.028468892423494714	it.:0.024960893987115183	but:0.01735835078593881	as:0.014815840893292666	them.:0.014318802615316317	country.:0.011732596730942993	of:0.011348659858762027	:0.764865193142629
and:0.11584685290754082	the:0.09114491044264654	of:0.05855685599685913	to:0.05433091993312083	is:0.04703380926913037	was:0.0430532758732154	be:0.04055544360405495	it:0.02837573198193939	he:0.028364111396779787	:0.4927380885947128
he:0.18276390528851247	who:0.09674259266188684	they:0.08751241585179752	I:0.07896370408769166	and:0.06610268454230225	that:0.05348773342754297	which:0.05121005491159064	she:0.04708032511582316	it:0.035645375447815666	:0.3004912086650368
and:0.1664366917266988	that:0.06717962705361745	but:0.02872075379668435	and,:0.015634500554481255	;:0.014334998447542364	that,:0.01190830389828911	was:0.009991076258281294	him:0.009745629785641767	worth:0.00970476604932067	:0.6663436524294429
is:0.04243759685257465	nothing:0.02729614735469178	;:0.02641336323297456	are:0.02568960924424947	was:0.0198913773467094	it,:0.014437443216817454	had:0.011970248432488957	have:0.011240054949575418	them,:0.011150700121346852	:0.8094734592485715
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
and:0.12856473712271582	time:0.08664747261455281	days:0.08267759769151271	or:0.06892470178113663	years:0.0615771574690067	day:0.05748834893941939	that:0.04734522564070686	but:0.046245785308932	long:0.045191102163790055	:0.375337871268227
manner:0.1103951809557842	and:0.052453475314599624	that:0.03036937771827381	way:0.019689239401330938	time:0.015058937839784212	it:0.013360831017844856	all:0.011946359345780016	one:0.011858054142763546	part:0.011827296831737295	:0.7230412474321015
and:0.10427391794391729	the:0.09529157805701977	of:0.06774776021385372	to:0.046933141365124345	Mr.:0.03480178184452097	a:0.0283054534578454	he:0.026021535937289828	The:0.024713644315632933	that:0.020423948156616047	:0.5514872387081797
the:0.32512339546370067	a:0.23158179697995498	and:0.05187717019991178	The:0.03825067176259964	his:0.03810539085976427	every:0.028163288176109327	this:0.027257369171595543	United:0.025947674389295523	young:0.024275688330599343	:0.20941755466646894
and:0.10506198287938252	him:0.03209556935612786	application:0.031061195895331416	was:0.029615672989565755	it:0.02744669467120214	up:0.02677489106573396	made:0.024182720209844934	out:0.023178023165199367	time:0.02248390682722411	:0.678099342940388
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
the:0.26689561431688286	this:0.23572963487839568	his:0.07521509372736579	that:0.05677233284337012	first:0.04921960653619893	same:0.03970217316719064	taken:0.03364625187077379	on:0.0319595775055698	took:0.030204639843958044	:0.18065507531029437
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
and:0.15487704792533127	that:0.12152398476416784	as:0.0996735176135662	which:0.07461313954782843	when:0.06576423955339664	but:0.033527738299276466	where:0.027415021834893884	if:0.025876190572274926	what:0.020367014927378687	:0.37636210496188566
of:0.1359676651392709	the:0.12287535886750492	and:0.06565655279515946	to:0.05754022169199214	in:0.04062346151669864	on:0.03909854737716166	by:0.03819142581566716	a:0.03133579093198706	<s>:0.027958315454995192	:0.4407526604095629
it:0.23039806328331283	It:0.14901707463849947	which:0.06744228311799723	that:0.05925610380357884	he:0.05494595928704875	and:0.05368176556500528	This:0.03786670037583392	there:0.02891119524541185	who:0.024840630663397582	:0.29364022401991424
going:0.08836270235782519	looked:0.08540924603362282	went:0.07392283487057875	was:0.058504950104648575	go:0.048469560788404774	relied:0.04630222826751411	and:0.040562037642651226	is:0.03968113543470972	put:0.03712582072110329	:0.4816594837789415
of:0.14544728634397536	the:0.08081629315738684	and:0.07039020097004627	a:0.05645329256865379	to:0.054558306002731545	be:0.04870731398002104	was:0.04375255925614917	in:0.03967821497772084	is:0.03415706896781288	:0.4260394637755023
and:0.10801907500523789	there:0.044558854200432506	that:0.03877289024566334	or:0.03452544313144573	There:0.02761607374087299	<s>:0.025743629777582502	which:0.021377487205648853	have:0.0166712936692379	one:0.014380207675788076	:0.6683350453480902
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.10538241056907567	to:0.09408713137492118	at:0.05904269432769738	the:0.05580230547068866	and:0.04188087678941465	.:0.032136670284416136	in:0.03055116362734137	<s>:0.019519309228215733	by:0.013253333562596047	:0.5483441047656331
for:0.19735377336327933	of:0.1285811849150697	and:0.10464473302199112	to:0.09892472980054479	with:0.09374054077748824	in:0.07192689090769908	upon:0.04375225997766198	see:0.040866738752849054	by:0.03913696089702755	:0.18107218758638918
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
this:0.26400387740288594	the:0.17587983581231798	last:0.13567040482363546	a:0.11110833021576358	each:0.06414431626377527	past:0.06306181880572986	next:0.04978150346849058	every:0.047347773738389	one:0.03706254303536125	:0.05193959643365107
a:0.2884058886268196	his:0.11895470394534845	the:0.10915343336255882	good:0.06919112579160853	their:0.06584098430675359	and:0.06492638758535622	in:0.06228442856819583	great:0.060346642884435954	of:0.04861487909492134	:0.11228152583400168
the:0.21522612667412178	of:0.1511997353611204	to:0.05038804922042927	by:0.046734156266127425	in:0.04564777914546181	and:0.04142631540327612	for:0.028157481559553933	that:0.024628003074011116	on:0.024354074095008643	:0.3722382792008895
to:0.7274661050046918	of:0.06670198116050245	and:0.06536923813307219	the:0.029986671155277905	will:0.025464984575309838	by:0.01226242935557966	a:0.011452535557368405	as:0.010282628456124704	for:0.008954042116182672	:0.04205938448589035
and:0.1339321645008505	that:0.07209690056228373	for:0.060993032193038595	of:0.05977106557292727	make:0.055666412193478024	as:0.0556467139112165	in:0.05235736430633153	with:0.04875676025107626	but:0.04473639608813197	:0.4160431904206656
made:0.08329991235877175	and:0.08101134671409826	owned:0.054099228506223805	occupied:0.037600553934019024	accompanied:0.03392102474539285	assisted:0.03128640535785278	given:0.027620904807990978	followed:0.02743538083911405	signed:0.023920362965688828	:0.5998048797708476
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
of:0.3280349374098746	to:0.12136429387383753	in:0.10255781248061188	and:0.08827341390118258	by:0.04981622134390295	for:0.042098470045252905	with:0.03746649816113907	at:0.0346282744456123	or:0.03399074918607834	:0.16176932915250786
the:0.24833624058907752	of:0.1358263742565774	any:0.07238867309960202	in:0.06092245047138767	and:0.06009443521510928	to:0.0491944275979737	great:0.047490840736288016	this:0.03871545303176346	their:0.034221571699026704	:0.2528095333031942
the:0.140323282198182	per:0.09340845484744015	of:0.08933386241062566	a:0.08686585183761117	for:0.03705691751384962	all:0.03668256340255595	his:0.031092655025712575	said:0.029594305905116636	and:0.028712476435145448	:0.4269296304237608
of:0.15985453877695838	the:0.09502846416525065	in:0.05845807207715751	and:0.04749673608087739	that:0.03780945476695417	to:0.031324348349176294	The:0.026721992530225346	for:0.023155839315457248	Mr.:0.019973943650508502	:0.5001766102874345
of:0.20384205280896042	and:0.13179351137767845	are:0.11614038614256743	in:0.11064908913029127	for:0.10448725317717285	is:0.09615431067367025	was:0.04400407483623493	by:0.034871504814507744	with:0.03318223576296187	:0.12487558127595479
It:0.39319754430299325	it:0.37206494706482535	which:0.03534842653362143	he:0.027095457801645757	This:0.024853206520422836	that:0.01817532482199683	what:0.01629320531972866	He:0.015437639519106794	who:0.014435441460554543	:0.08309880665510458
be:0.23031906249017853	was:0.14409079653531837	he:0.11562200340251105	and:0.10056518651438655	is:0.075904633239423	been:0.05398913029927212	were:0.042878507332479256	have:0.03702010115262694	are:0.03685200241485865	:0.16275857661894555
they:0.13997263342655353	it:0.11089641668718192	we:0.10047163087641467	which:0.09166723101373202	he:0.08747870210965	that:0.07044730663055981	you:0.06859184705896383	It:0.0628288120260017	as:0.04775125973622915	:0.21989416043471335
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
in:0.04345180412702432	and:0.040506683585328766	was:0.0317247979028611	<s>:0.02558521056017962	I:0.025075051441913333	have:0.025041422456488487	is:0.023144774268609714	it:0.022376080374290966	be:0.021966930705938387	:0.7411272445773653
a:0.2631100248867132	the:0.25113214129199196	good:0.0514361018245621	large:0.049276564221942584	an:0.04497623798798674	and:0.03668220768910074	his:0.032398127539784376	The:0.030374475652721757	to:0.023653530226257963	:0.2169605886789386
and:0.09468249737622518	depend:0.03875088893599322	based:0.03863406357657407	placed:0.0380392715961322	depends:0.03779424552216468	called:0.03705486424756454	down:0.03295251281941486	made:0.032658028953724605	effect:0.028685464570585545	:0.6207481624016211
forenoon:0.0582490741968471	one:0.049862196816315006	result:0.03987800092652688	out:0.0376061003153729	all:0.036286459703992496	part:0.030758784493381777	some:0.024394642915857804	much:0.023956915270718103	is:0.02381300320797522	:0.6751948221530127
the:0.7045656855619107	a:0.09439250802600929	The:0.03179735674199868	first:0.030598342105265873	tho:0.02698997962858196	some:0.023680298506204962	in:0.023020785628587375	any:0.019579829524311844	this:0.016262555861784694	:0.02911265841534467
statute:0.2178702553998322	and:0.09230913868589358	that:0.03930311449245735	or:0.037115821972932075	as:0.030182620629376905	is:0.02632896711410034	it:0.02557299373610032	was:0.02345060337021054	be:0.023044230983195888	:0.4848222536159008
the:0.5590590822031979	a:0.06571623716673006	this:0.04459996697586031	of:0.04259249992720659	and:0.03287038802061677	The:0.03079790793589999	tho:0.02789325242879251	his:0.02520974030479456	tbe:0.014764359900714539	:0.15649656513618676
and:0.2020753902196964	as:0.16015518888294134	that:0.1368610134162498	but:0.04874472335438409	even:0.0466233678630437	him:0.030853346263064154	asked:0.026513207079138654	or:0.026070027265889577	But:0.020593520388761027	:0.3015102152668313
the:0.18226616748733143	of:0.09055536536617964	and:0.07875087345412557	a:0.04282959090962975	that:0.0423577110756612	The:0.028952021800772214	in:0.02827161666549837	no:0.02464103014114996	Mr.:0.02431919560564389	:0.457056427494008
they:0.1255715487634471	it:0.12534058274304735	you:0.09570600952902376	we:0.09357023621856524	which:0.08060228215110858	that:0.07627989055146184	as:0.05883056035521296	he:0.050926705661324345	It:0.050668368980268746	:0.24250381504654006
any:0.27243310767318185	the:0.19204906609103	a:0.08727527660571681	this:0.0748452833382499	that:0.05910834921767392	no:0.03630277117583506	on:0.03205270270565099	or:0.02806124625757937	of:0.027348045391993817	:0.19052415154308827
to:0.32040123442259544	will:0.2405601441405995	shall:0.10708703317379316	should:0.06457839564828417	may:0.05532332060354648	can:0.04696380848358606	would:0.0434992133451546	not:0.036168740195381834	must:0.03584517436925347	:0.04957293561780527
the:0.17259713434005025	of:0.10293073232041454	a:0.0849706858676569	and:0.05313687900229971	or:0.042232827593931904	to:0.0405057052805797	in:0.03422281356011614	any:0.024320751750585658	be:0.019453024573303165	:0.42562944571106204
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.16426992389034856	of:0.09702422726033204	a:0.05773100365794107	to:0.0477127103678804	in:0.043022325231464896	any:0.04060122164564591	for:0.03929311515808009	or:0.037243611065177915	and:0.0343918480098038	:0.43871001371332535
have:0.18064348149380088	has:0.14211009806668096	is:0.12253662977602177	are:0.11044349710677052	had:0.09980462248335509	be:0.0770268924263782	was:0.06491912586168319	been:0.04621663217279537	were:0.034882778059025905	:0.12141624255348812
to:0.14869474264937652	and:0.13571206047606105	of:0.053837228370257825	the:0.05197162433529989	he:0.04669578621396971	in:0.04296777632239948	I:0.01882202655646428	was:0.01722030351610893	by:0.016683074618702224	:0.46739537694136013
day:0.025945912829229645	sum:0.015941118598954987	out:0.015430444478105688	one:0.014752360145688759	that:0.012300175876796965	and:0.01095695956874921	period:0.009928299575177537	time:0.008591736238676135	state:0.007861124982813801	:0.8782918677058072
the:0.5993274415380323	a:0.06838578787739256	The:0.05538345387679857	tho:0.03075294410024777	and:0.02637083247706813	county:0.017305462684264323	of:0.017083477918261817	one:0.015030350092565446	State:0.014786781076062643	:0.15557346835930647
the:0.17436128366415746	and:0.07952607699092822	of:0.07012256870555748	Mr.:0.037660024280623684	The:0.035319216631114175	.:0.023354312054415464	that:0.019745208315911065	Mrs.:0.016769830556761144	to:0.015402565024548018	:0.5277389137759834
and:0.11855345980160215	that:0.04834655291398339	made:0.0378194600336547	is:0.03527537111848093	was:0.03499608325061649	placed:0.02838596072187782	as:0.025722738445492364	be:0.025414814918467716	or:0.02501953233801765	:0.6204660264578068
of:0.358042780678881	to:0.16254774452662574	in:0.09421602736507972	on:0.056003229369636504	by:0.05485768224311226	for:0.05314681422550714	that:0.04709647446702241	at:0.04634839794697348	and:0.03794545500910519	:0.08979539416805657
of:0.2516785079070408	to:0.17077690523959121	that:0.08134724450562231	and:0.07617025550985464	with:0.06639888711215364	in:0.06576998368417421	for:0.04511902909829278	all:0.04121516977661078	on:0.03850248724145271	:0.1630215299252069
the:0.10629408008167358	and:0.08815290217439943	of:0.08536416028430537	to:0.046878940751438676	for:0.04074067769183736	in:0.034670757533720314	are:0.027879360579562255	be:0.026231642262520862	was:0.02349990257593656	:0.5202875760646056
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
of:0.2314239407033136	to:0.12484361284011394	the:0.08701814136008335	in:0.05592958878119203	and:0.05463317292775728	with:0.05209591980623091	on:0.05018556922260711	by:0.04740137773331585	a:0.046935964595304074	:0.24953271203008184
amount:0.12995661218782453	and:0.12570070355706003	is:0.1254876012770348	he:0.09468596218921782	have:0.05339087549136287	be:0.041802180842213106	was:0.040129701519125566	which:0.03375053058238574	that:0.032768535539985905	:0.32232729681378963
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
and:0.05594037419575145	made:0.0331267869608536	it:0.03291709902117791	free:0.03201123840769053	miles:0.03017819186987653	years:0.027798056187715987	away:0.025554937443132576	him:0.025459478408209224	them:0.025437421736377214	:0.7115764157692149
who:0.16095279595084908	they:0.14633071820455987	I:0.11374326680264467	we:0.11177859235105113	would:0.09118539641247342	to:0.07165496552062725	We:0.06883963736022505	which:0.04482116025433485	They:0.04162279118877234	:0.14907067595446233
of:0.09386619043717975	and:0.08833352355872878	the:0.06322674683119847	to:0.043783234343440926	.:0.04185279964740952	<s>:0.030404953498654273	in:0.02222899742024808	by:0.0186959773114364	at:0.018357353136352207	:0.5792502238153516
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
the:0.2954063172428901	and:0.16185852019901872	of:0.08732147731511222	most:0.07540411781015814	be:0.07257853067370414	are:0.06835882577067015	was:0.05714657063993498	is:0.05211010863587832	The:0.037167380315625415	:0.09264815139700779
line:0.19585411913258477	corner:0.08585858437312462	sheriff:0.05329200048610731	part:0.046004173335383244	prayer:0.03961721928792119	sale:0.03906989027927032	portion:0.03851445241404559	payment:0.0378346559479188	side:0.03532680651661504	:0.42862809822702913
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.2915294387152406	in:0.11770740154229757	and:0.09178940088736243	to:0.08542332120852555	on:0.0854139297162986	for:0.07699346920893012	that:0.057074377319271	with:0.055958230852553796	all:0.037054484762394944	:0.10105594578712536
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
the:0.27557346665583726	of:0.11270557798721306	a:0.07221850142849166	and:0.07144682616747912	The:0.05126004377318243	to:0.033380274004935644	in:0.021050068820957574	that:0.020887491106621362	an:0.019609980429979062	:0.32186776962530284
the:0.33898744535978875	of:0.23990034854834383	in:0.20975031938977848	and:0.04572937331633918	for:0.028283186932384703	In:0.027931029620507152	to:0.024504434174331888	his:0.024380343399523486	their:0.01770250125009075	:0.042831018008911786
they:0.1541782586066408	who:0.07423270332128717	there:0.06865609592278805	we:0.06743402016614146	which:0.05203541969553862	and:0.049343777402751934	you:0.04504882927149229	There:0.03909780193172581	They:0.036944440497495006	:0.41302865318413884
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
and:0.16858594684786504	the:0.14687909435666827	to:0.11971633281279918	an:0.06372612558343897	of:0.0520177542806268	be:0.051006302289126455	I:0.04772330372572592	not:0.04689774449852952	is:0.03797026603919504	:0.2654771295660248
they:0.22505832290213085	we:0.12055987532813957	who:0.10520530424539415	They:0.05225129102066561	We:0.05224234873393968	you:0.04917519156447545	which:0.047741037483762835	there:0.04627478552590062	that:0.04377994328462938	:0.25771189991096183
to:0.5701833451221585	could:0.09391508344562625	can:0.07488263417588459	not:0.06234425716417179	will:0.03566195517188049	and:0.03391381581198657	cannot:0.026226337072786564	would:0.025288252857364284	they:0.024277616605142247	:0.05330670257299873
the:0.24429945187852786	his:0.14860459476755233	my:0.14401335103552157	her:0.05699504403330869	a:0.04018494464570646	and:0.03741980075324769	of:0.029335487300955525	good:0.021861773666416392	their:0.02135086622473046	:0.255934685694033
and:0.11855345980160215	that:0.04834655291398339	made:0.0378194600336547	is:0.03527537111848093	was:0.03499608325061649	placed:0.02838596072187782	as:0.025722738445492364	be:0.025414814918467716	or:0.02501953233801765	:0.6204660264578068
and:0.10219554052758101	was:0.08425971925204889	be:0.0713564955627902	is:0.06997841425675287	are:0.06978892375034097	were:0.04680295930477843	been:0.04590030352960818	so:0.04103562297896779	that:0.03428037543449426	:0.4344016454026374
the:0.5709555434560207	a:0.09190426883872384	of:0.054232549031026395	by:0.04967039461642965	The:0.04821263885265429	at:0.042170503164953035	tho:0.027492733595220586	any:0.026774633600056188	this:0.013075007885734935	:0.0755117269591804
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.3826631407562779	of:0.14916471251019806	the:0.13083605885123772	for:0.05426746789794244	with:0.05425493852434848	while:0.04874274560643341	many:0.04829267160788296	to:0.04135613390008566	are:0.02957411644204848	:0.06084801390354489
of:0.3051783532181893	in:0.1436400151259232	to:0.10602333439436944	for:0.07734599089817625	that:0.07106658733598945	and:0.0621332732117111	with:0.04884972344909618	by:0.04150729094252396	In:0.036419307799328025	:0.1078361236246931
that:0.1533829181764659	and:0.12320559878259389	which:0.0953591844435863	when:0.07140654048984195	as:0.0639067016017661	to:0.061519589588405615	if:0.03221913038749884	will:0.032027518221750144	but:0.030234421324445447	:0.33673839698364577
of:0.25054144947759865	to:0.12326977269994392	and:0.11530616690482348	in:0.08605355303379379	that:0.06573803721785529	all:0.05249736353690374	by:0.042490716706181514	as:0.03418284429415734	for:0.03384880438038764	:0.1960712917483546
they:0.16111188785265268	there:0.06626249220905589	and:0.06077457897578308	who:0.05732257284091478	we:0.045083092791755895	which:0.044647664622390684	They:0.03565243903755429	There:0.03090159854777091	that:0.02999419587928608	:0.4682494772428357
.:0.1206942907135854	A.:0.0675993769793852	J.:0.06663611812846586	by:0.06330828332625589	W.:0.06073836005337215	S.:0.05916964340251198	John:0.05783663319786117	of:0.054175601443124555	C.:0.0507592036870147	:0.3990824890684231
he:0.1640659811034412	be:0.10761345915130886	have:0.09553519795856003	I:0.08196744527803516	was:0.07819153443062081	and:0.07450356115511066	had:0.06162576319655148	been:0.050346762583771576	they:0.04821711055672917	:0.23793318458587104
and:0.07811820682562778	made:0.03277360256811973	protest:0.0323453377343977	up:0.027149085029984824	judgment:0.025715270995901488	brought:0.025477416018728036	charges:0.020906754872237122	taken:0.02085315188095314	claims:0.018774307532647066	:0.7178868665414031
of:0.11525097706639548	the:0.09902686267598308	and:0.09117935472502332	to:0.08008504997183039	in:0.042956110711791125	a:0.04019182013456922	for:0.03278738276250259	or:0.027594391560020085	that:0.022236174167398287	:0.4486918762244864
was:0.1803487813274843	and:0.14177684789978812	be:0.1329193667700796	were:0.10513037657915812	are:0.08807179068869798	been:0.07068213743247119	is:0.06246463918020508	he:0.0245660808357784	being:0.023485899826233714	:0.17055407946010348
number:0.07693779630193077	purpose:0.0726615163442003	out:0.04799019278268677	matter:0.04412744762060964	instead:0.04337929041053171	cost:0.031125208521539948	means:0.02992691111666975	years:0.026219177465044114	line:0.026061277623647707	:0.6015711818131393
of:0.1478402432013564	the:0.1376140016248359	to:0.042703722332392544	and:0.036413462666366817	on:0.03500235556075506	in:0.030969328000546064	<s>:0.025821898222558055	for:0.021824628650331645	be:0.020917912562502576	:0.5008924471783549
the:0.41713877283136996	a:0.2817164203756291	of:0.08303903346402033	The:0.040297665113450024	in:0.037783859381092626	this:0.03436464129524555	A:0.030460047896670384	tho:0.027509326584499467	with:0.02083009796100061	:0.02686013509702195
to:0.719791006336938	not:0.05902346058653421	will:0.048994717201977	would:0.041579970363008555	and:0.030291533772023555	can:0.02299021142328676	may:0.021469247487898576	could:0.018515801162938474	To:0.01660943979738774	:0.020734611868007062
as:0.19564334020081534	is:0.17361898028873862	was:0.11453803035105592	be:0.07597613135565913	are:0.07235438962436194	so:0.06874711688554865	and:0.06490328405376738	were:0.044147856946384054	very:0.03761640515429367	:0.1524544651393753
and:0.13138779441418363	of:0.11452835077345339	the:0.10108047685654721	to:0.045355374649344686	for:0.03877034419752932	a:0.038331212563399886	that:0.03577152487086106	which:0.03465855471199002	or:0.0317270974950182	:0.42838926946767264
of:0.29387783698782666	in:0.09466197804686548	by:0.08587249234714797	for:0.08286119362113008	to:0.07777703972793164	and:0.07485261474058985	all:0.05494881004882279	that:0.05263076549712916	from:0.034417835638777004	:0.14809943334377937
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
of:0.18009272073101648	the:0.12281588444503617	and:0.106838689756974	to:0.05636713075691292	a:0.04511836662892876	with:0.026981973792162356	in:0.025120600888490538	for:0.020733516400419396	or:0.020691091732268137	:0.39524002486779125
he:0.21383900943749448	and:0.15601554369337373	had:0.1502006774441705	has:0.0920278629207543	have:0.0776436335273572	He:0.05994527530580612	was:0.0489904845424552	be:0.039622745935675746	who:0.03636921360203386	:0.12534555359087884
the:0.6178709213022902	The:0.11357949846123752	a:0.05342084705507636	of:0.03526943315292732	his:0.03011829416014781	tho:0.02588314194588342	our:0.024114704807219486	and:0.02013160223370615	this:0.017043229799449215	:0.06256832708206256
the:0.15011124914381613	and:0.10261581358336609	of:0.09476318845538259	to:0.054433437936715	was:0.02075277769022802	be:0.020182220242379815	in:0.01987757951718589	a:0.016731184482172635	is:0.015564632491157748	:0.5049679164575961
of:0.13843786900514335	the:0.08545718290773599	and:0.060640863983776126	to:0.05949649637540797	on:0.03476027748916273	in:0.02458743702747571	for:0.02037629755566432	at:0.01851830731820439	<s>:0.01484346558750913	:0.5428818027499203
the:0.4521951732806454	an:0.13479648433797378	any:0.0776649572911312	that:0.049893864443461305	and:0.04287955116331683	a:0.04076653378731964	such:0.03435728141848261	this:0.031852378849890554	no:0.029967906207359833	:0.10562586922041886
the:0.7925840170362733	tho:0.03668192180509511	The:0.03439227678493915	and:0.024919246159742357	from:0.017347225006675775	a:0.014633699442428582	that:0.01385248282581307	tbe:0.0131506067401199	on:0.011399334440900865	:0.04103918975801188
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.13365418208262164	of:0.09754180048581389	and:0.047738579261749674	to:0.040186263149560954	by:0.030607850940091167	was:0.023708918924360462	at:0.021746435878877365	be:0.021290306636367853	<s>:0.017057305424720073	:0.5664683572158369
the:0.18253890953676669	of:0.1156971942462741	and:0.06841931970718165	to:0.041391691346699226	a:0.03553218132398302	in:0.019342658137886996	for:0.01680695970600026	tho:0.015388789425243672	be:0.014820558214900947	:0.49006173835506345
of:0.4449462409550224	in:0.2668268758916532	to:0.06760707464235785	by:0.04208630258842143	In:0.03948504934177217	for:0.03714095629243704	from:0.02090080394289585	and:0.01847908190085746	that:0.014050262441262574	:0.04847735200332003
line:0.06356414694593336	street,:0.05063833443705971	difference:0.047172442208063714	and:0.04078750422678058	street:0.0325593945629877	war:0.01687743699077558	midway:0.016250070190273608	lying:0.014808704387109047	of:0.013998674135802722	:0.7033432919152139
the:0.5948707021423598	a:0.11325860805360512	this:0.07115505593649697	his:0.05637641724809538	tho:0.04139371789063581	their:0.03703134502172792	our:0.016227737222954248	tbe:0.015297654822426544	whole:0.014030342335583148	:0.04035841932611506
and:0.29037729569808485	to:0.2869134427301017	will:0.04735735356553791	that:0.02898798026008727	not:0.025777034965699303	then:0.02556633940619732	but:0.02425812326471916	which:0.02192352998591649	I:0.021918135311054333	:0.22692076481260165
and:0.12378176552300205	would:0.11746304807890276	something:0.06710818270270615	not:0.04472913462961768	to:0.044313391360861355	was:0.042174049939565014	is:0.04137018430032482	looked:0.0401659196752472	looks:0.039407997708380986	:0.439486326081392
the:0.1392463829409685	of:0.08574016629324809	and:0.08098180778350121	that:0.044926786817916724	in:0.0414248758908129	as:0.032252819491501244	The:0.029150264997298184	Mr.:0.028634625595176995	which:0.024193188355461543	:0.4934490818341146
the:0.6720589285594524	and:0.049686547694364876	The:0.042259218231562645	a:0.041277438082980025	tho:0.03484482311072925	his:0.029560677973326614	to:0.024228664284652254	tbe:0.01859394441171125	or:0.015385437591648721	:0.07210432005957204
for:0.1681531812939939	the:0.1559585406460668	of:0.1463849624673409	about:0.11951177115958266	and:0.11818243371276826	or:0.06901999887843294	in:0.04289711100558647	last:0.034323894451797114	than:0.03329518860316317	:0.11227291778126781
be:0.21825107344294079	was:0.13864301563087594	and:0.08413449416183148	been:0.07710248165120821	were:0.06390419220169569	is:0.04645784440333399	I:0.036394354313154124	are:0.03489448641118649	he:0.030570241229049964	:0.2696478165547233
and:0.09377129454296322	was:0.04271315341537484	out:0.028524574363226172	that:0.02811573968936019	placed:0.027131868575018914	work:0.02578173844450971	made:0.024681420068921236	is:0.024021050156212566	up:0.023509378606325886	:0.6817497821380872
per:0.8303296372749263	the:0.07532312114328266	and:0.012797614383535471	of:0.00551950491921596	an:0.0054086411432061905	to:0.004540608168329307	a:0.003620542648283266	by:0.003225985479838087	The:0.0031271694110435433	:0.05610717542833927
and:0.21755757190026956	or:0.11584204953821049	that:0.062434910199577635	but:0.05936217901202866	not:0.053605371343697	for:0.026329150052553908	But:0.024538436258933823	is:0.022272065633860267	be:0.02193771395836126	:0.3961205521025074
he:0.13139096403604802	it:0.1264004879512778	and:0.09360434390053558	which:0.059209603525829456	It:0.057554662801123035	who:0.05307774060631882	be:0.04251162651226504	they:0.04157271017103874	He:0.031038242584470375	:0.3636396179110931
to:0.3008120653503586	will:0.15489656505372817	not:0.09335716825223045	should:0.08426863408539158	would:0.08074420042876022	shall:0.07966372570360375	may:0.06727006484353827	must:0.041813929519867114	can:0.04013947518731263	:0.05703417157520922
he:0.10478356409038381	it:0.10040389092447392	they:0.09491305833614935	I:0.08257478756715375	we:0.07457030864319202	and:0.06630650073337171	which:0.06354245475845395	It:0.05371810747750058	you:0.041387911921761854	:0.3177994155475591
County:0.07731334933556007	city:0.06918457205746228	State:0.051584142142064936	City:0.04747051625936204	county:0.029735466965197785	day:0.02536450602294154	line:0.02398316483302049	name:0.02236205370675506	son:0.014282293097302388	:0.6387199355803334
of:0.1381479408377357	the:0.13655265041382308	and:0.09346968326824188	to:0.0621840210158872	in:0.054572879969395235	that:0.032750415779752955	as:0.02412425794695875	from:0.019836296055958415	which:0.017477845229229547	:0.42088400948301724
about:0.18583523945306554	and:0.16360056153913202	the:0.15962193750733783	or:0.10275699245539334	of:0.06023278057823211	was:0.04594164958327778	were:0.03217373338393314	than:0.03169362898195869	are:0.029024462134210924	:0.18911901438345863
it:0.13796128875087904	which:0.12123151758558284	It:0.1190182297647619	that:0.07907127608922525	who:0.07084173501939091	he:0.07065862855136053	there:0.05551808419416357	and:0.034746175819115654	There:0.029925963619018833	:0.2810271006065015
and:0.09891254845989414	days:0.09664416737209414	time:0.07378660673360674	appear:0.056505944027835285	just:0.05452489842421139	or:0.054205613350377886	years:0.05178600075745031	that:0.04984225884553547	but:0.0485353169658248	:0.41525664506316984
of:0.3641487536196542	in:0.1553629300309242	to:0.11388759979261477	on:0.06305201474315977	and:0.054927501976012774	for:0.04386176594327128	by:0.04244541698427493	that:0.03927864140914532	In:0.0358109080418872	:0.0872244674590556
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
of:0.35260694166200646	in:0.13318422825304693	to:0.11201482744341981	that:0.06531731505011136	on:0.057629843426599804	for:0.05054418537510907	and:0.047231815315449885	by:0.04620973679411965	with:0.037899843606229264	:0.09736126307390776
the:0.25976872373906745	of:0.12347419175627931	and:0.07652320094936353	at:0.03224011620030307	a:0.029185833495561107	The:0.02607682220643544	to:0.02476551320960428	or:0.021467766776499156	tho:0.01799969448912727	:0.3884981371777594
hundred:0.23037783875377413	thousand:0.21444238441660837	fifty:0.06279244379308727	million:0.05751617464690934	five:0.04417539737420793	of:0.039971270674724946	ten:0.035100999688900264	dred:0.015041711456274658	sand:0.014637829954002951	:0.2859439492415101
and:0.12096432995519693	time:0.05299464232551484	him:0.02584519316627342	made:0.025100370878498663	it:0.0217936959878683	them:0.02153931059441673	out:0.02115160747848194	necessary:0.02092612224565661	up:0.020657444806176515	:0.669027282561916
and:0.1313056501793289	made:0.034551030036317	necessary:0.03191530070016697	provide:0.023191256277008975	him:0.021827387004521748	time:0.02091411247587312	but:0.020346196766889778	pay:0.02006785098451588	responsible:0.019399383232926184	:0.6764818323424514
and:0.14042689854142015	in:0.07411978768258794	was:0.06749443808153881	is:0.06424105126332498	for:0.06387412017397823	that:0.06270590867571198	are:0.05410961778127643	or:0.05020879076928602	be:0.04416964323990056	:0.37864974379097494
be:0.17402821163483262	was:0.1675110192013801	been:0.09756540115533971	and:0.08425468862602567	he:0.07853636016701433	is:0.060704642563310464	were:0.05992567782386721	the:0.048133675218348757	I:0.04304229616361815	:0.186298027446263
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
week:0.09397834787057227	and:0.08546755065586763	time:0.030584849286485756	up:0.02927875908704684	it:0.024389275981262244	there:0.02396551712207136	was:0.023795562788487493	him:0.02344285146999801	them:0.01914709608688043	:0.645950189651328
the:0.1541281261741526	to:0.08949812285728066	and:0.08174823474122353	of:0.06477928962051079	a:0.060448698373661236	in:0.05499913905980284	that:0.03256323243451221	for:0.029535957216371422	at:0.018969429340014107	:0.4133297701824706
to:0.45720043169737085	will:0.16952420196960782	would:0.0872432901882217	can:0.05009499849629697	should:0.045992472387357035	could:0.04486127412339992	not:0.03885824752659195	must:0.03594363197420449	shall:0.03321312895457539	:0.03706832268237386
the:0.179538664466278	and:0.1349241543660552	be:0.10770983153498616	was:0.09912162128792683	were:0.05670895881353954	been:0.041062704108993396	are:0.027005638324051836	or:0.02548853614730597	being:0.025259396772836527	:0.30318049417802656
of:0.0707488053844102	the:0.07015630657369326	to:0.03936400080712055	and:0.0364026507622611	.:0.030033506356544535	at:0.02696861741524747	<s>:0.018135931643947896	by:0.011930194228284839	a:0.011903447426426114	:0.684356539402064
and:0.10506198287938252	him:0.03209556935612786	application:0.031061195895331416	was:0.029615672989565755	it:0.02744669467120214	up:0.02677489106573396	made:0.024182720209844934	out:0.023178023165199367	time:0.02248390682722411	:0.678099342940388
the:0.5886279261359727	of:0.12236342651086332	and:0.04845575063509631	The:0.045079514956222776	to:0.042315572935308854	in:0.041212717617717685	for:0.031206491588038107	tho:0.030819064794667676	with:0.01926493728699154	:0.030654597539121066
he:0.15833783157006798	who:0.11252166679113242	which:0.10007920750248263	they:0.08307407047038702	it:0.07687172224910013	that:0.06547997363155768	I:0.05314002564963188	there:0.04507481930663967	she:0.04354106747792997	:0.2618796153510706
from:0.19300217727339725	the:0.17434688703056778	in:0.10842248080581794	that:0.07919286971493883	some:0.07313489208481577	any:0.07057569714868003	this:0.06443408865559666	a:0.059106952729371	same:0.05417328085966794	:0.12361067369714682
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
time:0.021944708115106144	in:0.018303955934642024	men:0.014711816138882462	up:0.014154477358410853	work:0.0138988106007922	out:0.012981986109272472	life:0.012242046283944015	him:0.011081478661892952	power:0.010854704347856075	:0.8698260164492008
the:0.1331954013331003	of:0.10395761905650669	and:0.09166744382168995	a:0.0674867672110823	to:0.04481959524883369	was:0.033914181021321675	be:0.027669522756191306	is:0.023821375196731925	been:0.01992601692954109	:0.4535420774250011
the:0.30666457946119163	and:0.14862291648261397	his:0.12288014787445861	of:0.0722625166201719	their:0.05879769970951359	a:0.0479059555368449	my:0.04486137318247046	with:0.04332752509210906	her:0.03533744589117457	:0.11933984014945129
to:0.24709524231355953	and:0.11648225838629606	that:0.060563371507338815	not:0.05737889326896275	they:0.04783346559925299	may:0.04331735671642092	which:0.04121537766336274	it:0.03653534791547939	will:0.035340261630716296	:0.3142384249986105
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
the:0.14975421255757787	and:0.08176662714490365	of:0.07810907635222486	to:0.04925774047492858	was:0.03448850686504008	in:0.027506294990293327	a:0.026525463667191437	be:0.023716922461376043	is:0.022618881168696994	:0.5062562743177672
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.3151275595628319	with:0.07751088094127385	for:0.07270243122548097	of:0.058022438421536725	told:0.04879791660066497	at:0.033159114207749335	upon:0.032326365071832466	tell:0.03052581230483815	on:0.028361873005440786	:0.30346560865835087
not:0.16164756284887902	for:0.12531320696177858	no:0.10564095431767917	or:0.0771490339904734	much:0.072409585296728	is:0.06764449366336509	of:0.06405487479541515	and:0.06367435899225737	nothing:0.06263531100574042	:0.1998306181276838
the:0.19372258959249586	of:0.10429544167753863	and:0.10103995344800477	a:0.08076096254060405	to:0.034070950805830655	The:0.027568848007758363	at:0.02355061886214254	in:0.019248182089254183	or:0.018082977269241834	:0.3976594757071291
a:0.29570955330123067	her:0.1410537142761324	his:0.1294157055436942	my:0.07522192147462539	the:0.06482789231446257	A:0.04436506514279869	and:0.0343952169205551	old:0.03324824483711639	our:0.026724314792829676	:0.1550383713965549
;:0.03809558313875275	is:0.030446971627386753	nothing:0.019102105426663865	and:0.013724264217475718	it,:0.012799828005471699	are:0.0117305261926896	was:0.010645583951859553	had:0.009931935880424656	,:0.009828604120414699	:0.8436945974388607
of:0.27464439212717334	in:0.22229479340686056	to:0.14051413643753755	that:0.06268933807815133	In:0.05695323151713624	and:0.04853256300460138	by:0.04760015689398542	for:0.04641202439927002	at:0.031110214195159587	:0.06924914994012457
be:0.17077946726562787	was:0.15015560605992337	been:0.11808744832418555	and:0.1023164996179459	is:0.09364628815533194	not:0.06374606376440517	are:0.06328723818347148	the:0.059445325677729886	were:0.0585189073536987	:0.12001715559768016
and:0.10804239473381184	that:0.06877271568896832	time:0.044968333372193595	made:0.03839260238470974	them:0.025974954275041165	him:0.0228533654232229	but:0.021272463154043103	or:0.020568535355851812	up:0.019585160695241126	:0.6295694749169164
and:0.13659985865815988	as:0.06613911923173059	order:0.0592235552279774	right:0.04907541123380652	him:0.04434003898160704	is:0.044138023786328466	enough:0.040276847169087714	able:0.0387144248877122	them:0.038531883866162325	:0.48296083695742786
of:0.18418020312270814	in:0.16264004916071	on:0.14565295111830145	to:0.1169178069138058	from:0.09343143769498004	and:0.06554964319578452	at:0.05612822699202695	In:0.04057424574015603	with:0.035184406735679075	:0.09974102932584798
the:0.05328072209291032	-:0.04541661600384575	<s>:0.018155273328823295	and:0.0176866431292639	.:0.01608201475520048	e:0.012492628381584096	f:0.012214641868411575	i:0.009898168207800066	I:0.00982224994383775	:0.8049510422883228
to:0.1952550365520003	and:0.12927028472278312	the:0.08168881188681884	had:0.07338692045815039	was:0.04908925576301902	not:0.04437560357361399	a:0.04309257306514368	have:0.04151881761607952	be:0.03546921764461352	:0.30685347871777763
up:0.0262564911384471	hundred:0.02360849249013494	wife:0.015164020792511819	in:0.012788735002221677	men:0.011369715277564588	time:0.011365659493018695	down:0.011256463264545723	life:0.010288700313722959	dollars:0.010273449537977042	:0.8676282726898554
and:0.1313056501793289	made:0.034551030036317	necessary:0.03191530070016697	provide:0.023191256277008975	him:0.021827387004521748	time:0.02091411247587312	but:0.020346196766889778	pay:0.02006785098451588	responsible:0.019399383232926184	:0.6764818323424514
the:0.22191375035245395	in:0.17308172719764287	to:0.16202241461423558	of:0.13960895224811656	an:0.06393012116966716	this:0.04013148058876987	his:0.03896603354552206	In:0.03615610315744285	and:0.029616291829316355	:0.0945731252968327
one:0.10292350209653997	part:0.054296235218466014	out:0.03778817979727874	sum:0.03720286180419832	all:0.03668810408450853	amount:0.035585548398705105	sale:0.029791980567657157	end:0.02750613498450879	number:0.026917568831626333	:0.611299884216511
of:0.15959596828561665	in:0.09259518253273118	and:0.05137432893959634	with:0.047285444421594075	to:0.046564276841160455	by:0.03996551542010092	from:0.031462198116524114	upon:0.026500154943899047	on:0.024658943480127454	:0.47999798701864976
the:0.10567725082292885	of:0.10212483709706624	to:0.09990032851733815	and:0.05120476179874442	in:0.028301056445777118	on:0.0260733901279727	<s>:0.025616759472457735	a:0.020913040454298	at:0.02088304194257278	:0.5193055333208441
and:0.2135026953863957	fact:0.1141355992801601	is:0.050970695933944474	of:0.048974798710835016	but:0.04097096552056872	said:0.0385928694948601	for:0.03553453574784071	know:0.03299951413336232	all:0.03276196033272748	:0.3915563654593054
of:0.24286046775555967	to:0.1234753412315365	and:0.114454348638921	for:0.08116819579788663	by:0.07523508636497113	with:0.07237786281235745	that:0.0588518961368756	in:0.056423919648996505	is:0.04496205241036193	:0.1301908292025336
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
the:0.08776453918579159	and:0.08404909952775357	of:0.07511201563157917	to:0.03903756188011336	was:0.029261686464068945	in:0.027870050444211314	for:0.022881903481582925	he:0.021524025396045254	Mr.:0.02045710427467145	:0.5920420137141824
the:0.07841185303413468	and:0.06899267585103203	it:0.06325814437225034	at:0.05579347333691546	a:0.054614992806414374	It:0.03977131438337208	on:0.03234900765404272	of:0.030781204665663496	which:0.028831065014348047	:0.5471962688818268
the:0.2685963796213045	and:0.05668150288268173	a:0.040835454003619924	of:0.04012827400462752	last:0.029679941247945055	his:0.02328476550765341	for:0.022415511859657726	first:0.020605700104559147	tho:0.018260170789575817	:0.4795122999783752
the:0.10860112922800907	and:0.08817280883269082	of:0.06393796728822204	to:0.05506979492458547	that:0.03216687232143239	is:0.03073465755326379	for:0.026089858462417848	was:0.023150627532736074	a:0.020794312838313022	:0.5512819710183294
the:0.5042157714742082	The:0.06648093460996528	said:0.0590723737087436	this:0.04069924885094658	of:0.03778957449014279	and:0.036371713975914884	Mr.:0.02865202412435703	tho:0.023324983344188078	a:0.019286455185444692	:0.18410692023608893
and:0.14380959834520082	that:0.05668793643407201	as:0.04571234417881395	<s>:0.03112111669241383	but:0.027157325200058882	to:0.021838567738981147	when:0.020380977278552124	which:0.019946980297769906	for:0.01929992039154473	:0.6140452334425927
of:0.05502427207504197	the:0.047418473497506254	and:0.04290708934138543	to:0.029730172403196062	a:0.020199622016124425	boy.:0.019401791609960167	for:0.016984412474114242	in:0.016523409781970193	girl.:0.014410503592966598	:0.7374002532077346
of:0.10631112473892627	the:0.09943241832474299	and:0.08159794106622675	to:0.08044019399615582	a:0.0411705846870669	be:0.032482607452970214	was:0.026600329505008413	or:0.02456876992697593	is:0.021232665187409037	:0.4861633651145177
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.4756569511047245	a:0.10326894708352127	every:0.08743359511178117	this:0.08018243284310872	great:0.037827956532883296	in:0.032632114784317906	tho:0.02912990397111074	first:0.026461458702959902	and:0.026060467095606377	:0.10134617276998611
any:0.15276134687072965	of:0.13738091396599855	the:0.10502615862368365	a:0.10321670080857408	no:0.09195345427545834	such:0.07967906660203596	this:0.05459140564487973	and:0.048325274754164385	that:0.04498827034290467	:0.182077408111571
as:0.09070957522893763	and:0.06578736628276387	according:0.05921724650771688	up:0.05444342983204154	them:0.04455320285377602	regard:0.04000436122627331	come:0.038627387824939484	back:0.03569076101086091	return:0.033008621318438236	:0.5379580479142522
to:0.3389118777285939	will:0.24227569421765516	shall:0.0856090110742132	would:0.0831198534177762	may:0.07579591817826631	not:0.05242296976000179	should:0.04359592559885379	must:0.033405637477765954	can:0.019477198217702905	:0.025385914329170825
and:0.18740179737850224	or:0.12282573633233819	not:0.08928795218345387	that:0.034569315596809494	are:0.030826429426144084	but:0.029183160926865456	is:0.029005573102043478	was:0.025687931526116887	do:0.018886301399727114	:0.4323258021279992
and:0.15071383588074436	that:0.06696999728457927	<s>:0.03575587837127836	the:0.034513929477442626	which:0.03396255700899431	when:0.029058763579940753	but:0.02769859073829926	as:0.025763321611945215	of:0.02386858053999806	:0.5716945455067778
to:0.32604524805684526	of:0.1815167249395281	in:0.11493976475622879	and:0.06678941295788886	with:0.0504987289077222	for:0.04787405267899633	is:0.04645986868439486	that:0.03777620960068279	at:0.03630410476049878	:0.09179588465721406
the:0.278198349504412	that:0.1305235129147135	this:0.10920740415921236	same:0.10691158001880514	short:0.09325282794291431	a:0.07812729288595845	some:0.06499972155769919	long:0.04871333869364311	first:0.038731726974191694	:0.0513342453484502
person:0.031373568798562644	man:0.025715022858119902	one:0.024678071939440573	action:0.024497755718585524	in:0.018360981455121307	city:0.016695246368201765	year:0.014461023734436673	county:0.013773090231459686	lot:0.013063730699641302	:0.8173815081964306
that:0.3778531038181693	and:0.15272224738125717	but:0.05434859906794892	if:0.04849852196010208	as:0.03285373379122745	which:0.02787710675353625	If:0.023848607028131765	where:0.021723774560643647	But:0.021257002606664833	:0.2390173030323186
THE:0.17122303008789955	the:0.04231521406685528	and:0.03401913399117695	at:0.03102946532799633	of:0.024811368821770187	.:0.02408282559497568	<s>:0.019941438159620562	to:0.016686553966906905	AND:0.01167481705267306	:0.6242161529301254
at:0.18447148413962997	No.:0.08765680912131942	and:0.06609623028367215	of:0.05717894950326928	the:0.03924486639734069	lot:0.02992555307979096	block:0.023115386756978447	Range:0.02282100168235924	@:0.021550625777488015	:0.46793909325815186
and:0.14170530797940953	of:0.07227017679224287	the:0.04462003554708702	be:0.03685807754549318	a:0.035905515184589634	in:0.03203315204003	is:0.03168739705547206	was:0.03131301567082761	he:0.02922624312968863	:0.5443810790551594
that:0.25466083815134816	and:0.16834918973013394	as:0.09469006784644186	but:0.09439528078415695	which:0.04663291871143224	if:0.038407246468254566	of:0.02342045291846857	when:0.022348185221517006	But:0.020748786437398824	:0.2363470337308479
in:0.34911932051989	In:0.1045203445193925	is:0.08700129989325024	of:0.08362548008741603	was:0.06823929895998122	on:0.06628273964382717	with:0.06415589038520547	such:0.052606445838943215	to:0.04325688289909932	:0.08119229725299484
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
It:0.16561978780025588	it:0.0822006100340591	he:0.0542558281271219	that:0.050615316499446235	which:0.050379107016318064	and:0.03695798101995222	there:0.021057495871701328	He:0.01837133557117029	who:0.016131160438021985	:0.504411377621953
it,:0.013864234038312556	up:0.01212304895581817	;:0.011142350583303307	them,:0.010477951441277588	years,:0.009473792779792952	here:0.008963235952010677	it:0.00830354823505331	him,:0.0074188319651366285	him:0.007329634640620696	:0.9109033714086742
in:0.02468118452069224	hundred:0.023827445775609583	time:0.023345092244460987	good:0.022528794312261808	large:0.017625363256777604	dollars:0.017078017055262656	one:0.015602558600846417	free:0.01544549083139529	new:0.015428721649460738	:0.8244373317532326
It:0.23489389958376156	it:0.09607956263156049	which:0.06143097344138387	that:0.04989790481408989	he:0.03974106005139954	This:0.027948971380676566	and:0.02519135617460705	there:0.019195635440633515	who:0.018557051361433742	:0.4270635851204538
in:0.2898069384127423	of:0.1749518847195131	to:0.08023322616565028	In:0.05060626320744188	at:0.03467611832270604	the:0.03352248197399366	and:0.033205587311858305	from:0.030444771236428823	for:0.017376288085515054	:0.25517644056415056
and:0.08834446949555748	them:0.05937636199372365	is:0.05394648357601432	him:0.049039087989944836	went:0.03360010666762391	able:0.032703482748949464	made:0.032394226560293435	subject:0.03165291276397024	as:0.03163992695040775	:0.5873029412535149
of:0.07273919265321568	the:0.07012628347224838	and:0.06109367265421416	.:0.03671305694730878	<s>:0.030926387923352387	com-:0.01863680794342648	Mr.:0.018275735546247455	a:0.016789255916913753	Mrs.:0.01667018796780289	:0.65802941897527
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.4628951301106669	a:0.11641195695232405	and:0.0732679761852325	The:0.048623911329675855	tho:0.025709185678585572	general:0.021600542829424408	or:0.018634774492866008	State:0.016683679550294456	first:0.011820282078891584	:0.20435256079203867
and:0.10428141065604041	it:0.03989882255415597	that:0.033188939282401096	but:0.031579412906198964	or:0.0236735340488767	found:0.022990564864374344	him:0.022244399097373947	them:0.020431772413488963	is:0.01941755889158627	:0.6822935852855033
the:0.27807515797720667	of:0.2510994889000107	in:0.16550510581713107	this:0.045444577827358966	a:0.030965240174513922	In:0.029654848990667074	his:0.029057360835918082	for:0.02409868273274077	under:0.023622859798379168	:0.1224766769460736
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.559188442543109	of:0.10617306735923639	and:0.05714428712741365	The:0.04145913065312767	these:0.033965070012836836	that:0.03055546138485141	to:0.023675658509456687	tho:0.0234248316692764	which:0.01812138878697295	:0.1062926619537191
the:0.249266683445187	of:0.12742721103585902	a:0.10580825608638403	and:0.061753967681912325	to:0.04989179838062143	for:0.021749983646159217	The:0.021590946095628432	in:0.02147493147496713	an:0.021361393464156126	:0.31967482868912533
a:0.3522395086398441	the:0.17197457405715444	to:0.10951737056699748	of:0.08337622876774856	his:0.07782572431886339	in:0.03065536699982881	and:0.028836680722049146	this:0.027783242772731566	their:0.023948001037430753	:0.09384330211735176
to:0.2613955410487648	not:0.13431103348038223	take:0.13422936180118367	the:0.07865074394838524	and:0.07653459992084898	taking:0.05071715737775653	taken:0.04279691915703216	or:0.03936431241444446	took:0.028436293092065485	:0.15356403775913646
a:0.2551255777611505	the:0.23510424853787223	any:0.10072378626532229	that:0.0768876047752589	this:0.04691355556726983	every:0.03993716030012861	greater:0.038243453772756	latter:0.029410411350112447	no:0.026389307740317964	:0.15126489392981118
in:0.17560455262220476	of:0.1558392974746016	to:0.11838265400529102	or:0.1053271097005161	than:0.08846210829188883	for:0.08658160168313599	without:0.06901888205133078	at:0.05694714652385046	by:0.04658386788016498	:0.09725277976701548
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
and:0.40028155586017933	to:0.2545444819466594	that:0.03720531185843161	will:0.029915000461427112	or:0.024681670591904493	who:0.023224237789842873	not:0.02296007692920932	which:0.022457112843027704	but:0.016755585502216678	:0.16797496621710145
the:0.6457862959391925	of:0.09638172753189925	The:0.060442600166419225	tho:0.03974724324107876	and:0.028359022722062442	a:0.022240774862384082	in:0.015905578996391032	tbe:0.01342175859807112	our:0.010705409686325839	:0.06700958825617577
the:0.13982678935019094	and:0.11108065361821956	a:0.06874366105803575	of:0.06638782959613342	said:0.04460482474610112	that:0.02031616979739291	.:0.017571879063247017	The:0.01646902342382023	to:0.015571827092814966	:0.49942734225404406
and:0.08644695170179523	up:0.05186409188482159	it:0.043756867621484834	down:0.029377605288908874	that:0.024282308619047895	out:0.023234581290918415	him:0.021805218544617155	back:0.020826598667566507	Then,:0.020445692028080584	:0.6779600843527589
the:0.3108121771464963	his:0.09831215952648806	this:0.08901294305091928	and:0.08193631789894584	a:0.06274104049100215	of:0.061225800733073286	in:0.03614311823399535	The:0.033997103117130875	that:0.02915091839181201	:0.19666842141013685
a:0.24491517536515706	the:0.237635568055978	young:0.162889352063136	and:0.059954148121378004	old:0.04049378708230594	of:0.030483157609735575	The:0.028680238188871936	man,:0.027167760404933662	colored:0.026778561351547107	:0.1410022517569567
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
and:0.2097705131399598	so:0.0784897141790516	was:0.05832234820715837	is:0.05792107287819152	as:0.05691655559271917	to:0.05549101327619491	be:0.04636880228357808	of:0.034133236096940515	which:0.031209174705629245	:0.3713775696405768
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
the:0.16209065462208302	of:0.11227421724778662	and:0.09323045358516567	to:0.07435835778323759	a:0.05856269327989534	in:0.047603815713224105	be:0.04236054334762016	is:0.02743980846123116	or:0.023560506618234407	:0.3585189493415219
the:0.28991537487985797	a:0.11680020600030766	of:0.05982613815802263	and:0.055080905467716525	The:0.030611618282750212	to:0.030373149007010658	in:0.02903077596842832	tho:0.020151833492115235	.:0.012267886733524032	:0.35594211201026676
the:0.1710387351715203	and:0.06315034565501843	made:0.06097466443428934	get:0.050824125865134746	brought:0.04575856326162984	with:0.03710319095683419	be:0.036912895023920554	a:0.03415154809210105	make:0.03205304939480126	:0.4680328821447503
and:0.12872972105088717	to:0.07227858604943256	of:0.05425309677209928	the:0.03650005538424579	which:0.02576491750727203	<s>:0.024504388241587835	re-:0.023936663937332427	in:0.023240558661457134	that:0.022739686880605316	:0.5880523255150805
and:0.27727334093253486	is:0.12614660183303708	are:0.10850916747139348	be:0.08204532194291887	was:0.0721763189793129	not:0.060310568717133244	has:0.05694980728205081	have:0.04998748694659593	the:0.04869738366937135	:0.11790400222565148
the:0.16340433906130128	of:0.1244464808755671	and:0.10194441744772265	to:0.05399803854395344	a:0.05339653749390682	in:0.02576806333612112	for:0.023523027182055126	be:0.022155072919684955	was:0.02134413533624074	:0.4100198878034468
at:0.13700362882985473	of:0.09150762843289992	to:0.06629923310513941	by:0.048417421695039035	from:0.03658937991608395	in:0.031304201151816174	.:0.027116596296465137	for:0.02588444398195637	and:0.02494383966214557	:0.5109336269285997
and:0.0944521291874586	was:0.03875566540646293	interest:0.038418511289955055	that:0.033156735601780875	them:0.030573523585589606	been:0.02421891401270788	it:0.02393190874632287	be:0.023774051859054113	stipulated:0.02368072052399258	:0.6690378397866755
and:0.14042689854142015	in:0.07411978768258794	was:0.06749443808153881	is:0.06424105126332498	for:0.06387412017397823	that:0.06270590867571198	are:0.05410961778127643	or:0.05020879076928602	be:0.04416964323990056	:0.37864974379097494
of:0.2222011130777586	to:0.1156059990180932	in:0.09574427906217953	and:0.08566486189460917	with:0.07533041998873413	by:0.07346020324159705	for:0.06572331268076245	that:0.060461459342597314	from:0.0385377261307135	:0.16727062556295505
the:0.14331823963293128	and:0.09355876212745572	of:0.07463273146561433	be:0.06278863594112566	to:0.06176958664817019	a:0.051281754511237586	in:0.026094173529248855	or:0.023324903599032325	is:0.02210694829741953	:0.4411242642477645
day:0.07839932807072901	sale:0.05730804837446611	state:0.05379704833895011	board:0.0428428756157406	amount:0.04128814177014029	number:0.037087424042720196	out:0.0327279566367123	State:0.028432551121936774	point:0.027025212481889313	:0.6010914135467152
that:0.20726738126957747	and:0.09327009527849604	as:0.07849403444904157	which:0.062382932009345374	but:0.04874073395279445	what:0.03313611556312364	if:0.029057538347962097	when:0.016723868304122223	where:0.015759497717302357	:0.41516780310823476
to:0.7677764500058397	and:0.03935897186197603	not:0.027210525159838735	will:0.02717127801820058	could:0.018569722230492445	they:0.017905385783142214	can:0.017199329190628217	would:0.0165397072507421	we:0.015459032881960053	:0.0528095976171799
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
No.:0.19605698645536274	June:0.0945138690544342	April:0.08175173624606207	March:0.08019318677150751	May:0.0725799169841807	July:0.05793548615177453	block:0.05553338392096904	lot:0.04959586097213181	January:0.0430590960403322	:0.2687804774032452
and:0.2014840068072116	said:0.04793249824009107	of:0.046467619715284354	all:0.03811440876415481	but:0.0335954384076736	so:0.03254324800923094	fact:0.031208607619189258	that:0.026017580189084646	thing:0.022804057611157388	:0.5198325346369224
his:0.24901455319845167	the:0.18194656514280333	their:0.15160322929787268	her:0.08321048853495591	my:0.07844912562145821	of:0.05436939907322128	our:0.042969917889405414	your:0.035858825276452407	its:0.02648713761017747	:0.09609075835520163
and:0.17825465048087452	the:0.1228395637379975	is:0.09002848917247089	an:0.08142583043766125	was:0.07426197704753329	are:0.06692029756243191	be:0.0644457628429669	that:0.05027280931155194	been:0.04510982088034575	:0.22644079852616608
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
New:0.401870185896631	of:0.16475026157722863	in:0.1067272637350193	to:0.0769508287194926	and:0.021648104633972917	In:0.020665451237089655	at:0.015563085062865587	for:0.014550901441891029	from:0.012121794610068508	:0.1651521230857408
of:0.26353409284335017	in:0.2109868590095598	the:0.115105968932869	into:0.061482055353098974	his:0.0610324243607637	In:0.05814557555415219	for:0.05168199462000665	to:0.04971035136086657	no:0.047671256657641194	:0.0806494213076918
and:0.1335959886472185	to:0.11765715635497753	the:0.09449115364535657	of:0.08856037460998467	about:0.0529315004382234	for:0.03656350546391208	or:0.030686236376007155	be:0.028944996878661342	in:0.028556129904564746	:0.388012957681094
the:0.2655363886921868	The:0.0806569985956434	that:0.033040817975684	Mr.:0.03295572678340967	and:0.027033282602984147	<s>:0.017661829741279538	said:0.01645496596968642	tho:0.014806789162158024	of:0.011695953636923022	:0.5001572468400449
line:0.05317707448805861	city:0.05094101197741444	City:0.040793815171039	number:0.04028801568955795	county:0.034898247747514606	quarter:0.026963753367709883	one:0.020284199709714366	town:0.018765560783479726	County:0.018623086571427968	:0.6952652344940834
of:0.1569226659688198	for:0.1258679911337299	the:0.08793973173110081	in:0.08381801620164687	and:0.08299406285837437	by:0.04935486726971252	no:0.03634834777119632	was:0.03396682167052214	any:0.03163539093777472	:0.31115210445712255
the:0.1511577593529844	and:0.08235485060886374	of:0.07405529972651394	a:0.049329816825674944	in:0.04429185412017473	to:0.03952912044237448	his:0.026195145899925765	was:0.024446468889905808	be:0.02253805033929817	:0.48610163379428406
is:0.22535915401085416	was:0.13220522282914857	and:0.08184131048084514	are:0.07991532206996735	but:0.05426850189535241	has:0.05106523139163746	it:0.05062761545677948	will:0.049179674887784595	had:0.0484783514644368	:0.22705961551319406
and:0.05049270609400036	covered:0.04517537158604233	filled:0.038667402650483275	together:0.030659217980718908	charged:0.023814339760940825	it:0.0213243214089443	up:0.019650106793190212	him:0.018225104095288727	them:0.016067503551254556	:0.7359239260791365
line:0.19585411913258477	corner:0.08585858437312462	sheriff:0.05329200048610731	part:0.046004173335383244	prayer:0.03961721928792119	sale:0.03906989027927032	portion:0.03851445241404559	payment:0.0378346559479188	side:0.03532680651661504	:0.42862809822702913
.:0.0762374982238656	the:0.05009436662307132	to:0.04472136564815821	of:0.04392406649710519	and:0.04300493836565958	a:0.03224367914553519	at:0.030075025788026604	in:0.022781135941005354	was:0.020406425053828756	:0.6365114987137442
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
;:0.01844495861737628	it,:0.0156551452715129	in:0.015281072444989779	up:0.01488140982032506	them,:0.01485156013165677	him,:0.014620080383315762	him:0.014367235513787581	them:0.011070136397497588	it:0.010338783811552218	:0.870489617607986
for:0.1547331785917807	in:0.11774832056357158	of:0.11526658246247909	as:0.1149213854471392	is:0.08143796672633237	with:0.07172875453792757	to:0.07107656373889062	was:0.05996795859333506	by:0.04796774359418146	:0.16515154574436233
and:0.16116318745639535	are:0.04948357391334753	not:0.04929759194011949	was:0.03803782956787807	is:0.03749467669315157	it:0.02814410430247742	to:0.027462316356395355	were:0.022127745158002282	be:0.01927646229764544	:0.5675125123145874
the:0.5809133095746801	The:0.08366370794157661	of:0.07185812560087819	our:0.06542604981840676	Federal:0.04336889167868141	their:0.029786743676465346	tho:0.024935443408876885	and:0.022989370155298613	a:0.018399943860378375	:0.05865841428475766
pro-:0.3141081352772536	re-:0.14172565936505208	intro-:0.12976572675358103	in-:0.07922809719976265	pro­:0.050434574624526045	pro¬:0.04221311992191754	re¬:0.027149847332926018	pro:0.026078262627927267	ac-:0.02594002090562675	:0.163356555991427
six:0.023372014277610154	hundred:0.02141822711160783	twenty:0.02137452508119798	100:0.01985259821647276	four:0.019150957168337687	eight:0.01906229252050952	ten:0.017940398656271395	eighteen:0.016634134697738927	five:0.012955545155432605	:0.8282393071148212
of:0.2428873537692233	in:0.11973680612014662	to:0.11603402741270599	for:0.07714789713097062	and:0.06946396848994019	with:0.060658363724453455	on:0.047862408375154715	from:0.04110232559766807	by:0.036546241757073966	:0.18856060762266308
and:0.13620552913135772	of:0.12882913256683962	was:0.09880369654132681	is:0.06293167993018538	are:0.05069475197267144	were:0.045813331781653456	for:0.037845162866836396	in:0.03713888572284056	one:0.031074522732989163	:0.37066330675329945
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
he:0.19909626501013172	it:0.1647068820171256	I:0.10109353090354996	they:0.08474592648695453	It:0.06910625928546536	that:0.0655953485834464	who:0.05828872833259087	she:0.04568329760067121	which:0.042064807682588454	:0.16961895409747588
to:0.4046401075553431	and:0.12993052069268132	I:0.09672821662407634	who:0.07658458086088599	he:0.05767357504161555	they:0.0511413945158005	will:0.045811065690674675	not:0.045383819951994156	He:0.03695303887119357	:0.05515368019573481
the:0.33388174159778305	and:0.11516215698777713	of:0.09925637559610584	a:0.036273749704940406	or:0.03115067702612598	to:0.02719991938481156	in:0.025219159705731454	their:0.021208882649272877	The:0.01958645303770109	:0.29106088430975063
was:0.19994088175732036	be:0.18293685448313468	and:0.17427277289383103	been:0.09707896552842324	is:0.08372356441225196	were:0.06210304491045972	are:0.04545387871664919	most:0.0259807631242737	more:0.025052884420480696	:0.10345638975317543
of:0.3595174042163942	to:0.13796256851824587	by:0.0769485828448201	for:0.061740926675526636	at:0.05935685799635074	and:0.04938079088098904	from:0.04677843585203033	on:0.04512927360646235	in:0.039900488060717026	:0.12328467134846369
to:0.4325021405173529	will:0.10341015249700256	would:0.06702768474621044	and:0.06147515015719439	you:0.0567195813777853	not:0.05146539549540549	can:0.04537280940201466	they:0.042262777368560524	we:0.037929433800815406	:0.10183487463765836
;:0.017314736659570493	due:0.0146039512369898	it,:0.011111085834796362	them,:0.009614082136984902	interest:0.009554592511022928	made:0.009489912962688835	sale,:0.009372644626586107	up:0.008366037915180168	mortgage:0.006867212416876541	:0.9037057436993039
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
more:0.3358345213269758	less:0.12610776885394737	better:0.061855474460963046	greater:0.05309620038800828	rather:0.05300061109261795	worse:0.028818068181543897	larger:0.027015813077624448	higher:0.026800844486306895	other:0.02617719083225004	:0.26129350729976225
of:0.15924613962283116	and:0.10454158315483682	by:0.09694949680151488	that:0.07497994065122571	to:0.04471404897235442	<s>:0.028112809007606893	said:0.025112058365482727	which:0.017473448971967908	Rev.:0.01650269239235764	:0.43236778205982185
and:0.2787402105884821	was:0.04777682692361932	is:0.041636137923694486	be:0.036530478172019064	had:0.03258130403167485	that:0.027704580076805263	but:0.023444159765614373	have:0.022909420814252176	as:0.02108355006760606	:0.4675933316362323
the:0.08789720635497154	and:0.07820325291506017	of:0.07409488784379216	to:0.06286243358342224	be:0.05661814672863629	a:0.04478774919695505	in:0.029168427928634	was:0.027046363262135754	is:0.026073151479528232	:0.5132483807068645
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
it:0.1442166939635051	It:0.13044199526971878	and:0.08290276608733038	which:0.07938543223675974	he:0.05996517521436903	that:0.057386893275023054	what:0.046409909549558495	there:0.027664572345448897	This:0.025118220289576176	:0.34650834176871037
of:0.14310883091677903	the:0.13630118813280054	to:0.08832733114527579	at:0.07801834164375288	and:0.07378936358582014	for:0.0673068632193631	a:0.05871482307229773	in:0.043479905645673333	by:0.029000144920178484	:0.28195320771805893
land:0.01026912650565357	up:0.008551567728775014	interest:0.008343276688741833	due:0.007168509295773088	made:0.006849787079378367	men:0.006418901931796269	day:0.006041454966296685	street:0.005418356258769336	boys:0.005410110217045701	:0.9355289093277701
the:0.47365388348966353	this:0.2173555315649288	of:0.07957856984959186	said:0.06314077960303772	our:0.03657005406096665	his:0.021987460545721683	tho:0.021479801426063306	their:0.01750353945327925	a:0.01704810887024859	:0.05168227113649861
on:0.31649375330494084	of:0.2805669860348286	to:0.10224844475052622	in:0.09418451287123361	from:0.06127060960145031	at:0.039033273639772964	upon:0.02388743414387899	for:0.020749032359011082	In:0.017331759239272576	:0.04423419405508482
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.10506198287938252	him:0.03209556935612786	application:0.031061195895331416	was:0.029615672989565755	it:0.02744669467120214	up:0.02677489106573396	made:0.024182720209844934	out:0.023178023165199367	time:0.02248390682722411	:0.678099342940388
as:0.14194067412357003	that:0.14011015770406315	which:0.10485148409812227	and:0.09273852441545812	when:0.06123017926904311	what:0.04640752602353303	if:0.044987472341658855	where:0.04016301217751322	but:0.030487564873990104	:0.2970834049730481
the:0.3115753473313326	a:0.18898280231899214	to:0.15841584727022037	and:0.048430899345419186	The:0.04058824256456949	said:0.019074720915811378	his:0.018318980396533822	this:0.017099662740630017	of:0.01586128576046095	:0.1816522113560301
the:0.7397416053712612	a:0.08445129868297546	tho:0.047418828910696056	The:0.036086884561101436	tbe:0.01394869350382465	of:0.013398713551200923	and:0.012769525557340154	our:0.011736070730617413	in:0.00901964777663337	:0.031428731354349364
the:0.32332540028684437	and:0.1795465674163769	of:0.10265685914133865	The:0.09925055761091167	that:0.05413431832515522	in:0.021140977802265332	his:0.01724829998721953	their:0.017160049798686256	tho:0.013381239244611461	:0.17215573038659063
and:0.1405724802233288	would:0.10011565053162298	they:0.09637707401632944	will:0.08452790354514901	could:0.06786122314692526	all:0.06726635050769877	can:0.05714458233354256	to:0.052213558601098185	which:0.05203757640473712	:0.28188360068956786
and:0.19219235572146998	he:0.14747915929569894	had:0.10420042525662325	have:0.07745940493154768	has:0.06671119579858983	who:0.05158515176189114	she:0.03707565032811205	be:0.03671222186150005	He:0.03659295577929515	:0.24999147926527193
one:0.07824991613049741	part:0.06060505846807443	out:0.053403871939630664	some:0.031747519292171816	side:0.02766153276433834	end:0.02608831104874374	members:0.02530915101977882	portion:0.024924456047398843	all:0.023432288260240956	:0.648577895029125
the:0.13803507922022004	to:0.09410873578766246	of:0.0885593542927609	and:0.07731170524327667	a:0.05282526955752225	at:0.03599261075686597	or:0.0294982684370367	in:0.024944193860142325	be:0.02172932139802153	:0.43699546144649115
of:0.3481277710206838	to:0.11253272521340064	in:0.10329493866610191	that:0.0727835208207818	for:0.06529792371941764	by:0.06417157830757518	and:0.06143284981648402	all:0.044555616464638556	with:0.033434790205163954	:0.0943682857657525
of:0.36261087502749834	and:0.09427307985369782	by:0.07635652444670367	to:0.07493244033161167	that:0.06069473285139212	for:0.05854174439671554	in:0.04840153698149615	with:0.04381650042893528	all:0.03925879888589358	:0.14111376679605583
one:0.08837264426949418	part:0.038998327146227474	out:0.02722316887260893	portion:0.023814181613109088	side:0.019826910280117432	some:0.016247713638384235	that:0.01581493783524018	tion:0.01520297430519722	member:0.014040980918801042	:0.7404581611208202
the:0.7822738379894436	tho:0.043841092450287354	The:0.037711114350180396	and:0.030729995404298084	tbe:0.01621325582342763	his:0.016028844511322318	our:0.014490033716594882	their:0.013639226247121872	her:0.012780605775241259	:0.03229199373208255
they:0.12968027675087954	we:0.11720866917569675	he:0.11301217786034423	I:0.10915623545986541	it:0.0780942537105434	that:0.049429927787649444	you:0.04766443861629837	which:0.046050265781175416	and:0.04018505934212304	:0.2695186955154244
the:0.3778424089048158	and:0.09888164691202203	of:0.08701094418799814	his:0.07473288040105538	a:0.06521145020953532	to:0.027596086456986697	The:0.025876230062280986	by:0.025304163191418674	her:0.023001044364796067	:0.1945431453090909
of:0.28916967586087455	in:0.12605758239629244	to:0.09759588805217023	for:0.07256813185451619	with:0.06109385825849505	any:0.05995308367454934	that:0.05342994892289349	and:0.049204664451159515	by:0.04111239308366856	:0.14981477344538058
and:0.14771891098540096	I:0.05019104185086507	he:0.03677869389976874	the:0.03399999188187607	to:0.03280630107317633	was:0.029451118944582303	will:0.024799375613626943	they:0.02382641962717889	we:0.023159152996939585	:0.5972689931265851
out:0.08851620937516846	number:0.058162445188840776	place:0.038597141949830556	state:0.036809722201133745	amount:0.030226120490870406	means:0.028997628830132342	right:0.02892070439889269	one:0.028517529230789894	men:0.02688651932740513	:0.634365979006936
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
of:0.7169712971042261	Of:0.14260522956218225	in:0.03000950141939162	the:0.015585306082405184	by:0.010162344341776253	"Of:0.010073322634148016	at:0.009875382735917277	with:0.00949959373236252	and:0.008564737152008534	:0.04665328523558222
from:0.20353827405706174	and:0.1416940434569627	or:0.09647000331700328	of:0.08375107077512664	writ-:0.07398989030347129	than:0.06812180651664355	to:0.05802040126300558	in:0.051382457564153335	for:0.04900960584798473	:0.17402244689858712
of:0.194726416199917	to:0.13440560510380545	at:0.1169614397628849	in:0.11178524352620489	the:0.091422757408761	from:0.058684011886808614	and:0.05412342798102306	In:0.04787518714760403	by:0.0215839713285527	:0.16843193965443837
A:0.20302139850802375	S:0.08529959618153098	W:0.07677307454621153	M:0.07113541731863918	J:0.05938221359236106	E:0.05595193931772672	B:0.05573598239843843	P:0.051983393784129105	C:0.04622158219453515	:0.29449540215840414
of:0.06403983710701096	<s>:0.03515918082095954	.:0.03431741147078968	St.:0.024706727763911623	Mr.:0.020624323911587243	the:0.014964947186525385	and:0.013595068830746685	in:0.012216666118465568	Mrs.:0.011802355101275237	:0.7685734816887281
and:0.11578543979708968	up:0.027109542419164395	that:0.026925623948390518	was:0.02388366678320409	feet:0.02237029081489939	or:0.021945051975639757	State:0.021322806073961816	all:0.01971234342529264	men:0.019579461822597618	:0.7013657729397601
the:0.4879330666100292	and:0.055852799275779484	a:0.05422011258594904	of:0.0490655575377444	in:0.046447971756191676	The:0.04097202303934903	an:0.03948708834615034	tho:0.03009942542751548	by:0.026862717883272325	:0.16905923753801905
the:0.1431465730027887	called:0.1328376788447626	their:0.10142592451206052	his:0.0841358646951893	call:0.07631638977691135	much:0.06273638397269476	more:0.062427777204663186	no:0.05752298330960496	and:0.05217407551773047	:0.2272763491635941
sum:0.06763266707526482	amount:0.05115149912406047	number:0.04647791898818133	out:0.04319200090979646	purpose:0.03287061021038175	rate:0.03166081911197615	means:0.030801710382618027	matter:0.028056588927395116	all:0.02697235603425974	:0.6411838292360661
of:0.2877662485477972	to:0.12429556759679863	for:0.10701777814579497	and:0.08000396341515029	that:0.07040554304101397	by:0.06717929356830422	in:0.06564631325745439	with:0.06479683359885474	at:0.027039769506577393	:0.10584868932225422
and:0.48219496496811104	And:0.07570758643092451	Since:0.03588701818266767	was:0.028046798371469246	but:0.020604939665947404	He:0.020352672947581276	;:0.018955956874609485	is:0.018208550032908947	I:0.017538304584036164	:0.28250320794174427
W.:0.15068493041163303	J.:0.11364682410682576	.:0.07635890356767602	John:0.07212730020417832	William:0.064783316572983	C.:0.06039968278725079	George:0.04300484965494039	Charles:0.04050134261359448	H.:0.03858549385682125	:0.33990735622409696
the:0.5640272906930796	a:0.06444463965001317	of:0.05991238380167385	this:0.05150535063275939	his:0.045636317011125534	tho:0.032305313842733455	said:0.023914587391662905	and:0.019226433741193035	our:0.015064427610280548	:0.1239632556254786
of:0.28904275301978616	to:0.10425489449077704	with:0.08335158245061107	and:0.08130176230066131	is:0.07483310701908084	in:0.07117533326210203	that:0.05315215290608015	by:0.049864758545983615	for:0.049609958070349375	:0.14341369793456837
the:0.5877270495139538	a:0.09015144601233376	tho:0.04731232963197563	any:0.04709074815773399	this:0.03444342216232566	The:0.023407479325495622	that:0.02321144953231913	said:0.020453003917283868	tbe:0.02015831285675169	:0.10604475888982681
has:0.10498573841547318	and:0.09111454185272402	I:0.08473391025962781	the:0.08071355619096125	had:0.07494015448427378	have:0.06948960138330113	was:0.06337993282205324	is:0.055246147856142215	he:0.054886342422462375	:0.320510074312981
which:0.16056999049141302	it:0.13728047452769357	It:0.12940087588672997	that:0.10553401108986234	and:0.07005311372095	they:0.04873144372254458	he:0.02859683195994759	who:0.02848961103030395	there:0.02736535359540617	:0.2639782939751488
the:0.12219597915044403	of:0.0911074858297847	and:0.07485006097714235	a:0.0639310829755559	to:0.06271027188689325	be:0.032325471139670145	was:0.030707823471521626	in:0.028057220415748145	at:0.017893126384922742	:0.4762214777683171
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.7551712657460324	The:0.03374100971687465	tho:0.03302116029619504	in:0.03276759896472392	a:0.026086636338153012	and:0.025923795733714557	no:0.01991305320411212	to:0.014459931623447103	tbe:0.013446869310534317	:0.045468679066212866
and:0.09473551854507056	wait:0.03802913329623008	not:0.03657847126071303	them:0.03345727745332293	was:0.02814326382711981	annum:0.027555914178478944	adjourned:0.026306125321754432	it:0.025902646157285457	is:0.024896080203927612	:0.6643955697560971
that:0.19529459725552145	and:0.1893205846914157	but:0.10676670620972793	as:0.07688705093448475	which:0.058663178485630074	if:0.03975885240158478	when:0.03805535861827694	where:0.02774861381497361	But:0.025105247517370508	:0.24239981007101427
the:0.363398665492157	of:0.22396456900030823	a:0.0401974538337605	this:0.03295965978197667	by:0.03089636181619952	and:0.028812874755771403	The:0.026528942704967258	said:0.025198735450374057	that:0.022927138364534142	:0.20511559879995123
those:0.32331168649323067	men:0.12611017237302954	and:0.055502360308544864	people:0.04977146188035439	Those:0.04318407838658813	man:0.03017801726672852	all:0.029550125802088243	persons:0.02823294476606761	one:0.020748500949425576	:0.2934106517739425
the:0.4193882071538068	a:0.08959292319700503	this:0.08307645084020074	and:0.06270186268194487	of:0.05682662240406408	for:0.0508686575257866	any:0.03700541437604668	in:0.035884980418313374	other:0.03521806318323861	:0.12943681821959319
of:0.24837498600964675	to:0.14549606556614994	and:0.08031908821549788	in:0.05156012326898047	for:0.043803528235033064	by:0.042093775588295024	with:0.03912962049603904	that:0.029055924298154092	at:0.02091080431363773	:0.299256084008566
and:0.06323512179649425	demand:0.037054323179249664	ready:0.023096849686935178	time:0.021985795318172532	used:0.020691887773819355	vote:0.018800345233578424	place:0.01602559270786069	provided:0.014200252812152961	candidate:0.014120309498138476	:0.7707895219935985
he:0.15760358998476107	it:0.07960037078123837	and:0.0783183575860865	which:0.07061259049398295	who:0.060154149166401126	that:0.05828712503669086	It:0.045137051777501276	He:0.03462748460810424	she:0.027243872518348946	:0.3884154080468846
the:0.7248359777830632	The:0.06119997311838863	an:0.04896700720055212	of:0.02849427205162812	tho:0.026065853681364774	public:0.02090550293136902	his:0.01629286827677021	and:0.014587327547654304	this:0.011746521277667081	:0.04690469613154251
and:0.14170530797940953	of:0.07227017679224287	the:0.04462003554708702	be:0.03685807754549318	a:0.035905515184589634	in:0.03203315204003	is:0.03168739705547206	was:0.03131301567082761	he:0.02922624312968863	:0.5443810790551594
and:0.07876689232418883	as:0.06702440671241168	is:0.057637312032161936	right:0.052582805358804524	him:0.04551869721224671	able:0.041478070668639226	time:0.04102003149333166	them:0.03423358401862002	enough:0.0339909602857986	:0.5477472398937968
of:0.3313511331087806	to:0.1286967374102961	and:0.09117489504083026	that:0.07958803186857724	in:0.07143631775763916	by:0.05831097202905276	as:0.0560371963029713	is:0.04284329537091172	with:0.03588547146702571	:0.10467594964391513
and:0.1961157756414772	it:0.1586470885591864	It:0.15200805749240542	he:0.11106788202007156	as:0.10532562259464566	she:0.03483651331626869	that:0.03306207556304245	which:0.02862283233234516	He:0.02651217722842223	:0.15380197525213524
the:0.4694003523717239	an:0.11107272930786574	The:0.09211709648247136	no:0.051312021557886785	and:0.036811342777256305	that:0.03336864603322017	their:0.030528046265615314	his:0.029298367532781373	An:0.023108675758227018	:0.12298272191295205
be:0.21091628095364004	was:0.20968782131581573	is:0.1318484986800999	been:0.09424893633157445	were:0.050364544461974546	are:0.04507247330485781	and:0.04486294833285199	have:0.03993563022713199	has:0.034984115112008975	:0.13807875128004454
United:0.9082100513110543	the:0.03588641701736944	I'nited:0.006521857402633836	Southern:0.0032426476404127757	The:0.0029790560357999263	ted:0.0024227491970658004	nited:0.0023931614633242284	Uuited:0.0021333860150518054	of:0.0020588975276049585	:0.034151776389682933
be:0.16213050642585033	has:0.13103075376580772	have:0.12665054464578	and:0.08730257567514724	had:0.07446956543376668	he:0.06569204176868468	is:0.060636410318763836	was:0.058132152249672324	been:0.047100597846176616	:0.18685485187035059
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
the:0.24173186644873054	of:0.1264804730623645	and:0.08331959595593887	a:0.07678669948469065	in:0.02227872850197047	to:0.019468778320699653	or:0.017891130897969953	The:0.01759084026465017	tho:0.015524648398075488	:0.3789272386649097
the:0.846222507792138	tho:0.03361392220997162	The:0.021438821024030278	tbe:0.018211781531508816	a:0.014168167617812517	of:0.012825698188533362	and:0.008567263900454999	on:0.007469111964868135	by:0.007408584947664914	:0.030074140823017324
Of:0.47946244548425565	of:0.16793153972582042	"Of:0.06911177833386377	the:0.06045766893175236	this:0.03584219501725037	his:0.02353243995908515	a:0.022069967840228712	in:0.01855844923960712	that:0.014003950098896488	:0.10902956536923997
there:0.23002167995065056	There:0.15522438405807482	they:0.10438689066618358	we:0.06192566543871323	and:0.046705184547613375	who:0.04417916186458067	you:0.04194879716346913	They:0.03656254781786244	which:0.02988665971657223	:0.24915902877627996
to:0.5496765230366765	will:0.10885735798362615	not:0.05955108255317233	and:0.0594002186001458	would:0.04231882669656932	I:0.032727547048392314	they:0.028691974293169883	can:0.028028554048500628	the:0.027404182546079615	:0.06334373319366747
the:0.1582239032152811	of:0.09516457422944084	a:0.07647001975384626	and:0.07035099867899393	in:0.05295781982097016	to:0.039663160488044184	that:0.03186898229943795	for:0.026055133985045317	which:0.02258665566839403	:0.42665875186054625
the:0.388540826508361	that:0.1017551770232934	some:0.10071136373882729	any:0.07468824818484734	this:0.07155634074677254	same:0.06858377226528442	a:0.06121603419889049	no:0.03161044598068477	The:0.02798087679772486	:0.07335691455531386
the:0.1512616913031196	of:0.11797904945102052	and:0.09725160665249702	in:0.07616300759732274	to:0.04805836425009421	for:0.044987806776225096	a:0.041955829248830095	that:0.03072409723674589	or:0.03045764779941125	:0.3611608996847336
the:0.4287878924335876	and:0.17367007976045792	The:0.05672940045742603	that:0.05492159335762067	of:0.05068431526984948	this:0.03521615950667398	to:0.03391654141184023	than:0.02940787495020211	a:0.02717317030469168	:0.1094929725476503
the:0.23060589832461595	a:0.20991269621856998	of:0.10471583666182908	and:0.08756459450575169	his:0.040297010459924516	to:0.033536095940817794	with:0.03246506125961098	in:0.031612023405850065	for:0.025503389156869113	:0.20378739406616087
day:0.08023080460257806	line:0.07498875576770038	city:0.07362330833683967	State:0.05091994382234474	corner:0.03527098136734205	part:0.0330916823663212	side:0.028083577585594075	state:0.02719239191349457	quarter:0.024373244858014172	:0.5722253093797711
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.23705815245287667	in:0.12681343830288247	for:0.11027032133802844	to:0.10877303641254789	at:0.10257352239743965	and:0.07188973615325021	on:0.059432915718560915	from:0.04817176783766299	with:0.04620610966665219	:0.08881099972009857
number:0.1513661980714288	hundreds:0.07760954314972675	thousands:0.04130328434465271	amount:0.03872875140738683	out:0.03242829956220262	right:0.029732549503939155	and:0.025139882900905183	that:0.017268495631441314	class:0.01708851687120964	:0.5693344785571071
the:0.4053165476029872	of:0.1402252152587357	and:0.07867062771402122	tho:0.0323199141866528	to:0.02775686859704139	The:0.02603948523730689	in:0.022896903295487037	for:0.02068588866441905	an:0.0191744265381903	:0.22691412290515842
therein:0.21613507100755366	above:0.19275089653055255	hereinafter:0.13931970045626263	hereinbefore:0.10823876524111194	and:0.05027308917373644	be:0.01577192930367058	is:0.01484632822726161	I:0.014223549462229732	he:0.013853326582235568	:0.2345873440153853
and:0.08948310845059203	was:0.07724020274825848	is:0.05665269059246068	be:0.04632882233823424	it:0.035297685068698584	interest:0.032953249073709744	are:0.03229555768780239	not:0.0317310213061067	been:0.030366135477843954	:0.5676515272562932
that:0.06896676549072983	and:0.04357712742567767	<s>:0.036593280356260485	as:0.030387617984751175	it.:0.02333402714433281	but:0.020871897429230804	which:0.01959331329297174	him.:0.018360381641890116	of:0.017639158079916617	:0.7206764311542387
and:0.060249195313692556	<s>:0.0482089081861345	to:0.039816552505539185	of:0.03438569912094079	in:0.028688087283698885	for:0.02580182589256827	the:0.01726552522872135	a:0.015490757725597116	by:0.014831279654694848	:0.7152621690884124
the:0.8339168273895188	tho:0.029576078123126234	The:0.02655559676951437	a:0.025475944390771433	this:0.02313675713103553	sole:0.011651430247932576	tbe:0.011313957254105191	that:0.009082069449967091	and:0.005742795558398797	:0.023548543685630034
of:0.34026474222724573	in:0.14650274487135068	to:0.10579300397483703	on:0.061166966567603925	from:0.05106303617877561	and:0.048295988758875946	for:0.04780086988906517	In:0.04192459447201315	at:0.041244374955396776	:0.11594367810483594
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.37801987687800326	in:0.15284081557092635	to:0.08778938466228974	In:0.04700816141813068	that:0.04252946715914091	for:0.04167777519437705	by:0.03795272869101662	and:0.03672477113784621	on:0.035641453486719196	:0.13981556580155
hundred:0.15604367101341324	two:0.10275976948897493	one:0.03087834730951554	three:0.013572712839617421	feet:0.008945210791262814	wife:0.008199268491215198	dred:0.007693337369864255	four:0.007503670353228803	and:0.007415132838061897	:0.6569888795048459
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
and:0.07974045412411097	wait:0.05495620148067003	it:0.03313710765328348	them:0.031154646931204982	not:0.0251584252227589	him:0.025059904441722014	out:0.02433087987161198	me:0.024105335925510372	but:0.02060055733806166	:0.6817564870110656
be:0.4073031971981164	was:0.13480577188125398	been:0.10904008302085605	is:0.08228588423425552	were:0.04017905965815486	and:0.032440816171403375	bo:0.030600859406253313	being:0.029997875423346473	have:0.0295343486336729	:0.10381210437268709
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
the:0.14309936195386752	of:0.11435851857925557	and:0.07679204857230557	to:0.05767422545430939	was:0.051462649112687164	a:0.044387177950600244	be:0.039386020154803844	in:0.03913091724555907	is:0.03317156499467845	:0.4005375159819332
the:0.10254899323962945	and:0.08672066584549279	be:0.06718293253430607	was:0.066714350510063	of:0.062142448154758216	to:0.0470377945272685	is:0.04045405956202174	been:0.03329532229695042	a:0.029155698848644288	:0.46474773448086554
the:0.5303178900115388	of:0.08792650814146966	at:0.07618282599439904	The:0.03640310455898703	tho:0.035690468514549926	and:0.029792351977994604	to:0.028260983431059084	At:0.017072365286887665	tbe:0.01384099781641128	:0.14451250426670292
of:0.1614349261906739	and:0.0751985988964604	the:0.06974131198292695	to:0.05006623796589364	be:0.03272926608075669	was:0.02723472092830067	in:0.027057949993401758	by:0.026354120958381636	a:0.024525541003024537	:0.5056573260001798
of:0.3698197151425862	the:0.14060843469390946	to:0.08145956764658505	and:0.06909126871143732	with:0.06430425592168296	for:0.03908002897010531	in:0.03899861182791488	by:0.037385914099206344	his:0.027578769253214203	:0.13167343373335824
the:0.31918631608076997	blacksmith:0.08803638016741844	of:0.06755935637384067	a:0.0626068976605612	and:0.06076002655467671	in:0.05673975648101694	barber:0.024825719488869163	The:0.020226430845054964	that:0.017697730129377885	:0.28236138621841406
the:0.14765231013330526	of:0.13827487072506253	at:0.10470038804368728	in:0.09608295918259	to:0.057858956969362246	and:0.04200671433220947	a:0.03910753402391979	on:0.03703549608932426	In:0.028129920015990847	:0.3091508504845483
the:0.2781472871360481	no:0.17873778545768843	a:0.14932605486953177	any:0.04851041374937948	The:0.04847119817511872	be:0.04227934920789924	an:0.03985932169438206	and:0.03533375628111824	very:0.03449585184083298	:0.14483898158800101
in:0.3822771063298983	the:0.18631626582241487	In:0.10274714395675255	a:0.09240657434283632	take:0.07837367901174151	took:0.036691486630496185	and:0.022647816674350053	or:0.021413470599818244	have:0.020355840208249112	:0.05677061642344283
the:0.15725783260845674	Mr.:0.11467335197818804	of:0.07485380126492697	The:0.04896984831686632	and:0.04709381763178539	that:0.04353377587227897	a:0.03262830912917638	Mrs.:0.022337715579871346	.:0.018467704340620273	:0.44018384327782956
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
that:0.3419610332794053	and:0.17462108718691777	but:0.062204517718653825	if:0.04193203612257851	when:0.04154521289619864	where:0.03998376405915123	which:0.03682454935730665	as:0.03417839862064303	Then:0.02354848377482195	:0.2032009169843231
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
of:0.39367143238937563	to:0.11364255255515765	in:0.11333801074384811	by:0.06889304725849742	for:0.06333797376044724	that:0.052437548691989654	and:0.048958546215779074	with:0.045373330190334606	at:0.03331839794283114	:0.06702916025173952
person:0.04784760026130466	five:0.03307605953744261	ten:0.027103523172276774	one:0.023879401325326555	two:0.02093663118088293	hundred:0.02039490291600983	more:0.02017638739383071	lot:0.019086048221928987	city:0.018215935007317958	:0.769283510983679
that:0.2766573412387546	as:0.13019221613206158	if:0.09551231148528758	which:0.08597035972483286	and:0.08234422277600566	where:0.06001402894500411	what:0.052547511620930853	but:0.04375153106128482	than:0.038020617368056515	:0.13498985964778143
and:0.17585063722392302	fact:0.10400902578517979	said:0.06844377842999533	so:0.06232472237382234	believe:0.04519952307692614	is:0.039634011181226815	say:0.03675663629906361	know:0.036060715732595706	found:0.03095250753294034	:0.4007684423643269
to:0.3341359763633922	will:0.1756681911029683	shall:0.12729528226043518	would:0.10355145843533527	may:0.08782959575171102	not:0.050942036256002965	should:0.04847918378289496	must:0.029000480727879557	can:0.017023983488501246	:0.026073811830879253
of:0.06380675135569168	the:0.04384327537344035	at:0.03946297341477031	and:0.035777396705347776	.:0.03574327613440354	0-:0.022822760640552754	said:0.0225913652436117	-:0.02219803760965629	<s>:0.01782242842866766	:0.695931735093858
and:0.20770784709116774	of:0.17163220632806955	the:0.06340982516638112	by:0.061373834092787474	in:0.038980219330282166	or:0.036734944910291195	for:0.03429636968784136	that:0.03143724566517537	to:0.03053543005683765	:0.32389207767116635
and:0.24524847203584144	the:0.18369774026680227	any:0.12613699894646066	or:0.10926502855940946	of:0.06992610698715435	all:0.06475023163819912	no:0.048000895475281025	some:0.04349245372046067	in:0.03949084798191502	:0.06999122438847598
the:0.3070644883633979	a:0.1580034624693632	that:0.11251869402541181	The:0.0662961948063434	this:0.05861783353191524	and:0.038511172965364354	what:0.03516857230050603	of:0.02688079973403453	This:0.02501935377965944	:0.1719194280240041
of:0.33259205474623477	to:0.1629405597721883	in:0.1037363229335444	on:0.09761484745966842	by:0.055526756925261996	from:0.05407061837788792	with:0.05094565878679743	at:0.0454257120313121	for:0.030574394286404044	:0.06657307468070063
he:0.2873621635996027	who:0.1370434515907617	she:0.0779205924889695	they:0.06800553491145626	I:0.06513869795088052	He:0.060481903155414615	which:0.04922917938243108	and:0.047137110074129296	that:0.028713626952625967	:0.17896773989372838
the:0.5714008549906934	of:0.07754412184380378	and:0.06685282153806742	this:0.05804292941287182	The:0.04922695263676741	tho:0.03262477791486218	that:0.029052158073987575	a:0.027058886145453744	on:0.02380524133364664	:0.06439125610984606
the:0.2415365170820695	Democratic:0.17064209756222093	Republican:0.14790009607726176	his:0.0575747331264315	democratic:0.05014127914586039	republican:0.04670446540356868	our:0.0318476089526223	of:0.030027333781340045	publican:0.023775088019473117	:0.19985078084915178
and:0.15773010129667636	to:0.08241612977321147	of:0.04453325567851537	not:0.033582255268789794	which:0.02978830495325975	it:0.028810984818775694	re-:0.02879461103325278	the:0.027507151768329175	that:0.0269726794273398	:0.5398645259818499
the:0.35937797368891866	of:0.04313977968070893	tho:0.04202092686158189	their:0.035249188761030587	and:0.03236012797660696	our:0.024435887464979864	tbe:0.01931790398484876	The:0.019214067293537626	his:0.017175385543225005	:0.4077087587445617
he:0.2379113627064749	I:0.17179981043725331	they:0.08830411133125074	have:0.07017511067570521	she:0.06615057120640873	and:0.06172205878317997	who:0.055951153531660004	He:0.052925068765139804	has:0.04181577551916126	:0.15324497704376608
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.1313056501793289	made:0.034551030036317	necessary:0.03191530070016697	provide:0.023191256277008975	him:0.021827387004521748	time:0.02091411247587312	but:0.020346196766889778	pay:0.02006785098451588	responsible:0.019399383232926184	:0.6764818323424514
and:0.12794995664139577	the:0.08010379924267899	to:0.0793153765330254	of:0.07421131826770763	in:0.05684472748137651	was:0.05536620703077566	a:0.04530839729819048	be:0.042089004983305894	been:0.024945472082375176	:0.4138657404391685
the:0.2633537687079007	a:0.14542260836151524	and:0.09284222782279136	of:0.07965596497170194	an:0.03297681582091275	to:0.025079443436516486	in:0.023506743171771337	The:0.02142990963490666	tho:0.016952814097726587	:0.2987797039742569
to:0.6557409362778285	will:0.10551490550690217	and:0.048558563735555206	would:0.03350629653091633	not:0.03172656726264247	the:0.024313547298039292	may:0.02202730168223206	of:0.021281315513905504	shall:0.019198285153697738	:0.038132281038280806
of:0.13470036988374534	the:0.09488553862415759	and:0.07312423262004518	to:0.07204023274823565	in:0.047748323802994895	a:0.03993813738598023	be:0.03557506201615192	for:0.034417615778310845	is:0.02663873251258484	:0.4409317546277935
and:0.07471951728662593	demand:0.04954846763287967	ready:0.04180413922748194	not:0.03602708863526949	used:0.03394245160901909	time:0.02589623610768662	necessity:0.025486679310755718	is:0.021807649889663168	enough:0.021592578072372005	:0.6691751922282464
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
husband:0.011179227979387635	men:0.009095598145494743	wife:0.006857393951084397	John:0.006669004829488672	William:0.00660036998380127	James:0.005980940085847462	up:0.0058977510305802065	Robert:0.005562045338918691	street:0.005152075772149874	:0.937005592883247
the:0.8657103316150121	The:0.049288831707500494	tho:0.015248005276036541	a:0.01190430599658849	an:0.010678667628294036	to:0.010548521274698686	his:0.009126443074454352	their:0.00661832958812944	our:0.0060101253537471035	and:0.004866438485538747	:0.01
that:0.305894510528897	which:0.09752575010273326	and:0.09709171252260333	if:0.064018363935346	as:0.0618240985175236	but:0.054431085018196754	where:0.05352228299378296	when:0.05094516670231303	If:0.029390794028594527	:0.18535623565000955
in:0.15677933113964765	of:0.15499652305478978	to:0.09090093551614326	with:0.05942474745573594	from:0.051143166043989205	for:0.050719880446207066	and:0.03687662644502382	on:0.03672341119432383	by:0.036059757664937804	:0.32637562103920165
of:0.3340860853059036	to:0.12502539946326763	and:0.08163936369051793	that:0.07658368033798145	in:0.07430386148012054	for:0.05131312914778556	all:0.0455525441805041	by:0.04496420145879731	with:0.0425074159711825	:0.12402431896393937
as:0.10283445777198401	referred:0.0349397366252717	and:0.03479191338637509	came:0.032455130001023735	up:0.0299955839978907	conveyed:0.027167437760228567	it:0.025687952658963058	belonging:0.025029567875186964	went:0.022785486793775452	:0.6643127331293007
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
went:0.1753090361166952	sent:0.12913116573313588	go:0.08186133157283919	set:0.07681947479014507	turned:0.07539493835691607	come:0.06503872648951986	came:0.05746520395531655	pointed:0.04665447929636545	called:0.044298647614372424	:0.2480269960746943
the:0.07009671283994261	and:0.0693830023690782	of:0.06916471341953061	to:0.0688648329728168	in:0.031206911676749424	be:0.027149470507328403	or:0.023953658473216136	a:0.023261661285813844	was:0.02291422904391557	:0.5940048074116084
for:0.6377216900474497	of:0.1415370180520401	in:0.048389873171075154	any:0.03922092551107951	at:0.022502667850798512	with:0.019242509664891477	that:0.017435218536531735	and:0.014650936899766312	to:0.013456311585754341	:0.04584284868061309
and:0.0989076337831116	it:0.05496519694254509	agree:0.037413106632691435	do:0.03537527954343048	connection:0.0313966876879149	them:0.030525069679991433	together:0.03021385311388696	up:0.025792304441362414	away:0.020817315710429322	:0.6345935524646363
<s>:0.13841396161248345	it.:0.01852128099776591	them.:0.011996811127784167	of:0.011311805697649835	.:0.011003146468122553	day.:0.009367451217223441	country.:0.008302323441240062	him.:0.008165708271491821	time.:0.008154914261206946	:0.7747625969050318
the:0.13801369326959387	and:0.09963507420124125	of:0.07645471682479864	to:0.07095637483799654	a:0.037786126554011604	be:0.0324660933276062	was:0.031447055333359196	in:0.029427885513983017	at:0.024340504039259893	:0.4594724760981498
the:0.5164001374594861	a:0.11032451878722799	tho:0.033293644897211504	to:0.02815433969976235	this:0.027783064846987657	of:0.021058077503393606	and:0.019834062653112036	stock:0.01927351203903429	The:0.019220262948900765	:0.2046583791648837
of:0.19761271134867614	in:0.1808377985235415	and:0.12917975787871125	the:0.11262845561296908	a:0.08548533825559251	In:0.06363565421524824	with:0.06143519457947323	was:0.03488989355564887	is:0.032990253215090734	:0.10130494281504843
is:0.1595683143271461	of:0.12035183049257704	was:0.11462780415305156	and:0.10719443948942382	in:0.07865178529148469	as:0.05575889220889774	to:0.047491042015285784	by:0.043195289837428874	any:0.042568428691116024	:0.23059217349358835
and:0.28869621410037133	of:0.18630011606280567	the:0.05989559107573636	that:0.05757958387158277	these:0.043204447351882315	which:0.028848049176402192	as:0.028622939201168592	their:0.02645431423414183	The:0.02227229817501367	:0.2581264467508953
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
State:0.3232695098823166	state:0.08169231201605558	Board:0.06338150976505431	line:0.04888757949618303	county:0.0394027661055491	city:0.034543261326565676	corner:0.03345291065003581	County:0.03245650531896079	House:0.017263809069685904	:0.32564983636959316
and:0.17727458667043283	as:0.0899136296261763	of:0.07109854961577364	was:0.05280285277729406	is:0.04636908034771194	that:0.04423859741496766	which:0.04125982733238174	are:0.040901484206566745	to:0.03922262550030783	:0.39691876650838726
of:0.1667987358055494	the:0.15766482489817477	in:0.07921886672303884	a:0.07237276110182593	and:0.048662203428026095	to:0.04429581797915497	that:0.026473749115707445	by:0.026351941049018914	for:0.02554990304322056	:0.35261119685628306
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
<s>:0.11334499473170938	.:0.031680483139939826	Mrs.:0.013866554365588772	J:0.012802549615595387	OF:0.010505877226784286	Mrs:0.00909060042874556	Mr.:0.00901167690921244	of:0.0072708199346429156	W:0.006922887549615989	:0.7855035560981655
are:0.16564905853678785	be:0.16199265432276486	is:0.12251479761645503	been:0.09973263592936656	as:0.09485324250436532	was:0.07136748183497253	and:0.06764767296622182	have:0.05274325448955589	were:0.04568193045451201	:0.11781727134499816
the:0.16505936496966145	of:0.10290657090327507	and:0.06403836383367092	to:0.060283405840847695	at:0.03078857813855421	a:0.02806492269115648	.:0.02334128530363552	in:0.01922703731884804	for:0.016686645358543476	:0.48960382564180716
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
and:0.10701061128589638	that:0.061039917187271746	an:0.0488201402978123	as:0.04118942600719528	the:0.04074670102494787	No.:0.03375594687706789	at:0.03282598366639332	when:0.03175716096397994	<s>:0.02711927495395667	:0.5757348377354786
of:0.24855074580233508	and:0.11572381145907598	to:0.09797804650979168	in:0.09430775770858237	that:0.08063641414821142	for:0.07192548828633047	by:0.06159173872812957	on:0.04503528785561335	with:0.04107934493370647	:0.1431713645682236
of:0.18715233780746704	in:0.1229440731519667	and:0.11348457542408384	with:0.0912918349565344	is:0.0902667693585262	was:0.0721366047186828	by:0.06976855915478507	for:0.06844874165568778	to:0.05278650092688583	:0.13172000284538035
and:0.178593530154807	be:0.08441707900657038	has:0.08157161883963251	he:0.08093129032592382	have:0.06938541927385992	which:0.06412026901742204	I:0.06405609716178169	had:0.04220386682130321	as:0.04190996100558672	:0.2928108683931127
the:0.41901781517278375	a:0.13682847861981143	of:0.09066277795568406	and:0.0670314964572274	The:0.03644324316011062	in:0.02604755047477625	tho:0.02177597028192818	or:0.020560363660819505	to:0.0196494548391317	:0.16198284937772708
of:0.34109450949152137	other:0.2668765732646678	these:0.06517858738850502	in:0.05117913925153813	the:0.04874675968919555	all:0.04848189460811127	for:0.039836131748176476	various:0.031743679554770456	to:0.02729786776112393	:0.07956485724239
feet;:0.1362164934507415	feet,:0.06021093316233113	;:0.05995412237674687	and:0.04635741510517425	running:0.03756255639860796	feet::0.025764469599464268	street,:0.0240730244452248	4;:0.022690846705398355	stake;:0.022601350059418015	:0.5645687886968929
the:0.17033664326518952	of:0.10360616332513127	and:0.09242921683155202	to:0.046412633589542875	in:0.04397105737096263	a:0.039788465246858654	his:0.03031257154283826	was:0.020218564941731184	In:0.019744718058102833	:0.43317996582809076
the:0.4772641086822947	an:0.0819659600818459	a:0.060916728259371535	this:0.03808759839534375	The:0.037397706888964447	his:0.03128627574664383	and:0.028572251454526645	tho:0.023701389748830234	said:0.02326022558627475	:0.19754775515590423
the:0.2206382216611702	of:0.12669876604762792	and:0.10532109044627513	is:0.0980606810188885	a:0.07006831398255609	in:0.06967143451864424	was:0.06628294433737925	to:0.04331301137974324	their:0.0416342002096258	:0.15831133639808964
are:0.13617172486613277	was:0.12357363305020069	is:0.10608761381387548	and:0.09581550063544612	not:0.08792649447119631	were:0.0733190456597473	will:0.07264477406880228	be:0.06370495285447826	had:0.061162278250999715	:0.17959398232912105
and:0.21755757190026956	or:0.11584204953821049	that:0.062434910199577635	but:0.05936217901202866	not:0.053605371343697	for:0.026329150052553908	But:0.024538436258933823	is:0.022272065633860267	be:0.02193771395836126	:0.3961205521025074
men:0.008507571136685167	up:0.007880706056429036	in:0.006834434858440271	time:0.006452928175800868	friends:0.0061647570955663325	him:0.006134093897094695	man:0.005753936441557662	home:0.005746664139677008	wife:0.005630523701140898	:0.9408943844976081
.:0.2109168065277826	J.:0.15066511641562794	A.:0.12327653696550285	W.:0.08477107111126869	C.:0.08140575409033265	Mrs.:0.07679698203750626	H.:0.06534457468556852	E.:0.04930897832691505	M.:0.046469474124877994	:0.11104470571461744
it:0.19292828752542832	he:0.12969901441012724	I:0.10779055870371348	It:0.10252361858254753	that:0.07663990705584448	they:0.06715479034735691	which:0.052103998189663915	and:0.045266203915798206	we:0.04227559745831426	:0.18361802381120565
the:0.2586152258532767	a:0.11787074110982153	of:0.07069080780969327	and:0.05627475571504906	in:0.029349965885901323	The:0.02690786881801434	for:0.024720388293267993	to:0.022350944723102655	Mr.:0.021092351256453815	:0.37212695053541933
of:0.2283389347660036	in:0.17515778992097802	to:0.0866784290804222	and:0.08277695280283441	for:0.06316917124635035	at:0.05256138489506569	In:0.043041129741519905	by:0.027855987899550863	on:0.023538955038692952	:0.216881264608582
made:0.09996872452686865	be:0.0814845205665304	taken:0.07929277849674483	it:0.07565072358418909	put:0.07059140780748423	set:0.05751404875003428	and:0.05003029592081694	came:0.044629508245672675	make:0.044150937384380654	:0.3966870547172782
the:0.20173822173021008	of:0.18140071439328187	and:0.12021632121956435	by:0.097301821657428	an:0.07317484907096297	to:0.0665716335395812	in:0.04769181567140341	for:0.03795593740613836	or:0.02685625675251798	:0.14709242855891178
a:0.17523357011570054	the:0.13322938068206072	of:0.11378635839293329	in:0.05969415775176269	and:0.0576225769235264	to:0.046516488064961274	an:0.03654912902619585	for:0.0203897744532919	his:0.017916214191763345	:0.33906235039780397
the:0.23724671551316706	of:0.10082538978126222	to:0.05529823901616596	and:0.05032481432983167	a:0.04581588232752173	in:0.03493169672460925	for:0.02876333853190044	that:0.01802484979919368	on:0.015886749376415286	:0.4128823245999327
amount:0.13468587721398828	sum:0.09339620125062971	number:0.08216788744168574	kind:0.047869166452999906	piece:0.046404208652546027	out:0.04444976283075029	plenty:0.03819555821342097	kinds:0.03097125851547405	means:0.028236574710047792	:0.45362350471845725
at:0.49896740139761403	At:0.19037052981583816	of:0.054493025909838434	By:0.048433610473977456	for:0.044740959717118535	that:0.03707174557893304	in:0.03018390719108473	to:0.02855914646096602	From:0.02597761922481414	:0.041202054229815425
the:0.13060906960186752	of:0.08374553927676476	and:0.07924026264793756	to:0.05861912425518338	in:0.04746994688132229	for:0.04093113389062445	that:0.02644826646240661	one:0.019339685538953686	by:0.018010799472608797	:0.4955861719723309
of:0.13310228419061632	to:0.09999567358095421	and:0.07365909310841623	the:0.0678208496879381	in:0.0660866643617898	a:0.05791377251350705	an:0.030357993042559116	on:0.029968738914730883	for:0.029186437683407396	:0.4119084929160809
of:0.19883135887148085	to:0.11428604700113931	in:0.08750454542234892	about:0.08301055533287505	and:0.07537971165653728	at:0.07240349990180511	from:0.06595319287833817	for:0.06275419923538536	on:0.05536088451343565	:0.1845160051866543
that:0.19529459725552145	and:0.1893205846914157	but:0.10676670620972793	as:0.07688705093448475	which:0.058663178485630074	if:0.03975885240158478	when:0.03805535861827694	where:0.02774861381497361	But:0.025105247517370508	:0.24239981007101427
feet:0.09124682453705052	poles:0.0730701371555321	up:0.05088279168420823	chains:0.04885658892872941	entitled:0.03694920633644442	went:0.034748145318504654	came:0.03280590556373315	down:0.032521221296211	him:0.032446562119539564	:0.5664726170600469
of:0.21816290275061906	the:0.18612397913339968	and:0.1400418854543289	by:0.08513650007084242	many:0.06287332236730803	for:0.05929100893047161	are:0.040972162571051365	from:0.03425227804858241	all:0.027167095742030738	:0.14597886493136578
is:0.2951995005014002	are:0.21025893132141832	and:0.08745873660841062	Is:0.05708938187785746	was:0.04940934543422386	it:0.03492347727174438	not:0.029230048698795717	but:0.02834276758697412	am:0.025656813214314893	:0.1824309974848604
to:0.11611623202716108	and:0.0927670277041291	of:0.05480015358824163	the:0.03853384443427393	is:0.03353964289198347	in:0.029809014802675858	was:0.0288691907044105	con-:0.025306563829559637	will:0.02411726427444757	:0.5561410657431172
at:0.21273773067840634	about:0.20422558483670733	of:0.12311777834589652	and:0.07618653963014885	to:0.04360474794661368	over:0.021189146488868053	from:0.019405921292201124	for:0.01891591316734747	than:0.016092673244691817	:0.2645239643691188
the:0.3948508510208883	a:0.24716352807077036	of:0.0762290167531892	in:0.06848091056502649	no:0.04703632966872907	The:0.038684076925330775	and:0.037307320141516595	to:0.027721884985539888	by:0.027123789971360585	:0.03540229189764876
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
to:0.2657397011990822	be:0.2054327158245953	was:0.10511156576410237	and:0.0769380671969295	been:0.05465570082134649	of:0.04895852979502843	is:0.04879230881911447	not:0.04822687383301449	were:0.03305499074870824	:0.11308954599807854
of:0.06253968406754741	to:0.04662946408126904	and:0.044987649249984926	the:0.041426209653950885	New:0.023101330292996144	in:0.0220675087824268	<s>:0.020544321065462657	a:0.015400528951750758	that:0.013583319085616136	:0.7097199847689952
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
a:0.24565066832762467	so:0.1573701467431293	the:0.1388741797928606	not:0.07918849939618654	and:0.06363988308828841	very:0.04481010958966726	Not:0.037717144921556034	that:0.03217233328830396	his:0.03178019686016997	:0.1687968379922133
to:0.18417900684155677	would:0.1698444007834976	will:0.12735124067211198	at-:0.0987357148728161	and:0.07859279572359819	I:0.05837797878768159	not:0.050925933383606965	who:0.03877595332444755	may:0.027625296783097518	:0.16559167882758574
made:0.11942847096974421	and:0.07979570471363857	caused:0.029091215056480817	shown:0.028426754301022945	up:0.02777670568714523	ed:0.027617079589566704	out:0.026630159435991316	taken:0.02626602987193105	done:0.02542850605479482	:0.6095393743196843
and:0.14597155650969415	he:0.1445512498867764	be:0.09965567202019447	had:0.08693019564240168	was:0.06851118961240929	He:0.06448886317819279	have:0.06437363313971428	who:0.060030083917687875	has:0.04731867726210308	:0.218168878830826
of:0.17739504007443702	and:0.07845754934946797	that:0.05397990043440256	the:0.05254249445195755	which:0.035699141192215136	to:0.03298259144712803	I:0.02864727742649162	by:0.0260039384919901	a:0.025116742401044074	:0.48917532473086595
and:0.18756950964637897	fact:0.1049849152597119	so:0.07037830284758004	is:0.0698129041959173	know:0.04689430441169238	believe:0.04220969452949754	say:0.03563289672405089	was:0.029461958020516984	found:0.026495012556699685	:0.3865605018079543
in:0.14557440865169408	of:0.11289327825509128	the:0.08527392821259443	and:0.06437529982342059	for:0.05488254176673715	a:0.03808718814306912	to:0.03699595218284497	In:0.034301016692017613	was:0.019868772630116955	:0.4077476136424138
it:0.21667992261148805	It:0.10935558532387599	as:0.0992102993091394	which:0.09687365893133239	that:0.08069656501629825	they:0.06030190647841252	there:0.042822810321519175	and:0.03325595955556815	he:0.03087705486329871	:0.22992623758906738
to:0.17034708991648448	of:0.10184746199967686	for:0.07419004329051875	make:0.056483790645420945	found:0.05443891953581981	on:0.052447526232536255	have:0.04221104731960982	and:0.037922198185493416	made:0.037097698777116675	:0.373014224097323
the:0.18927580197235688	of:0.10268000335673094	to:0.07193089873803327	and:0.06302722590064451	in:0.035804951354373886	for:0.03552877544733519	be:0.029165863199114864	was:0.021230450879771812	is:0.019324942212557497	:0.43203108693908115
of:0.15527339880188407	and:0.15502256812845044	that:0.07114459340685977	for:0.050145031357410455	but:0.025654008728093418	in:0.02444369625428505	when:0.016379210644825778	which:0.014705713308773443	where:0.014147768297570265	:0.47308401107184733
of:0.35277230203767274	to:0.10780346518450545	in:0.10386559021669982	and:0.07949144987468484	for:0.06653688664445816	by:0.05995993327484794	that:0.05434986317707174	on:0.04653421457461844	with:0.04239680305618533	:0.08628949195925552
the:0.7572954166956831	this:0.06538981885155995	tho:0.04100310753543364	The:0.021412252085466123	civilized:0.02010024639992047	whole:0.01591972453817539	tbe:0.014163820685424384	our:0.01376584645897908	a:0.013215691641690498	:0.0377340751076673
of:0.31273498171959874	and:0.11285940419095856	to:0.0939833987508481	in:0.09248081148708667	that:0.06800413105857704	by:0.059114324887218454	for:0.05373706911853705	with:0.052389962837030395	from:0.049735412317167174	:0.1049605036329778
of:0.10254170172035644	in:0.06856199215012258	to:0.04339144291902115	and:0.041207602040005	by:0.03033192856417566	with:0.02882293622326393	for:0.026119340266337904	from:0.018862833704342333	things:0.017386575862480828	:0.6227736465498942
the:0.18381955435890504	of:0.12278628617278592	to:0.06712513641920152	and:0.047137828846930165	in:0.021526543939127712	be:0.021486803358868087	for:0.019537956181941256	<s>:0.016423001571341925	a:0.015756752068020165	:0.4844001370828782
the:0.3666960077957818	other:0.06680050894840164	and:0.06379356696669616	different:0.05492854267346409	all:0.05252866148130033	of:0.05096342938052914	tho:0.037350646759609384	various:0.03577636543431524	some:0.034309832731156155	:0.23685243782874604
hundred:0.01653944674889715	up:0.01635292704063882	in:0.01419416364873418	one:0.014071713481438625	;:0.013942886464363646	each:0.009037273567769542	made:0.009015597887308576	it:0.008846973650141877	it,:0.008546422681449891	:0.8894525948292576
years,:0.01184461821854182	time:0.009356434745111731	in:0.008999771834895101	;:0.008613479246975659	porous:0.007473513963247233	hundred:0.006870414313547528	it,:0.006786658829433457	States,:0.0061876025375332475	manner:0.005937196325960979	:0.9279303099847532
the:0.4890662718552904	of:0.21059124056164158	for:0.055415645360613795	and:0.04649981815794414	to:0.032810428440140316	other:0.02961292727707206	by:0.028167714376491012	The:0.02488618591422453	at:0.024337120132442436	:0.05861264792413974
to:0.6615633351598853	will:0.08646948223702283	and:0.06336345545891608	would:0.04891431453332676	not:0.03231440433591011	shall:0.017240883404945492	should:0.015706818518872387	may:0.014029951967036264	can:0.013493984798142901	:0.046903369585941886
to:0.34378129718365846	will:0.15287135864951518	would:0.08615903395787451	may:0.07844929048361882	should:0.05682249178971402	shall:0.05432412913287461	not:0.05091775331157668	must:0.03610577244404393	can:0.03580596083245932	:0.10476291221466445
that:0.32162847781005305	when:0.10978895792406886	and:0.08809702734424533	which:0.0747229635926207	as:0.06446107279083658	if:0.04651245418284462	where:0.04510537429293735	but:0.04392555524448781	said:0.03680389826227941	:0.1689542185556263
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.4459965876805315	in:0.10444280136121067	and:0.08316296324601943	with:0.07244013927919588	for:0.06449881000391702	all:0.04614680505008882	from:0.033184452411244306	are:0.03105084722865405	by:0.028726567226413674	:0.09035002651272464
two:0.148293822879747	four:0.1030600926690021	five:0.10138780181260042	three:0.09658695153789985	many:0.09266840140198242	ten:0.07426577312617036	twenty:0.07246860602398736	thirty:0.05848146660447972	six:0.056765138679488715	:0.1960219452646421
<s>:0.08591174884779668	.:0.05579052517449096	it.:0.012967647257754341	-:0.011869367543184003	them.:0.009896069232017366	sale.:0.00796188422603768	of:0.007173992482204329	follows::0.006344577901177586	W.:0.005584410264808984	:0.7964997770705281
the:0.13422012841593314	and:0.1236733046948226	of:0.08459826367933379	to:0.04580735008129919	a:0.03288789899263805	in:0.02451242132557425	be:0.023409307441452688	was:0.021826533397920067	or:0.019483102187770544	:0.48958168978325567
let:0.2700233363836805	to:0.17157327979069237	Let:0.12880108957890002	do:0.035690752853480286	for:0.03502531680430877	of:0.03393792641765293	with:0.03338121532899079	made:0.031033439612480833	have:0.02318829267568485	:0.23734535055412861
have:0.16275082346088046	has:0.14506598118920785	had:0.131945907859647	be:0.12447436133568777	and:0.09959125622584263	was:0.0928196768410771	been:0.0697067156109867	he:0.049926455660578184	is:0.04806203910491062	:0.0756567827111817
and:0.10985765360012639	to:0.0870112436273619	of:0.07894186089764132	the:0.07005492844823415	in:0.032364668243275635	be-:0.03196946985605434	that:0.025107085000234345	was:0.023436862887310478	for:0.02150877633014445	:0.519747451109617
to:0.6937818877176365	will:0.06309973010556184	and:0.04822047297294456	of:0.03501255717935704	would:0.02405389442862564	not:0.023181130642461148	the:0.022647636036071395	his:0.02214641859293209	shall:0.01846938679529421	:0.04938688552911557
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
the:0.1368581263934969	and:0.08908296534213042	of:0.057402533600466474	be:0.04218014009557299	is:0.040171733716949674	was:0.03653391391404123	to:0.03356878187192924	in:0.02654362073994786	he:0.023366713811209392	:0.5142914705142558
and:0.0760398994443201	arrived:0.027597102381452708	Western:0.02178231054594648	that:0.0206953444155	the:0.016659922508306384	sold:0.016340039949521785	held:0.012427408180998313	2:0.012252810004483876	or:0.012073182578603743	:0.7841319799908666
the:0.4001596238651692	and:0.15642817830904476	a:0.06574461021215901	in:0.04321936077980995	The:0.041000134987651586	is:0.03478878659397957	was:0.03458521615984876	that:0.032312369994146425	of:0.028144678191716826	:0.16361704090647397
is:0.07562274775026705	as:0.06677912854613981	was:0.06521317613300007	and:0.06343837324862898	able:0.051145052366554054	order:0.04666513050011809	have:0.04602837774740245	unable:0.04378988267075232	had:0.043738777967792276	:0.4975793530693449
and:0.05284477619850313	to:0.013433202462983348	it:0.011770646882001821	<s>:0.009817317691158883	up:0.009095603163197281	them:0.008885610992900857	1:0.008191263725468838	.:0.008023271245503845	as:0.007165310862802194	:0.8707729967754798
the:0.2354505534438392	and:0.2053791245585015	of:0.19414750343087459	with:0.07789335659944314	by:0.06803112036013736	or:0.042314719289658166	in:0.031913917334656254	their:0.02478269079734206	for:0.02360257424322547	:0.0964844399423223
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.10270874935358304	of:0.06387673187826567	and:0.06374601912770819	was:0.028345156807388246	.:0.026932377064290743	a:0.023214936272379954	to:0.021307458528769415	be:0.020108710617546256	is:0.014997690674614405	:0.6347621696754541
and:0.22619669142298884	or:0.14173119136459186	of:0.13866035715458247	in:0.078142581502742	about:0.058789998609477895	hundred:0.05108266737381939	within:0.050984823833091344	the:0.04952596195657651	to:0.04546109997408769	:0.15942462680804198
and:0.259404855256391	to:0.16036388026842668	of:0.09637503291850302	be:0.07846071420004586	was:0.06492860602548246	is:0.05629615687404652	or:0.055138555977440905	not:0.050078341312965166	by:0.042439961579006084	:0.1365138955876923
of:0.40009636283981703	to:0.11801192838528088	in:0.0805046613072639	for:0.06152605377185751	by:0.057622065909132006	that:0.05557489613315915	with:0.05169123370766379	and:0.044602135585105195	from:0.033363482301586804	:0.09700718005913372
on:0.23711666165770467	of:0.21023860511275494	in:0.12816776452603212	at:0.0674344678442794	to:0.066237049201348	from:0.05319248387120976	In:0.04899368966472193	On:0.048346623280131576	and:0.039891743670656975	:0.10038091117116063
the:0.4468397825136503	a:0.11953322975568642	to:0.06925447678401792	and:0.06384351476553246	this:0.061143378769467634	of:0.051475838200169335	The:0.03137544128448245	tho:0.021287432287694034	an:0.02022143115739068	:0.11502547448190875
and:0.11582081944112449	was:0.04225261395959518	held:0.03592895762799326	Beginning:0.02926079870317736	is:0.027806631077598554	look:0.026545353863800903	arrived:0.026240397869270526	that:0.0255265603479058	interest:0.024134996272950678	:0.6464828708365833
and:0.06374308910164438	of:0.018474147670876045	a:0.0177645194046534	to:0.01668003193003504	the:0.015796067826947757	<s>:0.008897909029417918	who:0.00831341821202233	in:0.008302166950741959	was:0.0072746279776715215	:0.8347540218959897
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.39469798519370963	to:0.08925882201494649	for:0.08251493248520589	all:0.07955637961015054	and:0.07572982505178887	that:0.07429460287507197	in:0.05562434411330336	by:0.05419992619709603	with:0.022508755625169075	:0.07161442683355818
the:0.1911420242841544	and:0.07572676169542843	of:0.0722864111981425	in:0.037024440239102084	to:0.03692752312600572	be:0.03202910470787676	for:0.031179340034351785	their:0.029481023219163655	his:0.02756690530651918	:0.4666364661892555
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
a:0.5158657033681887	the:0.22242013102919592	one:0.03608981519303087	A:0.019027091813113024	The:0.01720766168676082	his:0.016033799680582335	to:0.01323911848653068	this:0.01264591283979049	tho:0.010944288685455125	:0.13652647721735203
and:0.10519796103172453	recorded:0.04492522267636661	is:0.04292906922552625	that:0.040156978325769595	was:0.0379374668882076	are:0.03244295791167291	distributed:0.025508715237800884	but:0.021070365812915742	divided:0.020697386321387536	:0.6291338765686283
in:0.15871129634001324	of:0.10394504397879673	and:0.09027219070278107	to:0.07378146632167873	for:0.048731497997159326	In:0.045399908954895526	that:0.02700261122948693	the:0.025935239823498043	after:0.019102138504357477	:0.4071186061473329
it:0.27957038428918407	It:0.14069168722916756	there:0.0780604064737155	he:0.0673522127670591	that:0.061371482220746135	they:0.04852180992353207	which:0.044772571877851546	and:0.031977859656019285	I:0.020031431466088268	:0.22765015409663647
the:0.16426992389034856	of:0.09702422726033204	a:0.05773100365794107	to:0.0477127103678804	in:0.043022325231464896	any:0.04060122164564591	for:0.03929311515808009	or:0.037243611065177915	and:0.0343918480098038	:0.43871001371332535
the:0.3633784041052252	and:0.06859294877083139	of:0.04517407189228871	in:0.03486296981398862	a:0.033463200574771555	The:0.03036448363169384	tho:0.025142661973674776	on:0.018572688511218672	that:0.017764080497160956	:0.36268449022914623
out:0.07316165029757048	up:0.061279672567886904	him:0.045862862244517556	back:0.040466992924136934	down:0.03536832286151517	step:0.030876600391626322	made:0.02832992771890044	was:0.02822041629563969	them:0.02799759676205846	:0.628435957936148
that:0.26536885901604845	and:0.1396849077124062	which:0.10086635748149865	as:0.0758276158866989	but:0.056855630296078166	if:0.0522066227418338	when:0.04239229879171422	what:0.038189046622420765	for:0.03749784369596868	:0.19111081775533217
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.5015191910015241	of:0.1868652443668442	in:0.07059989624278376	and:0.03460883039778147	The:0.033666071473950704	for:0.03276640542042973	tho:0.02324184049161466	his:0.020939052286814346	all:0.019106414914278915	:0.07668705340397812
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
of:0.19716851484449596	to:0.12022152446176702	for:0.11283695823854743	in:0.11218734226416824	at:0.09859277593024694	and:0.07152992722619168	on:0.053726183272688945	In:0.03917552916290987	by:0.03603817433608168	:0.15852307026290224
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
of:0.37801987687800326	in:0.15284081557092635	to:0.08778938466228974	In:0.04700816141813068	that:0.04252946715914091	for:0.04167777519437705	by:0.03795272869101662	and:0.03672477113784621	on:0.035641453486719196	:0.13981556580155
and:0.23285890239261642	was:0.053702357342474194	is:0.04776074842187524	not:0.04483590865744795	are:0.03935876375968279	or:0.03795643933425473	be:0.02685038421316475	of:0.024707585141409565	that:0.02439474344168241	:0.467574167295392
will:0.26150797010817495	to:0.21697188744501153	would:0.09376679205754458	and:0.06854660458394697	not:0.06057817424923829	shall:0.059563613306667255	may:0.05051031394707491	a:0.04100113414789317	must:0.034712173122196294	:0.11284133703225202
one:0.04822459162474669	day:0.023112808922262574	man:0.02299725725887152	two:0.022547213685965475	lot:0.01745884858137021	on:0.016546839267317405	owner:0.014046396102333372	action:0.013705612902872113	men:0.013666060117917496	:0.8076943715363432
a:0.45437364163971244	the:0.21510266969422115	his:0.07538778045271233	our:0.027840048652804136	large:0.02646931743046356	The:0.022147347248987113	great:0.021355125376562412	their:0.020616870268454962	her:0.019572795578224	:0.11713440365785789
the:0.1677358806731248	of:0.14213068286338554	and:0.11548949370087304	in:0.08142395801106306	a:0.04759725329984451	was:0.04180326252080823	is:0.03301953996150877	are:0.028585562231514504	be:0.02738162752299306	:0.31483273921488447
.:0.10355544197436939	Mr.:0.05896692785577807	W.:0.05692485605811981	A.:0.05006050390894273	H.:0.0478130735173387	Mrs.:0.046539353872031286	J.:0.04165750075320524	C.:0.03689605714129056	Dr.:0.034398664695380395	:0.5231876202235438
may:0.2469831181033876	to:0.19895369712451072	will:0.1085348003549888	would:0.10004664379823247	shall:0.09058749997266607	should:0.07024054469908222	not:0.028520655869045508	must:0.027275801501031705	might:0.022424936969579756	:0.10643230160747513
the:0.28601435087222715	two:0.13446271219582762	several:0.09235161122434843	other:0.08477658863094234	various:0.054816889709955775	three:0.05160173476320442	of:0.044111514993313346	their:0.0313456245204385	respective:0.027522517256041254	:0.19299645583370117
to:0.4149881841806549	not:0.09499142475365856	and:0.08429826763538294	I:0.08062045837990746	will:0.054244230116714864	they:0.05373099962089797	we:0.05102978832410173	would:0.03202566854824538	who:0.023954823882487833	:0.11011615455794835
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.15076941588031095	to:0.1112950557783767	no:0.1027505732824868	take:0.09382830587951327	took:0.0719679872456848	and:0.06947758458211431	not:0.06186115914443854	taking:0.05735506205401207	for:0.05374430404279999	:0.22695055211026255
part:0.2547948803284075	survey:0.10573781285874267	holder:0.08429041001433776	payment:0.06749655191366918	one:0.04754587861822031	date:0.03544307517890216	plat:0.02885109253408928	conviction:0.021817640875851547	sale:0.019469933805190968	:0.3345527238725886
the:0.048792483808898765	and:0.0421673721392729	<s>:0.028547290169665555	that:0.022863926379548396	of:0.022044090072484784	to:0.017009744869430837	The:0.013245074016201197	it.:0.009688747292147071	which:0.007058804001823436	:0.788582467250527
the:0.2230786848353211	of:0.14710444378124257	and:0.1177483487378849	to:0.10766514778496636	a:0.07909233580609919	The:0.04341513209889464	in:0.035794033561056135	his:0.034558091392135545	for:0.03392681370751817	:0.1776169682948814
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
and:0.14170530797940953	of:0.07227017679224287	the:0.04462003554708702	be:0.03685807754549318	a:0.035905515184589634	in:0.03203315204003	is:0.03168739705547206	was:0.03131301567082761	he:0.02922624312968863	:0.5443810790551594
and:0.24386577763543324	but:0.08699688181689053	that:0.08153559167411409	time:0.05382499037373128	him:0.02840515138690323	day:0.026725713896073963	But:0.02533352722318376	ago,:0.016740844486454947	or:0.01477913499589598	:0.421792386511319
part:0.061904870009165114	one:0.046819417612041205	and:0.03230794793928971	out:0.0309099723442748	some:0.029470547770360463	all:0.023694583540907928	that:0.019371507692612613	portion:0.018695828515667447	members:0.01725153978395045	:0.7195737847917303
the:0.5816972795577128	a:0.09022683105129511	of:0.07838835086836318	and:0.03350763635416241	tho:0.0332894006771537	The:0.03176503837069565	his:0.02793198660344082	to:0.02500672685375256	by:0.017789998319465716	:0.08039675134395813
that:0.17239522627913972	and:0.1537001250082483	which:0.08238496397164051	as:0.07800573271912438	when:0.06523389005217045	but:0.05510122605494191	to:0.03624324909344142	will:0.03205158199745785	if:0.03067090297910442	:0.294213101844731
the:0.3120558918967696	an:0.10242125745149938	a:0.0787927356288081	his:0.06388006726269765	The:0.05939219880225072	their:0.05881645032300388	to:0.05869198941006147	and:0.054436619616516226	its:0.02989480611575977	:0.18161798349263325
of:0.2656811733459216	to:0.13836514201614183	in:0.11223619967935544	and:0.08696127422330162	that:0.06094731414748097	on:0.05956845796405215	by:0.05460385371072481	with:0.0431337268005381	from:0.0396555256021517	:0.1388473325103318
the:0.10474038413955195	of:0.07186487721135203	and:0.06643072562192762	a:0.05877895208854047	to:0.050053655004591295	in:0.03566736795546962	by:0.03125726783741102	at:0.026417185298963572	for:0.026342583968485746	:0.5284470008737067
his:0.2931285000399419	her:0.23050953953855172	my:0.07463645596922716	the:0.04917689591256084	a:0.04304474743819537	and:0.04200783377620376	our:0.03446376900885293	their:0.032173531608677815	His:0.026967255152504036	:0.1738914715552845
the:0.19157312032759888	of:0.10873910558999446	and:0.0835826134963348	to:0.05360383603663839	a:0.037900755603911256	be:0.030008168284985457	in:0.029410024290892074	for:0.02860866158765168	was:0.028267609792053953	:0.408306104989939
of:0.2580574607509138	to:0.11505977462595839	and:0.11204822413281255	with:0.07488526352563221	is:0.07060172718389111	in:0.07017708560354542	that:0.0674873027585737	for:0.05878208599991216	by:0.05060235334156225	:0.12229872207719839
away:0.06925205172028555	and:0.06007808449668492	taken:0.04760906637168378	miles:0.0428166599829834	feet:0.03837562943164214	come:0.026889243450533045	them:0.026073675669967263	out:0.02484981837258804	came:0.02410733092637395	:0.6399484395772579
the:0.1911420242841544	and:0.07572676169542843	of:0.0722864111981425	in:0.037024440239102084	to:0.03692752312600572	be:0.03202910470787676	for:0.031179340034351785	their:0.029481023219163655	his:0.02756690530651918	:0.4666364661892555
at:0.4048523315655707	to:0.25937412946410504	of:0.06904208078295784	for:0.04329869333650162	from:0.03753411890301584	in:0.03446655896481793	and:0.03193185233821222	as:0.03185019048529239	such:0.02828429761273596	:0.05936574654679044
the:0.6011571143656573	and:0.0611520846464471	of:0.05871856774732923	tho:0.038189252579452306	The:0.026093026811909396	a:0.018894161159835585	tbe:0.016093161025153412	our:0.013873675891815993	an:0.010527438498560837	:0.15530151727383876
in:0.14557440865169408	of:0.11289327825509128	the:0.08527392821259443	and:0.06437529982342059	for:0.05488254176673715	a:0.03808718814306912	to:0.03699595218284497	In:0.034301016692017613	was:0.019868772630116955	:0.4077476136424138
the:0.2262333139863608	of:0.2022855747128473	in:0.19254456087455615	to:0.06838045740105994	In:0.048869037803194494	from:0.04623730807689922	and:0.03511495145655637	The:0.034367140360129854	for:0.03150869224562173	:0.11445896308277415
arrived:0.07648700989602703	and:0.07152381143938565	held:0.034700607189898314	was:0.028568392149978895	Beginning:0.024834933030762094	look:0.021963017828154085	interest:0.02068255481693618	arriving:0.017732591552395947	place:0.016781956321660064	:0.6867251257748017
a:0.4638766892769908	the:0.2793258062159502	by:0.041811199940524624	The:0.030403862153783764	A:0.020482310322877274	any:0.017364627554584025	said:0.017282575758952836	tho:0.01485572556236276	every:0.014683147558208263	:0.09991405565576544
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.17749384269802215	the:0.15535628175738972	a:0.11362355634687425	and:0.07376005805964221	to:0.06555896401364526	in:0.05377265555998049	for:0.03715973752861795	in-:0.02798578789563736	from:0.024737165709967302	:0.2705519504302233
of:0.29267769117320364	in:0.15839876078911397	to:0.1044833583442516	and:0.06491327750656874	with:0.057671683778140935	that:0.057416933650748	by:0.05418222829712394	for:0.046252612199750506	on:0.045426859038577974	:0.11857659522252069
one:0.13027668708462814	out:0.07742206756685843	part:0.06474114282857145	some:0.05640712659716483	time:0.03954471000289752	account:0.03620724368530425	all:0.03238127669140698	and:0.028154969476639407	that:0.02755643570827209	:0.5073083403582569
the:0.30752919290611014	a:0.1234312374541739	at:0.08614137708147349	of:0.067911225919163	to:0.04635307338114405	in:0.037737986712917865	and:0.02805207639262348	The:0.022302476385678487	from:0.01908560706839114	:0.26145574669832444
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
that:0.32162847781005305	when:0.10978895792406886	and:0.08809702734424533	which:0.0747229635926207	as:0.06446107279083658	if:0.04651245418284462	where:0.04510537429293735	but:0.04392555524448781	said:0.03680389826227941	:0.1689542185556263
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
just:0.06878808168293438	and:0.06493318434059552	is:0.05233601015447515	such:0.042222434776384904	well:0.04067277126669907	far:0.040034165817288504	it:0.0397909947797928	are:0.03264633930373423	not:0.029799251085827407	:0.5887767667922681
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
that:0.18889827879112916	and:0.1523209786174581	as:0.13480616833479409	which:0.07585833655859328	when:0.07218460692162933	but:0.07071006654713997	if:0.04420254344488627	where:0.03271662939192773	what:0.018853949919278093	:0.209448441473164
and:0.0854723757715897	is:0.05680452915457084	able:0.05671899930494974	him:0.050997408541266866	as:0.047097648334595094	time:0.045967080098001815	was:0.0402731834444067	enough:0.039926261860567504	not:0.03772930610657246	:0.5390132073834792
the:0.29530241285831854	and:0.0679033695347657	of:0.05894890598338968	a:0.05053178474062768	his:0.02089879720441062	The:0.020094136741412357	in:0.018899671363164294	was:0.018658676305491808	tho:0.016569002152449726	:0.4321932431159696
put:0.19012482915337653	made:0.07298586613437184	taken:0.06410875493594898	it:0.06071386637652067	set:0.05689438642687378	came:0.05471995695543196	looked:0.04928159091252888	brought:0.045508261729705665	and:0.04533698291699415	:0.3603255044582475
that:0.22032680239582914	and:0.14457880866821854	which:0.10212139948845614	as:0.08749929309218998	when:0.0632491241519817	but:0.061558500566660436	if:0.04365744315517238	where:0.0331942435511409	because:0.02326756597059159	:0.2205468189597592
of:0.12193417373165336	and:0.04466007985681257	in:0.037239108369084666	with:0.027879516189571782	to:0.02596394667183743	by:0.022228611328836315	from:0.018392480483401898	that:0.013322971257233331	on:0.011846241067624452	:0.6765328710439442
of:0.06500533357398554	the:0.03629665680868166	to:0.02830133853861189	and:0.023413548374473694	a:0.020006086712249578	<s>:0.013386045375760987	.:0.0132463929339676	his:0.01314844273484825	or:0.010202985039315183	:0.7769931699081056
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
and:0.09633619874599227	the:0.09139279092521561	of:0.06128180597758147	or:0.04094855378901524	be:0.03939817166318174	in:0.035603207228542634	to:0.03442371562123049	re-:0.02863999670964148	are:0.022470976704380956	:0.5495045826352181
to:0.11272467325873015	the:0.09570920935957357	of:0.08084508540075111	and:0.07746796351453314	a:0.03161606912023797	in:0.024763881588432984	at:0.024446783401682257	for:0.018599489625864805	is:0.01726400145434898	:0.516562843275845
the:0.27477305958532394	a:0.08096627145024711	and:0.07121715883323325	of:0.04824428149859291	Mr.:0.040072117877517896	The:0.03671199950960182	to:0.024252683165015592	tho:0.020653665988916037	in:0.017230871299127	:0.38587789079242446
and:0.025353590569930685	him:0.01059626950832844	that:0.009470764876780377	time:0.007422828404145032	them:0.00722875679373449	;:0.007120093314462515	it:0.0068570640613947655	out:0.006583810474233879	up:0.005993210098215142	:0.9133736118987746
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.2330919747924382	and:0.101906937508298	are:0.06569971490548346	is:0.05521063754236961	in:0.05006850059967255	the:0.03768501379685274	by:0.031923982083195995	now:0.03137399155579137	for:0.02983755634726208	:0.363201690868636
we:0.1553318658347579	I:0.12641012217940495	it:0.08557617247980612	they:0.07838160565135861	he:0.07246833348339302	and:0.07053955559733047	who:0.06953086404930385	which:0.052975361571721453	you:0.029634267133016416	:0.2591518520199072
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
of:0.37391375011918265	in:0.09858460267087116	to:0.09263036497694058	the:0.0706348154405341	that:0.057031197382512756	for:0.042042095638378164	and:0.04062454609220097	by:0.027695074999721764	on:0.023813925352767187	:0.1730296273268907
the:0.24955618163138282	in:0.1479912490936747	of:0.14582627755726438	a:0.08419458539007847	their:0.06698981469764437	his:0.058777657552901444	and:0.045931107075391685	for:0.038579204847264605	In:0.036065754166385355	:0.12608816798801215
and:0.1302925484649047	so:0.0725061654157399	fact:0.05216514798798004	said:0.05100387607719449	all:0.040342598106657454	say:0.04020390119635082	of:0.03903040691239122	is:0.036838257156468435	know:0.028631142797593222	:0.5089859558847197
it:0.17621176813110442	he:0.14602570805954881	that:0.08182897622368072	I:0.07307595587065838	It:0.07142984284124798	and:0.06223127173180235	which:0.04712953174020268	they:0.045846712585615845	she:0.037817047446582465	:0.25840318536955637
and:0.2023840599715353	as:0.09049412532263959	when:0.0723403268843741	that:0.058904033037583806	which:0.05200457664538109	to:0.03661895750420309	if:0.027804907748919215	but:0.02641935861102761	before:0.020611182632614446	:0.41241847164172174
thence:0.11467799938444553	and:0.10862277099578058	parallel:0.07554747177162018	accordance:0.05015180840382237	covered:0.047166766088147606	angles:0.03653938894311696	line:0.03383286663000791	filed:0.03325734363844174	connection:0.02302076213719422	:0.4771828220074229
of:0.2593047400693689	to:0.12634005960186948	and:0.0920695881887219	with:0.08168802703622252	in:0.08050474311004555	that:0.05863723783090106	on:0.05547759240144119	for:0.04393922885215147	as:0.043197170143595955	:0.158841612765682
and:0.04763418382040177	<s>:0.04674169921308721	it.:0.02657637558630472	that:0.022896178091056957	them.:0.020475440645875538	time.:0.01059246312181312	as:0.010540089613554925	?:0.010151109873046927	country.:0.008452702043450376	:0.7959397579914085
the:0.10006598349124032	and:0.09039868519991434	of:0.08397507052276625	to:0.04592950863398362	was:0.03616765337442456	.:0.028129491056731428	Mrs.:0.02463294095487968	<s>:0.02048172481737987	were:0.019428447168440787	:0.5507904947802391
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
he:0.16307269537877928	I:0.09868297639769869	who:0.08584389528053854	that:0.0763705419219043	which:0.07634950428310441	He:0.07227876379301018	it:0.061709558666989184	and:0.05606056521572332	she:0.042421158852792996	:0.2672103402094591
the:0.12587325765134058	a:0.08920092790070841	and:0.08707384880824844	of:0.0825049241743352	to:0.059790278496737854	in:0.032936110292086956	be:0.03252258016382413	was:0.020814076420510568	is:0.018976654092854692	:0.4503073419993532
in:0.02407980475115345	time:0.02020908168955437	men:0.01860700549974853	life:0.015935249151435574	man:0.015865337531667658	strength:0.015494876898684451	out:0.013629869919680718	city:0.012849411287193468	right:0.012309374506200536	:0.8510199887646812
in:0.1723951268645331	of:0.13907425372051502	to:0.09009192522549586	with:0.051776335912188	from:0.04705438364456953	for:0.044541165924803894	on:0.03719494818267838	and:0.03672204453598108	In:0.03468935618121388	:0.34646045980802126
of:0.21130509775881282	to:0.09380475303784817	on:0.09168833391722686	by:0.0776504970487132	is:0.07436115549520443	and:0.06760460091557813	in:0.062237147305380464	for:0.058015837639181146	that:0.05147043352763772	:0.21186214335441708
it:0.17527672178128625	It:0.15198692117053528	there:0.12646732019619827	This:0.10411787138992587	which:0.07080446969329679	that:0.06157957983222569	There:0.05807963275087957	this:0.03952116381745663	and:0.03353989432746887	:0.17862642504072676
and:0.09377129454296322	was:0.04271315341537484	out:0.028524574363226172	that:0.02811573968936019	placed:0.027131868575018914	work:0.02578173844450971	made:0.024681420068921236	is:0.024021050156212566	up:0.023509378606325886	:0.6817497821380872
the:0.18635094821463588	of:0.13092691060682204	and:0.08953686621361837	to:0.08543503883939431	in:0.04463607233103281	a:0.04452095176172935	be:0.03708117054764228	for:0.02750398240718926	his:0.026634273326519665	:0.327373785751416
the:0.31856466112807086	a:0.18208632618484125	and:0.06782230273279997	electric:0.06201907258422918	of:0.048094498453102555	that:0.04544878619039939	The:0.04044925434277526	this:0.03926347706166618	no:0.025827287405612562	:0.17042433391650277
the:0.3881047040894104	in:0.16064622852417673	of:0.1188052483917765	for:0.050724200060469654	In:0.039916031096708646	mence:0.03902212777207384	or:0.0327017230715089	The:0.02907869219195756	and:0.026427951699800417	:0.11457309310211737
the:0.31838490370714	and:0.11916971393022714	of:0.09060334277847748	a:0.09054896275766487	in:0.052515418987037724	are:0.042791931642560295	from:0.03912036063487435	is:0.0327269693110167	for:0.0320770897665168	:0.18206130648448465
that:0.07742819816207192	<s>:0.05187534431799204	and:0.03899703784661188	it.:0.022349389167743913	but:0.021120294267959878	as:0.019185560634944608	when:0.016326165364708576	which:0.014836073419480428	him.:0.01434309987660227	:0.7235388369418845
is:0.17151443215255138	was:0.15796866487439132	be:0.12215195064051217	are:0.09169671987936684	and:0.06725661158764698	been:0.06475976936419738	not:0.06207736839472229	were:0.03666461412470619	Is:0.022979686612735025	:0.20293018236917046
well:0.1690835522263299	and:0.07837075642376701	is:0.07649904198899427	known:0.06656161758616834	was:0.06199778076984364	far:0.05282429101038408	be:0.04706099001020388	just:0.0430294384968968	such:0.04244411757724391	:0.3621284139101682
the:0.247373520799878	of:0.22438719978109037	and:0.09732854371766178	raw:0.07109870353829614	all:0.060193120028771065	or:0.0547380887649459	for:0.03038375589501481	such:0.02384746075886295	many:0.020998089001116067	:0.1696515177143629
to:0.40234940938403757	of:0.09318697366198914	at:0.07669274049781678	with:0.059413435125538	upon:0.03941905800959086	let:0.037537796722241994	for:0.037058794762246904	on:0.03565619975626413	from:0.031105810830326514	:0.1875797812499481
the:0.2294602019471525	a:0.16674216255268418	of:0.1288944005614789	in:0.06336043086382741	their:0.03699734691834547	this:0.035762299979761665	and:0.033427442051361965	to:0.026390892088389812	his:0.02316649861718008	:0.255798324419818
he:0.2148246104519941	it:0.10449091212178217	they:0.08823120277081573	who:0.07056401177304822	which:0.062029829477764455	It:0.05407883305102277	she:0.0532682499702123	I:0.05303969883375848	that:0.04098401334433148	:0.2584886382052703
and:0.09495289394784191	to:0.06968015490319703	of:0.06874265614729633	in:0.05370628109331552	be:0.04270364831727581	the:0.038507355743673845	was:0.03850148548075873	is:0.024733256518713664	he:0.021441328067362188	:0.5470309397805649
of:0.15985453877695838	the:0.09502846416525065	in:0.05845807207715751	and:0.04749673608087739	that:0.03780945476695417	to:0.031324348349176294	The:0.026721992530225346	for:0.023155839315457248	Mr.:0.019973943650508502	:0.5001766102874345
and:0.2465078604106875	I:0.12221834213751269	to:0.08704808435139222	they:0.07280107288016766	we:0.06128612344858039	the:0.05935007351641838	who:0.042420171194844515	that:0.03553032868415191	he:0.03301746753890801	:0.2398204758373367
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.21632781868933668	a:0.1465078308629371	to:0.13501857866269365	and:0.1021852706752743	of:0.08373514951310537	be:0.03775696064272083	was:0.034982856962073344	for:0.03491085984947076	or:0.031213714449855382	:0.17736095969253263
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
;:0.037690467540972404	him,:0.013392408072930455	is:0.0122086526113365	given,:0.011543281941198245	it,:0.011247878040024133	,:0.009633388331612106	them,:0.008724929917917325	was:0.008190761452824925	time,:0.008177996426275149	:0.8791902356649087
of:0.466033666288447	in:0.16207532322898124	the:0.10742353004591186	by:0.06968758422266833	to:0.044612056434797924	along:0.03718579517813877	on:0.03446383130454669	In:0.023605653764120372	with:0.016389122879900478	:0.03852343665248738
a:0.4753575308467878	the:0.1306417124184603	very:0.058478966495501	but:0.04620439673771712	of:0.039072878151261314	and:0.03415372238843285	A:0.02933208911443574	is:0.027539992056391988	with:0.02150405184637963	:0.1377146599446323
the:0.7417981490168766	The:0.042052563301658116	tho:0.038142804742132004	of:0.034828655815409185	a:0.0289060110879558	general:0.020493050358201086	and:0.01653164786432346	in:0.013367234539488066	tbe:0.01231385253214303	:0.05156603074181263
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
made:0.11942847096974421	and:0.07979570471363857	caused:0.029091215056480817	shown:0.028426754301022945	up:0.02777670568714523	ed:0.027617079589566704	out:0.026630159435991316	taken:0.02626602987193105	done:0.02542850605479482	:0.6095393743196843
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.36665679305483917	a:0.3142434498591144	of:0.07447918332039935	and:0.03982901012228133	The:0.03874945906445192	very:0.036646669580775185	tho:0.034927169981140094	his:0.026404978095627023	in:0.02480329132052516	:0.04325999560084636
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
of:0.22618930910488078	to:0.1926003045910092	in:0.13355922550000146	and:0.07160265354935783	with:0.06015396089297813	for:0.05422028386210254	at:0.051699094842630425	reserves:0.05074723877324761	have:0.044430013726393096	:0.11479791515739891
to:0.20970249520300652	the:0.1608383778154352	of:0.12373215636749041	and:0.0825540383288082	not:0.07554956064754864	for:0.03904023602704132	or:0.03830496487542084	at:0.029125990070954247	in:0.029109619741560795	:0.21204256092273382
the:0.27156041208381027	a:0.12078036331060568	of:0.10351855073906335	lode:0.08356479171850893	by:0.03873975613397701	for:0.038465360075648235	and:0.031652227143781415	this:0.02840177176130991	that:0.027754348280495694	:0.2555624187527995
and:0.09876115941919279	it:0.04218826816914099	that:0.040764081421080664	them:0.033633742949259075	found:0.027318315399375483	but:0.026494304835938592	is:0.02479035496012438	or:0.021815212138642313	not:0.020115310232600807	:0.6641192504746449
of:0.2785225880405675	in:0.15467908297004868	and:0.0846807236348456	to:0.08206790954514209	with:0.06640157482187065	for:0.0614254827780926	by:0.043711686748207815	all:0.043470888275559734	from:0.03969257951618359	:0.14534748366948172
as:0.06018532287164258	able:0.0533349837795529	is:0.05310237134029539	and:0.05088273269053911	order:0.046723954077978885	enough:0.043656684791300554	right:0.04339726580117062	power:0.042651012665729744	necessary:0.04191108625121156	:0.5641545857305786
and:0.10744084785575837	looked:0.05027906681184389	depend:0.04960698162359882	called:0.04904628219398665	look:0.037481153987217984	due:0.032922555844279236	down:0.027853322336270928	made:0.025432662393870945	imposed:0.025032944171868098	:0.5949041827813051
and:0.18756950964637897	fact:0.1049849152597119	so:0.07037830284758004	is:0.0698129041959173	know:0.04689430441169238	believe:0.04220969452949754	say:0.03563289672405089	was:0.029461958020516984	found:0.026495012556699685	:0.3865605018079543
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.2077576319871836	or:0.18403206604033603	and:0.15867640958478943	of:0.08110782341503242	for:0.06385765662854116	in:0.0633070331143369	to:0.022892357269381765	from:0.021962897427282812	with:0.021164585390870554	:0.1752415391422453
of:0.26123285619447284	to:0.11310721016847632	in:0.1039909538957225	with:0.07455011065855971	on:0.054074785230624686	and:0.04825484186870484	for:0.04614046881623299	by:0.04250258410398604	from:0.037844811989733496	:0.2183013770734866
of:0.21788124049317337	to:0.07297107225877877	the:0.07251705234077242	and:0.050704915071876897	in:0.04666649222460927	a:0.04595077605962352	for:0.024828034685842673	with:0.023253432594164288	that:0.0200728037329476	:0.4251541805382112
to:0.2725902953353243	will:0.2529683253813925	would:0.10691589069796617	may:0.0764381152578819	should:0.0645935323547874	shall:0.0561801716169667	not:0.05028787753060933	must:0.03328706238983395	can:0.029801283613015987	:0.05693744582222175
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.21169930024846043	all:0.05892818444193634	of:0.05252723967244502	to:0.04879509444323193	time:0.031512098928372326	but:0.030468506685091695	for:0.029359105444694413	fact:0.027942958246110032	things:0.025571409666510163	:0.4831961022231477
and:0.1643750739320474	to:0.11308849099359096	of:0.09257186972953912	the:0.058492793891692645	is:0.03362001373855709	be:0.03044295080159087	was:0.029309634913015286	for:0.029273517068454345	which:0.025531799132510476	:0.4232938557990018
they:0.20363703419822654	who:0.15291307576326335	we:0.1207048215409995	you:0.07243214151095399	and:0.06629263851970017	We:0.06238969701509451	They:0.049661796504538135	which:0.039660497470727696	men:0.03542223873563585	:0.19688605874086026
the:0.58879507581996	The:0.12120767920047673	in:0.07080083182967035	a:0.055686485498414186	In:0.03805734082340649	of:0.02976306746800739	this:0.029394872700922645	tho:0.02396472591678479	that:0.012540600016455322	:0.02978932072590208
and:0.18000726411130824	said:0.10109705394995844	fact:0.06528395459074089	stated:0.05302264213713355	so:0.04517641253901115	him:0.03871021418260112	know:0.03725473856966339	say:0.029084524660267504	is:0.028698334626685935	:0.42166486063262976
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.3429396751549373	to:0.12229972236770179	that:0.0933990729875826	and:0.09083550371080017	by:0.06570908649188226	in:0.055306593763496475	with:0.05520691383177457	from:0.0454673747564599	for:0.04322532186312087	:0.0856107350722441
and:0.02556438260983456	it:0.02291819826871019	them:0.020378573310671864	time:0.018535971192168894	men:0.017719669267076504	day:0.017588400900291293	him:0.015982254290567315	well:0.014907566931334803	made:0.014496575321677137	:0.8319084079076674
and:0.226744937917834	to:0.19866764066974316	of:0.06348195475727905	the:0.04126742710003121	who:0.02606097017369435	or:0.023936371170359086	not:0.021916613505293968	by:0.01888894830179046	he:0.018542417186971537	:0.36049271921700315
to:0.11272467325873015	the:0.09570920935957357	of:0.08084508540075111	and:0.07746796351453314	a:0.03161606912023797	in:0.024763881588432984	at:0.024446783401682257	for:0.018599489625864805	is:0.01726400145434898	:0.516562843275845
to:0.20970249520300652	the:0.1608383778154352	of:0.12373215636749041	and:0.0825540383288082	not:0.07554956064754864	for:0.03904023602704132	or:0.03830496487542084	at:0.029125990070954247	in:0.029109619741560795	:0.21204256092273382
<s>:0.044807014552833424	them.:0.043659377917237924	it.:0.021302299418814816	men.:0.010954538767501866	him.:0.010031261864418658	time.:0.00965994631987913	day.:0.009599482186424911	people.:0.008135557399584855	city.:0.007912566798795836	:0.8339379547745086
the:0.19114875541511256	of:0.13097772965895066	and:0.07082814739463955	to:0.06224041038929077	at:0.05268840812906617	in:0.052404638463758105	a:0.0448673813977585	for:0.03091102333927898	by:0.021621107938403668	:0.34231239787374107
they:0.11472026757655598	it:0.11062993930177682	I:0.07843932330554008	he:0.07589082355636532	you:0.0732945115695732	It:0.07140649748543064	which:0.06895550318445079	and:0.0614570614088666	we:0.0517049544253915	:0.29350111818604907
<s>:0.10386785688763925	it.:0.01943582032522203	them.:0.014925306534048796	.:0.009611773793192219	time.:0.00961013388753596	country.:0.008828535198669206	day.:0.008792078173578799	him.:0.008438218321567902	year.:0.006593543541938923	:0.8098967333366069
when:0.1373313316396332	that:0.12964742359476028	and:0.12406640928480862	as:0.10298284596765847	which:0.09383212209994125	to:0.05099289559774475	but:0.03291058931543853	where:0.03139662588091995	will:0.030980683380714958	:0.26585907323838
made:0.06871260550480886	and:0.06558157932725786	owned:0.03572899140826198	or:0.031596036535925534	done:0.031034137378352956	accompanied:0.029564913292996476	followed:0.02942138202528957	that:0.029336362377976693	paid:0.025961430025910243	:0.6530625621232198
of:0.30261916639930636	in:0.1263279237536438	to:0.11820958606971688	for:0.07553035159536152	with:0.07480139484073815	on:0.06844690879719499	by:0.05663528976155115	and:0.05548940350358482	that:0.04176456685646201	:0.08017540842244032
the:0.3739056769273772	a:0.1388936194426464	of:0.06710157422881684	and:0.05164878995086527	The:0.03940750634678401	in:0.026819623344166103	tho:0.021796510195887856	an:0.021598222462511467	or:0.017096188319210965	:0.24173228878173392
well:0.09289188070909403	known:0.09150792033496646	such:0.06495686320865282	and:0.057675598864368814	far:0.05283258664895302	soon:0.0367922664062837	is:0.033512873427505765	just:0.033213473437915655	was:0.02672271563617947	:0.5098938213260803
they:0.11863730955475436	who:0.08921894180942813	we:0.08432571631878312	and:0.073129916964236	which:0.06016218488074752	They:0.03866776133200642	that:0.03550151333151044	We:0.03377358194772934	you:0.022987277997028033	:0.4435957958637766
part:0.20992839514846526	survey:0.0897529136590441	conviction:0.06279140606828708	one:0.056682226065614474	payment:0.04125777324993349	holder:0.03193017171405873	either:0.021451197829999123	sale:0.018493618132136156	acres:0.017559063851549237	:0.45015323428091236
he:0.24209603678234914	I:0.15511527386158988	they:0.09220803578466644	who:0.07326461577672319	and:0.06375979101568269	He:0.06164691552526725	it:0.05772635540513047	she:0.056964181600033977	we:0.04962759820628763	:0.14759119604226936
of:0.19407254494036275	to:0.16844744452212618	in:0.14794629977798848	for:0.11076770793307772	with:0.0857316333971679	at:0.05793949483703809	and:0.05612876133617239	from:0.04916558270887345	by:0.045823767081025264	:0.08397676346616778
of:0.19590341300088454	as:0.17416295399515092	that:0.09031773201686114	is:0.0889525533593634	and:0.08767315519107872	for:0.06611464738888219	to:0.05856518184792372	by:0.045567948333167366	was:0.04355203125521984	:0.14919038361146814
the:0.1986825663825698	of:0.14949113160881444	two:0.0514634128525585	and:0.04654572709044934	these:0.03628634115855936	other:0.03522884658081515	all:0.03032842623140958	his:0.0245057710740256	both:0.021540893400863122	:0.4059268836199351
the:0.7010960682547407	his:0.04803689760505245	to:0.047031768852921096	a:0.0358421009592469	their:0.033743604122350286	tho:0.027520931981894637	The:0.026941413888578018	my:0.02454352862052794	an:0.024494511159852194	its:0.02074917455483584	:0.01
the:0.1882273490201912	a:0.14224297554314547	of:0.07773559762398365	and:0.07166570958764365	to:0.06408837353119672	in:0.04450121054865701	with:0.01946785608082967	his:0.019384562585244545	for:0.017217547837243646	:0.3554688176418645
the:0.1752683732733445	of:0.1538198541331256	a:0.09759460307656512	in:0.07074526332472186	and:0.0673493246139586	to:0.05190761994934311	on:0.028864153351718835	his:0.022347646277541922	an:0.02161408111150325	:0.3104890808881772
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
of:0.3347277815876996	to:0.13311847253708192	in:0.10135955777180801	and:0.07227007575596026	that:0.0602537140472914	by:0.05786277746698422	as:0.040147474696508825	with:0.03775610439473338	from:0.03262448547080068	:0.12987955627113174
the:0.5475792081613765	The:0.0966254442748655	of:0.07936054727784998	a:0.07502283612505421	and:0.03171778775722328	tho:0.027537968687039897	in:0.021268347646101558	by:0.01556201012736034	with:0.014227046453326685	:0.09109880348980201
it:0.17631840931253462	It:0.09867688226756662	there:0.08600912160136723	and:0.06475904671543871	which:0.06292233519343357	that:0.0484001947404905	they:0.04656456341307224	he:0.04302087882218858	I:0.02728911743464942	:0.34603945049925855
of:0.17549319631411026	the:0.16860968442253635	a:0.1436455108330451	and:0.10627412257581993	that:0.04903339192208262	or:0.03027113568861053	this:0.025483703321676706	The:0.023357796706081686	his:0.02177927391539268	:0.25605218430064414
time:0.03654567737816885	out:0.03273646983432867	day:0.025831790146272487	amount:0.02488605631774921	that:0.02444861807922608	cause:0.02251825643315136	tion:0.019676358159321165	one:0.01923552677766946	place:0.019038314366407856	:0.7750829325077049
it:0.1392655652583725	he:0.12198865129870436	It:0.0920730759264974	which:0.06588711175855988	I:0.06221487354667309	and:0.05220228347513967	who:0.04105502827225842	He:0.03721999320042121	that:0.034840913784500716	:0.35325250347887277
the:0.199587516676878	to:0.08667866084703935	of:0.08280754172853354	a:0.08097546041556015	and:0.0519457977712415	in:0.041606793046020704	.:0.018693924767224056	at:0.016857672301849844	or:0.013340161600504882	:0.40750647084514796
was:0.09706243341280638	and:0.06400568318763264	is:0.06141373262992265	be:0.04644721512289147	it:0.04374024593618891	are:0.032962875203177006	of:0.02932427659545223	were:0.028933850178410454	been:0.02858913463118318	:0.5675205531023351
able:0.09479963576490304	have:0.08072411869343085	had:0.07218098368397798	him:0.06297879932085525	not:0.06156289165764806	enough:0.0595246797006208	want:0.05746189198351651	is:0.05402551493554515	willing:0.05097859006621295	:0.4057628941932894
it:0.17952622711787222	he:0.15044588152732075	It:0.12437758084402802	I:0.06631114132225804	He:0.06578879707324527	she:0.033855262589097816	which:0.03211494581840385	and:0.02920665908346928	who:0.025210895298064993	:0.2931626093262398
and:0.07183289031255977	demand:0.025944685217575657	ready:0.021477506387310677	used:0.020653840313379437	time:0.018693235575541325	not:0.014344251169100857	vote:0.014321157386397571	it:0.014219992250690474	candidate:0.013420651590409303	:0.785091789797035
at:0.6055920797478835	the:0.2800050113936254	of:0.0401799753876843	to:0.021899283250054226	At:0.016045528420798982	The:0.010743346000675771	in:0.005922253945262053	our:0.005880114964724229	tho:0.005385520467123962	:0.008346886422167537
of:0.331467245904733	in:0.14199335216018244	to:0.107484255915292	for:0.07935638778885663	on:0.06896612972172124	and:0.05307861409094176	with:0.04424834830218161	that:0.04178910472675671	In:0.03794459228168163	:0.093671969107653
of:0.1591020544317612	as:0.13064795397782575	is:0.09425961620206508	and:0.07786684201404148	that:0.07593864953044967	was:0.06725148861719213	by:0.06462248612924955	for:0.06345903238040874	to:0.06344972053218662	:0.20340215618481977
<s>:0.1573335835664784	it.:0.02304104326971093	them.:0.015274007828785957	day.:0.013611430680229018	.:0.01209857293877193	time.:0.01195288750335831	country.:0.009905476044999495	him.:0.009844074505609667	year.:0.008136312847516449	:0.7388026108145399
of:0.2580599937321244	the:0.09061400880063077	such:0.06327025462799561	or:0.03424941225767362	two:0.028295690189729165	young:0.028050973837975224	hundred:0.02764387829979571	other:0.0258367901391895	by:0.024652445821470505	:0.4193265522934155
gave:0.2042823141644886	give:0.16389035305909935	to:0.1587908242805177	told:0.08735614435241115	for:0.0516496629317669	with:0.04647413800214292	tell:0.034001366988674134	make:0.030625463591482573	gives:0.027812975697694694	:0.19511675693172195
amount:0.08196487717610369	out:0.06142316781623841	purpose:0.054466212555917215	instead:0.04912467437102109	number:0.04070299764687424	place:0.03803024712893971	rate:0.03738365877258339	full:0.03568767845134409	matter:0.03466974319362676	:0.5665467428873514
the:0.0965313401044479	and:0.08950820965428102	of:0.08604137305277068	to:0.06020160703918186	for:0.041969677702746996	that:0.041005129710229564	in:0.036072302427258354	a:0.035194757633902146	or:0.029278021158553977	:0.4841975815166275
and:0.11765940493368969	demand:0.029511677480790355	time:0.021550796210847267	or:0.020671659742637096	made:0.019413185533301982	ready:0.0187313724316931	up:0.018097749326002204	used:0.0178639469036355	that:0.015277656163550098	:0.7212225512738527
of:0.25995133064993736	in:0.13091167419695496	to:0.11916929559128253	for:0.07208100692454211	and:0.06963574678308788	that:0.05884708628181701	by:0.052152303394776174	In:0.04726016111722519	on:0.04145250239545569	:0.1485388926649211
was:0.24685988071808357	be:0.1800702241913422	is:0.14537446161425122	not:0.08076336350527821	are:0.07939179049043543	and:0.06192451891592738	were:0.05663648648747007	had:0.043506892871961744	been:0.04346917307011859	:0.0620032081351316
of:0.18547839497418891	in:0.11895727739050044	is:0.09951537668765104	was:0.087654828515962	to:0.08662520820630834	and:0.0841947134365892	as:0.08139429895065287	with:0.07427717423961064	by:0.05784237004325086	:0.12406035755528569
of:0.1398457905812425	and:0.11181757365073093	to:0.10450208895626736	or:0.10380296780077247	the:0.09668661316848545	in:0.07264357208690563	a:0.06328751508953749	about:0.061994250383953356	for:0.05134175015581471	:0.1940778781262901
of:0.18715233780746704	in:0.1229440731519667	and:0.11348457542408384	with:0.0912918349565344	is:0.0902667693585262	was:0.0721366047186828	by:0.06976855915478507	for:0.06844874165568778	to:0.05278650092688583	:0.13172000284538035
man:0.09721588238780877	and:0.07303706084231067	those:0.05941460369468373	one:0.05591020621270273	men:0.04055739834831657	all:0.02965783273552722	woman:0.025148628176121016	person:0.022743193114226096	people:0.01642239887449349	:0.5798927956138097
to:0.8131520440362093	and:0.04945352270396405	not:0.04166448399935431	only:0.011174397190775735	in:0.011103971623212366	for:0.009733919161812174	of:0.009196710634472647	never:0.008079350909336681	or:0.007867349225788077	:0.038574250515074585
he:0.12057440551014592	and:0.08210122943553719	I:0.0674182256416989	He:0.06295926448552493	she:0.04611948825896773	It:0.0343690232266723	who:0.027837825213105665	which:0.0265230089454546	it:0.023638952615766446	:0.5084585766671263
number:0.07232826243170562	amount:0.06075930512837228	purpose:0.036086711521931644	out:0.03259329766253365	matter:0.03242504817112309	means:0.028525689824791197	system:0.02464748832774555	kind:0.022878098398913922	line:0.022581356643089533	:0.6671747418897935
and:0.11295006844406957	of:0.09650731643329963	to:0.08799385283830181	the:0.06388208141100034	be:0.029865146379584307	in:0.027107351917580146	or:0.02612912933067583	was:0.02164959241567638	as:0.020001785068982033	:0.5139136757608299
the:0.5920778897053486	and:0.06927721731001266	of:0.05548348814255881	this:0.035661607558405646	tho:0.03371724824705257	a:0.031409923434573786	be:0.021328012216744657	an:0.01798763281046617	said:0.015339649888401101	:0.12771733068643604
to:0.625228318716089	will:0.08753841235474077	would:0.0432985640880382	and:0.03638946089243157	not:0.035114100225735606	they:0.02634867471896136	must:0.02589195651059976	can:0.022696529387059135	could:0.022192955468973614	:0.07530102763737105
and:0.022572669105951484	the:0.018999117811293882	all:0.016056152772528	men:0.014529280872660625	work:0.014523510178838323	day:0.014468764924735054	tion:0.01247489491235256	both:0.01206118017144898	kind:0.011803359980740271	:0.8625110692694509
the:0.15759486494028305	and:0.1459055151472753	of:0.04576075920375329	will:0.0427095652347805	to:0.04188058162714594	a:0.029077845123323957	do:0.02686066795576039	that:0.025350914162423074	would:0.024070261332485444	:0.46078902527276905
the:0.34844105099391687	of:0.14875900080680785	and:0.0860279081676109	for:0.04966251485237123	some:0.03567394535229778	their:0.02984886812160887	his:0.028778660451668405	these:0.027535081513022173	The:0.02518703859534267	:0.22008593114535324
to:0.2505037164356709	will:0.24969508748330527	may:0.09652291392965813	should:0.09115462773514764	would:0.07702174649556043	shall:0.06623229484356803	can:0.04656675028591652	must:0.04636041521755376	not:0.037201975606114275	:0.03874047196750508
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
a:0.2455418115154054	the:0.16227438137059125	his:0.12456198701981885	of:0.07233798065265222	their:0.06109008387359194	to:0.05245855904274186	my:0.025382458312190496	her:0.02512947959794893	one:0.02510062995243729	:0.20612262866262177
the:0.24087161892863207	in:0.2378182834268154	to:0.1093063713965374	of:0.08958634705647722	In:0.06229466090589288	from:0.057689590880886134	this:0.039794877697508765	for:0.02589005642521933	and:0.02554960155046765	:0.11119859173156313
the:0.24048784398010126	of:0.10632421434120215	and:0.10553153298358099	The:0.07183108295659232	that:0.02575588295156761	his:0.017425129602790537	tho:0.015481695617446048	these:0.014408992859812612	to:0.014363182432615144	:0.3883904422742913
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
in:0.26613937238473406	of:0.22376642279868805	In:0.13415019405190093	to:0.057775132590652985	and:0.04908164438508218	that:0.043175192494291026	is:0.034595219300116636	with:0.033594281705440474	for:0.029992415174377736	:0.1277301251147159
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
and:0.18806562648828107	fact:0.075698033825834	say:0.049480503544628095	know:0.039011178716863014	is:0.029844533330441552	said:0.029582446219184506	believe:0.029326721804073502	show:0.02555667858243794	so:0.024104594329146974	:0.5093296831591093
of:0.10408616689590952	the:0.0986900331698948	and:0.05701352615608303	to:0.04502836773706315	a:0.03780779334619606	at:0.02937070463197546	his:0.020239671670571915	in:0.019761494400663476	is:0.01758882123393634	:0.5704134207577063
in:0.1756472360736496	of:0.1581590160011028	by:0.13317703505430434	and:0.11508740664851519	to:0.07509940681153926	In:0.06117187646209948	for:0.052115860802892315	with:0.03229218398521962	after:0.030318694395501066	:0.16693128376517632
the:0.288134451775242	a:0.27716334707209517	was:0.07452215190736963	and:0.06071874120146736	his:0.05199437757685975	their:0.042650943042303095	is:0.04235538143382886	have:0.03372091217131612	had:0.03138850533814476	:0.09735118848137325
a:0.5973955544181532	past:0.11609077216488206	last:0.08401089713932176	A:0.06195116889978538	the:0.03970409619784098	next:0.034785980704202156	very:0.033387840060833084	for:0.007975904180451989	but:0.006867867066294662	:0.017829919168234783
State:0.0626127544232971	city:0.03935664831148857	day:0.03654433503978033	line:0.031449663599348344	state:0.028624349238077905	side:0.02582521745017827	place:0.024822952098613606	county:0.024128706111659886	corner:0.018611189287244482	:0.7080241844403116
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
a:0.607004141356065	the:0.1280105777780952	and:0.055636142765483065	is:0.03533777526209344	of:0.026265687811509376	to:0.02602214655329422	was:0.025590863423338488	no:0.020780337308035232	very:0.020583358033861746	:0.054768969708224265
of:0.19617933745314844	and:0.1220023091223236	to:0.11089625197441347	in:0.05846677030718594	on:0.053041697461885084	with:0.05217412359846205	for:0.05097442232825539	that:0.03299823908076375	from:0.0324619072024556	:0.2908049414711067
the:0.15063733641078275	and:0.08985286205756884	all:0.0877561459259805	very:0.08507175373069797	most:0.08404864429261863	a:0.07864143303887092	more:0.0737981788791062	as:0.06641059357326612	of:0.06279326759688322	:0.22098978449422485
number:0.06543935760158794	kind:0.06319014656628105	sort:0.043591124546576224	out:0.041887499318744324	place:0.034986895924761306	line:0.03399527961732803	Board:0.03096681315148951	point:0.029647811011933308	matter:0.02839932501342976	:0.6278957472478686
as:0.11715028463948621	or:0.06712935388729169	opposed:0.052971359932449925	come:0.04682797457432384	and:0.04468218198192506	up:0.03588228621840847	regard:0.03475073112482328	equal:0.03419919541710115	entitled:0.03336337407170024	:0.5330432581524901
in:0.3908147709582293	In:0.1403256622479474	of:0.12791713783491604	to:0.08202499246170654	on:0.04544191536658504	is:0.031171861692660327	that:0.028831870191025098	and:0.025755170416444585	at:0.02562451144565219	:0.10209210738483349
to:0.11611623202716108	and:0.0927670277041291	of:0.05480015358824163	the:0.03853384443427393	is:0.03353964289198347	in:0.029809014802675858	was:0.0288691907044105	con-:0.025306563829559637	will:0.02411726427444757	:0.5561410657431172
and:0.06836615806839769	closing:0.050893343497395126	was:0.030410464365082754	valued:0.024267484682224193	held:0.022214654137899494	sold:0.021055232583252027	2:0.020543621014705526	is:0.020278384145430397	arrived:0.019208907943256866	:0.722761749562356
w:0.204322085795118	and:0.16216918389669485	that:0.05883039864098864	to:0.043264065732226006	I:0.033182656201785704	which:0.031388609257306375	but:0.024802736868557572	will:0.0208529846777803	wr:0.017723159722474707	:0.4034641192070678
the:0.30447143983542563	of:0.13129106376583982	and:0.08900012382201486	his:0.057889008170207694	their:0.04774602898723581	to:0.04641207348808027	are:0.04116794369033462	The:0.0336446185337651	her:0.02834598523306227	:0.2200317144740339
he:0.18947889568901766	be:0.14556873473000095	and:0.1116445641836796	I:0.08815288498390507	is:0.05193425605261219	she:0.03892063297601805	it:0.03619144078409441	they:0.03382336526209322	was:0.030653451994184053	:0.2736317733443948
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
one:0.06994112583056121	part:0.049001893622229294	that:0.041251583664596754	out:0.03474875385036625	and:0.033299659145478576	day:0.03301330089665913	all:0.02937972153579541	sum:0.021454092190673187	account:0.019132888083682267	:0.6687769811799579
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
containing:0.2055391792184623	of:0.20391821527367401	the:0.08714491218292937	and:0.07284522341513287	about:0.036247056293950586	to:0.03616289566988071	or:0.024516480365564485	in:0.016358869900348894	at:0.015966225662682305	:0.30130094201737445
<s>:0.06891257652744026	.:0.048887950757565704	it.:0.017518504531235442	and:0.015347493675762443	them.:0.015054557098660156	time.:0.008452285513696674	the:0.007366849024624204	4.:0.006800615524182547	people.:0.006662080271426233	:0.8049970870754063
and:0.06607371583779333	filled:0.06375018165174698	charged:0.04511924600293409	covered:0.03855591536236391	together:0.03302973946737482	it:0.02203728765672006	up:0.0184130051354166	but:0.017646339410493355	met:0.016210986800743257	:0.6791635826744136
able:0.08659224930188916	is:0.07083297074515803	enough:0.06562162780551149	and:0.06084519652146346	him:0.05482646347391267	unable:0.05340171099137017	not:0.04929723441967738	was:0.044124876761506455	order:0.04194773473161937	:0.4725099352478918
the:0.20023466803298923	and:0.18160119434133312	be:0.14552851837838507	was:0.06810983904505451	been:0.055450868529794285	is:0.053682371275641794	to:0.049374700536107465	are:0.04192173053605505	he:0.03610517419625576	:0.1679909351283837
of:0.07151161092194006	thousand:0.04339072200016743	160:0.040611868049677785	hundred:0.036543166015963045	ten:0.03391720873162152	two:0.028412831455081156	40:0.028256668974300955	sixty:0.027397814798820735	fifty:0.020345610276465288	:0.6696124987759621
for:0.23354308478774877	of:0.18579956852018956	For:0.14015246154938726	and:0.09955384008605522	by:0.05513168961218575	that:0.04917455272186564	to:0.04507783608501685	the:0.04112716938571703	so:0.03338095045124025	:0.11705884680059365
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
the:0.44131919385065094	this:0.09429045137220309	such:0.08292273523742097	said:0.06919423581673302	a:0.05669430775211471	and:0.02856262016890473	of:0.022041781191192825	his:0.019790542180710108	tho:0.016639952301517595	:0.16854418012855205
a:0.1749502687995128	the:0.08016855391599466	of:0.07640293069346318	this:0.06219472666513849	his:0.06036728059310975	any:0.05380908325444648	in:0.05166057536539274	and:0.04750128386399089	as:0.04529289955779179	:0.34765239729115915
one:0.03872976195871674	on:0.022069939347948268	two:0.0166810052867728	sold,:0.01659538137665742	more:0.016312794112353115	and:0.01504174879531028	little:0.014676877364129506	law:0.011544621174978132	action:0.01107827631525584	:0.837269594267878
be:0.2086725172290662	is:0.17427284103647758	are:0.10387379342971238	was:0.09752997320967252	been:0.06233047322628399	and:0.04820247744493198	Is:0.03350462403550586	were:0.03313586472234721	being:0.029998289148776097	:0.20847914651722615
the:0.36520045912262106	a:0.2523063232929022	of:0.07176614888695672	oak:0.03104467035475973	to:0.024620079008258917	this:0.022994157096078556	tho:0.01908381571377384	every:0.015591346550661484	The:0.01524359612985635	:0.18214940384413117
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
the:0.26516721337852633	.:0.04518602662745817	and:0.0340162900740793	Mr.:0.025779489260718505	of:0.021290711183982052	The:0.01766911997797206	in:0.017504184115997592	a:0.015036145767830775	<s>:0.014955128612825809	:0.5433956910006094
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
o'clock:0.17782115476272908	Mrs.:0.07584403706620779	and:0.058491307624925395	.:0.052424045835975944	oclock:0.028370703811446612	by:0.025561899635860568	C.:0.023607673854018893	of:0.016614710415209993	J.:0.015112580594709369	:0.5261518863989164
the:0.4352331222837237	a:0.16162449670761841	of:0.08758811946717326	in:0.07897814395786884	The:0.04731521970922333	to:0.03960717427774195	for:0.036883650613827514	tho:0.031304108637844184	and:0.02705606204310815	:0.05440990230187066
with:0.1224998562201363	is:0.1221937167651082	in:0.10362633971883084	of:0.10327993602540429	was:0.08978533392109392	as:0.08760141769296237	to:0.08115934522885132	and:0.059849886378648305	be:0.05821964995127155	:0.1717845180976929
and:0.09429795717382632	;:0.028389101477761844	as:0.026796072064244083	but:0.025239910836957084	And:0.023493479634684754	is,:0.016132656541701967	that:0.014622915529553743	and,:0.014560424787754248	is:0.013173609358943355	:0.7432938725945726
be:0.31649849604625774	was:0.249347734118641	been:0.12505455584325786	is:0.07006175700594622	were:0.06302489661701413	being:0.031622106990909685	are:0.029836740401949675	and:0.019964372911245323	bo:0.018410769751642395	:0.07617857031313596
<s>:0.10225552675970181	it.:0.018040258247695028	.:0.012420220132285336	them.:0.011542572224673567	him.:0.009172526515547645	city.:0.00718471521718064	and:0.006738664821384679	day.:0.005768925546767206	in:0.005692473433944819	:0.8211841171008193
the:0.22385503872495965	of:0.12279558790102472	and:0.08904475940933988	in:0.026214263348173065	to:0.024114504210968408	a:0.02321007396449455	by:0.02106572029940857	tho:0.0175303616409138	as:0.01654874013218091	:0.43562095036853643
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.33813955362700376	The:0.1534445606109601	no:0.08333976579091107	his:0.058549318635889226	that:0.05570409452348463	of:0.05495778319144632	and:0.042323295021783655	this:0.03880749723950098	their:0.02440341885485889	:0.15033071250416138
the:0.15413753871704813	of:0.11370269078749792	and:0.07619287806653173	a:0.056091634495572855	to:0.04553997908549901	in:0.03805635260364339	or:0.018592813688906418	for:0.0174473360156774	by:0.01676316881818453	:0.46347560772143864
the:0.09021475027604489	and:0.0728897114419438	of:0.06698765161904402	.:0.037834886532291355	to:0.025550935926291304	by:0.02358982970921613	Mrs.:0.02231492202356854	<s>:0.019584464883561123	Mr.:0.016579132974519996	:0.6244537146135188
the:0.5607020131901868	an:0.09267912068104787	this:0.051681290378518895	of:0.0362815047127528	a:0.03603492842315409	The:0.03034543616737224	tho:0.026720797190187363	said:0.025447520983344553	and:0.021891053198546923	:0.11821633507488853
in:0.18389482880006872	of:0.16774544632523514	by:0.07910979001414091	and:0.07612972908166625	is:0.05276505089324706	with:0.05212303819973934	from:0.0398113425110083	have:0.0358718018786787	for:0.03439137266941855	:0.27815759962679704
of:0.5850013450607637	in:0.2482430093290351	In:0.056169891716927496	to:0.01411232631268687	by:0.012956468802940033	the:0.012729251721264328	from:0.012501089059491594	for:0.011938249199776995	at:0.011734483150689942	:0.0346138856464239
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
the:0.29740512866398505	of:0.15301544238963477	and:0.13631503093060238	to:0.11963061038286704	a:0.05220722351240952	in:0.028942146013050098	his:0.028532520989833506	or:0.02492966151902269	for:0.02417889777785008	:0.13484333782074487
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.4012557034822985	this:0.17223719056017758	The:0.12139666415059137	that:0.0614222799973529	This:0.04138348039618629	a:0.04132123101678068	of:0.039596785516984805	tho:0.027368962472457875	our:0.02129451716942525	:0.07272318523774472
brought:0.16681034810098716	went:0.13412754567026336	come:0.10538054712321668	came:0.09232146567293191	go:0.08982167936618322	look:0.07471649675831264	looked:0.06677665292661088	sent:0.06509473469743686	it:0.06382402825817708	:0.14112650142588024
the:0.5866943646722118	a:0.12619079840224717	and:0.07469797979423025	The:0.0323229813438384	this:0.02920047012835238	to:0.026898300810005573	tho:0.026236549138547435	of:0.01368480570855334	in:0.01210187029475053	:0.07197187970726308
the:0.12533168439691064	and:0.06850798711092711	a:0.03310221103294305	of:0.02865849263634676	.:0.02139077814609405	that:0.019999966002351467	to:0.01606503824491145	for:0.01497052868414985	The:0.013671014679159202	:0.6583022990662064
and:0.2276632842243981	he:0.08706475090965458	who:0.06675364181044245	that:0.05704612696634225	which:0.055169105534837226	they:0.03718691111126301	I:0.033571777266726645	He:0.03265247370147569	it:0.03165098956541051	:0.37124093890944954
the:0.23788706881629273	any:0.1580935485348128	no:0.12153450531226385	this:0.11364716251499545	that:0.08128331094160736	every:0.07538622761894231	a:0.06847613236626311	some:0.05127888544778323	his:0.041214972125342995	:0.051198186321696156
to:0.19014054432796684	of:0.1590648980729427	with:0.08289647768465411	in:0.08131383651279907	is:0.07029786815421935	was:0.06297295568411844	and:0.0626619747334587	as:0.059574091863037075	for:0.05701574595916934	:0.17406160700763437
him:0.08835028056145772	and:0.08377911830020884	is:0.0626744760390501	able:0.056685646847435295	have:0.05334565619565987	right:0.045265787058868884	was:0.044920895210052984	them:0.04416970263441463	order:0.04358927890399933	:0.47721915824885236
was:0.23674499716953892	be:0.155934266965422	is:0.15571143828024706	been:0.07465436853929326	and:0.07057545427828908	are:0.05688073278896316	were:0.05085856797725936	not:0.04902590146025951	as:0.03260653228110036	:0.11700774025962732
said:0.030771958185933954	of:0.023980818395830602	.:0.01782561978768444	the:0.017154432215988683	and:0.009082632797374014	<s>:0.008052290903135532	State:0.0068627215176286956	Medical:0.006406552298478564	Agricultural:0.004258629888931856	:0.8756043440090137
a:0.23100336184366665	legal:0.17250855446575064	the:0.16107602353559614	and:0.0565676178632289	of:0.044209575952292614	very:0.035670044580274	so:0.034641054440358615	as:0.03449657539502166	this:0.030827029172073705	:0.19900016275173704
lot:0.2568125042297383	June:0.08704543746302777	July:0.07117410764865979	May:0.06886395789822951	18,:0.06852664736370152	No.:0.06447337751363168	block:0.0583977396780635	April:0.04186831511760112	March:0.03825068545156558	:0.24458722763578125
Resolved,:0.085097462325087	enacted,:0.07102080622153724	Provided,:0.06238061061050083	<s>:0.056441562779459324	enacted.:0.03986871969499015	2.:0.02126591713546462	1.:0.018242261415214497	4.:0.017677359389869595	it.:0.016314659156524674	:0.6116906412713521
<s>:0.10416326801038844	.:0.01622411888705998	it.:0.01294577549871813	them.:0.010327194574601307	years.:0.00940721620923379	time.:0.008093788635841355	him.:0.007593576750095916	else.:0.0068856468511466025	day.:0.006073800752840181	:0.8182856138300743
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
the:0.274476561703674	and:0.0781552467300407	a:0.07383264054244307	their:0.0726463949473657	of:0.07062319128713626	his:0.06736988987478773	no:0.05973934918882615	its:0.05093749074814704	any:0.046457338349934076	:0.2057618966276453
the:0.4812545879283089	of:0.10963942848150195	The:0.0863933077971566	and:0.051090550231581704	tho:0.02828142400290918	that:0.023030072376146155	his:0.01988052248706548	to:0.016165925887021804	said:0.015194478134089404	:0.16906970267421886
to:0.2793876978786222	will:0.20434622690788484	shall:0.14243575449579837	may:0.10970899389616162	would:0.07382448660423598	should:0.04968762028852216	must:0.04070440808393249	not:0.03418454924881099	can:0.03382713442695154	:0.03189312816907975
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
and:0.22630139171726704	about:0.14651739333550237	of:0.1379050328767539	or:0.08403844746875626	to:0.04281023100307904	from:0.036761891666534256	the:0.03234250245473554	in:0.02221536895417794	for:0.0221096886819886	:0.24899805184120505
of:0.32762155283223504	in:0.146572826398568	with:0.09016081588224191	to:0.08573325769562344	by:0.07050665121261264	for:0.06655080862821344	that:0.05806353445922237	and:0.04858467747964674	at:0.039452577060866044	:0.06675329835077037
of:0.3441172504161034	to:0.1187486510785879	and:0.08359958358732654	for:0.07587468703419997	in:0.07384570649782879	at:0.05216105286767927	that:0.05012464225202607	on:0.04322369839336724	by:0.040131423518166884	:0.11817330435471396
has:0.36782641564798835	have:0.2920840295729715	had:0.2108648213888605	having:0.04089454925484938	not:0.02545913496983865	lias:0.012983600203266174	bad:0.00998304658289881	ever:0.007597242469218148	never:0.007200877377562854	:0.025106282532545602
he:0.17506764892114762	and:0.11842016294617023	it:0.10025123565401124	He:0.09295010227256123	It:0.05806094118512135	she:0.05091464282015127	who:0.04841452565344299	I:0.04229458900634407	soon:0.03841095846128454	:0.27521519307976544
and:0.07649373792420387	is:0.05483218564022622	was:0.04363894475638878	as:0.0399786790856547	him:0.03826881165979915	made:0.034168073190890984	them:0.03350423668091311	it:0.03082590857172501	time:0.029878741208802025	:0.6184106812813962
he:0.12796615022783667	which:0.10759486402893653	that:0.09545825231252746	and:0.08120273958817091	who:0.08078516544260028	it:0.060625525588113016	It:0.04872342975498563	He:0.04621530634185242	as:0.03062800328368578	:0.3208005634312913
the:0.1519520614557729	and:0.11012057867028197	of:0.09022716461377349	a:0.05889714157039182	in:0.04368182034924286	to:0.03274272982803014	that:0.02059025213540791	I:0.019078474651639504	for:0.01766472465579394	:0.4550450520696655
I:0.12841294508229312	it:0.10542064918185083	we:0.08829220144663158	who:0.08243478225763096	and:0.07250696487970355	he:0.07034448497139031	they:0.06371112087990222	which:0.05337536965357619	It:0.04021330367279232	:0.2952881779742289
the:0.14049171217036022	of:0.11129721382894606	and:0.08908987543691149	to:0.08312287486148097	a:0.04211477594316105	be:0.02951180015049161	or:0.029425595758187317	his:0.024543990657609	on:0.02261090105281294	:0.4277912601400393
the:0.1331954013331003	of:0.10395761905650669	and:0.09166744382168995	a:0.0674867672110823	to:0.04481959524883369	was:0.033914181021321675	be:0.027669522756191306	is:0.023821375196731925	been:0.01992601692954109	:0.4535420774250011
to:0.47027385867717847	will:0.1229874274948447	not:0.07547800104859022	would:0.06563086802147826	and:0.061422606779530806	you:0.02974945591392761	they:0.028471274559459175	should:0.02806866727808886	must:0.0219797246581411	:0.09593811556876082
the:0.4449401789348992	The:0.13085800476303824	that:0.07695092986101226	this:0.06341269736844729	his:0.04423759690247015	en:0.04109683448940477	tho:0.0352438515300453	a:0.02757661988554514	This:0.026667771104633337	:0.10901551516050434
to:0.11611623202716108	and:0.0927670277041291	of:0.05480015358824163	the:0.03853384443427393	is:0.03353964289198347	in:0.029809014802675858	was:0.0288691907044105	con-:0.025306563829559637	will:0.02411726427444757	:0.5561410657431172
be:0.1397236629403859	and:0.10128591056281533	as:0.06687578240116275	any:0.05143186839849721	either:0.04532515828347913	manner:0.041109467968661884	is:0.037106000478347986	or:0.036823324457099314	a:0.03666661146947553	:0.44365221304007496
of:0.39323492503180746	to:0.09535232418220015	that:0.08964762380925644	by:0.08305398863602713	and:0.06881094485831334	under:0.06127186866378058	with:0.04336073993403831	for:0.03824287371508382	in:0.03292936183712856	:0.0940953493323642
and:0.0784946451584095	ready:0.04326157288929368	used:0.043043914714974194	demand:0.03342611301858572	necessity:0.028097762971004588	time:0.02541626682996328	vote:0.025079488871543622	place:0.023450042347929436	enough:0.022364779559986267	:0.6773654136383097
the:0.3513440164976778	and:0.08839136024678208	a:0.08747908859167339	of:0.058612748519521675	The:0.05202450407787496	to:0.048929148274401854	his:0.0415960961329582	with:0.030312120141762586	tho:0.02953679771638918	:0.21177411980095828
the:0.21275209010640173	of:0.18881630274205627	and:0.11028115821496172	in:0.10898873502974989	or:0.08091408093970026	with:0.056999034071902856	to:0.052569344599506886	by:0.045306750521865245	for:0.04111989405019257	:0.10225260972366257
be:0.22239642234383636	and:0.1264255583094435	he:0.12554821173684483	was:0.09487376089410192	is:0.06787126431257849	have:0.037542007215695505	I:0.03381459925712746	been:0.03107677995559868	He:0.02980170963977617	:0.2306496863349971
the:0.7355178435982961	tho:0.03271751697237846	and:0.02711228947086804	his:0.024553006688020306	this:0.02028764308508278	a:0.019678620581372253	their:0.019282337206613025	of:0.019253333743070835	no:0.01627155939113313	:0.08532584926316507
the:0.1931013193086735	of:0.07760299558936101	his:0.058950827199088694	this:0.05047615861997768	and:0.031238280707353898	a:0.02561381900846546	their:0.02556679660674639	or:0.025201272772031713	our:0.021083773277932902	:0.49116475691036876
of:0.2679649576817745	in:0.13859753429775756	to:0.11526236416345416	and:0.08757230850194068	for:0.08390238776367875	with:0.0545488801142759	by:0.04814177601854857	that:0.04593018911830086	on:0.04373853612393449	:0.11434106621633455
to:0.1821666562139872	I:0.11027261321802753	would:0.10576222532916502	they:0.0917139041729031	we:0.0834538459903675	who:0.06497047361524243	will:0.06145138929717931	you:0.04592113567408516	and:0.04127094069592593	:0.21301681579311682
of:0.2841521143602068	and:0.1282116813115415	in:0.1272673464219423	that:0.09369661189341197	to:0.07900663456176547	by:0.052763133617928906	with:0.045263450129225995	for:0.04286498782833275	from:0.03718067015735616	:0.10959336971828812
Chief:0.22070582093934066	by:0.18021192693701565	of:0.17847853432932023	and:0.06930605265796473	to:0.05958382347928632	the:0.03775582063084511	said:0.02919261581806891	on:0.01592413951215127	Mrs.:0.013305659249344976	:0.19553560644666215
of:0.15985453877695838	the:0.09502846416525065	in:0.05845807207715751	and:0.04749673608087739	that:0.03780945476695417	to:0.031324348349176294	The:0.026721992530225346	for:0.023155839315457248	Mr.:0.019973943650508502	:0.5001766102874345
I:0.28926204850734055	he:0.16953968977964048	and:0.09006325178207597	He:0.07453378858611542	was:0.07139763333898823	she:0.04558177630799836	the:0.03901419206992841	is:0.03831499483230173	be:0.03468644985441807	:0.14760617494119274
and:0.10531989031875885	is:0.09054566165967387	was:0.08886863490430062	are:0.07164859370185002	be:0.059081870692676834	not:0.03898166350542516	were:0.03884943654820033	been:0.03748693317313217	it:0.03596285427851969	:0.43325446121746247
the:0.30233211371776225	a:0.1937435445216705	of:0.05032611669912394	said:0.0443670777670363	in:0.040693338946127505	his:0.03538430566154734	this:0.03216952667061233	to:0.027932807377866343	on:0.021074552845347087	:0.2519766157929064
and:0.14657803290642857	or:0.07266322751110858	made:0.06906854952196012	it:0.04016192716215538	that:0.03590517308289613	done:0.02373560421328539	him:0.023717580857601117	only:0.0231860994293552	them:0.022471114130327388	:0.5425126911848821
of:0.37578534717373885	to:0.1389404015103855	that:0.0866112728273913	in:0.07462049465260662	and:0.0726493908010664	on:0.05365184597622192	by:0.03448822061656525	for:0.029662738327041194	as:0.027032480026652338	:0.10655780808833061
that:0.36527442338394733	if:0.09541237384579382	as:0.09047382689893438	which:0.08414530554931711	and:0.0660368549277253	where:0.054962679484821295	when:0.045766374129227363	what:0.03893095634978717	but:0.035569346710716016	:0.1234278587197302
and:0.12088571383948873	of:0.11193016099870119	the:0.10684465109453505	to:0.04932095213480653	a:0.04580769672027264	be:0.034654512326306175	for:0.02795884550763476	in:0.026475392521398033	was:0.025268880795969485	:0.4508531940608874
the:0.18603202795605486	of:0.18301302949189097	in:0.09276090980856067	by:0.034370263364191814	and:0.034352101943581105	a:0.031010454491380058	his:0.027451132657024608	for:0.02259044794360631	In:0.022509671366889538	:0.36590996097682005
that:0.20540011663198443	and:0.18221851000644815	as:0.09180803680625137	but:0.07304657796521297	which:0.050120964826038894	of:0.03414188446524607	when:0.03377322288586491	if:0.031545220747812276	for:0.029779767351494683	:0.26816569831364623
the:0.3473810192637672	a:0.32392030854912857	The:0.06469753230161573	of:0.04538363079987967	and:0.04048314118470777	his:0.03027678168891938	this:0.024575750128507753	tho:0.01776187876449863	in:0.017223237297445144	:0.08829672002153016
to:0.7173391182168051	not:0.0656262151398547	and:0.03788117450215927	I:0.024726971993350746	will:0.02042567275581809	would:0.018020277505105403	of:0.014558908679116214	in:0.01447294871520539	could:0.012234386881069505	:0.0747143256115156
it:0.17362527962793758	he:0.16247249699531918	It:0.13783830409764025	He:0.07361646201608968	and:0.07240212913358543	which:0.03817353590642547	there:0.036065651241985526	she:0.031883362855963805	that:0.03072213357150226	:0.24320064455355078
the:0.1844441770319582	south:0.17270827545777226	north:0.14758809253716265	east:0.13312266834521988	west:0.11740281509508677	one:0.056493289570540436	other:0.04689442941036244	either:0.029527928032793346	a:0.026020376492630268	:0.0857979480264738
of:0.22321851896234624	to:0.13804965437796257	in:0.13695884276610823	for:0.08237126865042672	with:0.0736767688098131	and:0.06932135461622314	from:0.062011793058641206	at:0.05653848212759702	by:0.038581890930144504	:0.11927142570073727
and:0.16661224913972483	of:0.13875224413622406	to:0.0650282848005051	all:0.04645081868546712	in:0.04242376862334243	know:0.04063690221829623	fact:0.040518903467851634	for:0.03154415117304636	from:0.02591552233730292	:0.40211715541823934
and:0.10506198287938252	him:0.03209556935612786	application:0.031061195895331416	was:0.029615672989565755	it:0.02744669467120214	up:0.02677489106573396	made:0.024182720209844934	out:0.023178023165199367	time:0.02248390682722411	:0.678099342940388
the:0.2502706441203791	said:0.14920369056469493	this:0.09415473830749349	no:0.07647906949858577	that:0.0658858783190415	of:0.05580284996210795	such:0.05071962913308043	This:0.04959518287199194	The:0.04224926195903918	:0.16563905526358572
the:0.3997827806842814	this:0.17202240641878427	that:0.06527700657258118	his:0.03963498381194669	first:0.0375864105739917	a:0.0367229912506743	on:0.03293182270395997	took:0.030411999734635053	second:0.02966592673018539	:0.15596367151896004
of:0.46253061500958254	in:0.22446144529854634	to:0.07759662616201897	throughout:0.04451033050691718	In:0.04410196245065241	from:0.034846248219588406	for:0.03185947118653663	on:0.024899031520446764	by:0.024470586335412367	:0.030723683310298417
of:0.26365067549638527	in:0.14921197979205159	to:0.14134879586949767	at:0.08106541642249707	by:0.06847396884626557	with:0.05180751942356725	from:0.05154864522449027	for:0.04902075613448108	and:0.04362728011710545	:0.1002449626736588
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.30336259079464895	a:0.21663595269423155	their:0.0760252166882311	to:0.06327033756919327	his:0.05959056829277806	this:0.04211456241688033	good:0.041713129084150764	of:0.041413645311453307	our:0.039306612229134216	:0.11656738491929844
the:0.4730818442921763	a:0.18560357369568806	this:0.07840497814389959	The:0.06341840295019031	and:0.04024989649186361	tho:0.0198984305185474	is:0.01608621970074041	A:0.01431172941898691	was:0.013448023631901916	:0.09549690115600552
and:0.09526512985575117	be:0.08818416284666024	was:0.07744623180374037	of:0.06830162208055474	to:0.0677448321338085	been:0.047203031048180404	is:0.04339807709011545	were:0.04166907305662907	are:0.03727223769798888	:0.4335156023865712
able:0.06333034543078214	and:0.057489200420798636	is:0.05445189499779616	have:0.051193826043758155	him:0.048367260533454165	had:0.0416959078666224	right:0.0394564535533081	enough:0.03872975251681809	willing:0.037343981635249573	:0.5679413770014126
the:0.25893481798958107	a:0.18461167682225968	and:0.06043980782662575	of:0.0518036459710552	The:0.03511033524673782	an:0.03463589010257429	that:0.025553526970966474	to:0.022411524873790358	tho:0.017619436889371468	:0.3088793373070379
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
up:0.030145831290426407	time:0.02957773977800053	in:0.02217217841680809	due:0.02006624648926112	them,:0.016771747943004393	it,:0.01566017596470134	him:0.014568434724187297	here:0.013671689848728916	;:0.012588113326645205	:0.8247778422182367
the:0.8286361830007867	tho:0.04801658885853878	The:0.02317227625655698	tbe:0.017799111501712157	of:0.016925654645364295	and:0.008980660585137534	in:0.008468277427063799	by:0.005744093077023968	a:0.005721852046932911	:0.036535302600882856
to:0.7815826636910441	and:0.06327466701938911	not:0.05948916628198843	will:0.024548065154112876	that:0.009466381777837195	or:0.009234658990816599	which:0.00853150053264235	would:0.008459321621165543	may:0.007027354047317475	:0.028386220883686267
the:0.7961513011598973	tho:0.029333495023375854	of:0.025711990366677467	and:0.022403113910474823	his:0.022084231315861156	The:0.018820547089285274	an:0.01669221268682572	in:0.012399741250179265	tbe:0.010738878199151758	:0.04566448899827139
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
first:0.13584580744853708	on:0.11495550221249819	third:0.08842318138487855	On:0.08794804043398273	last:0.046983727274836705	and:0.03798781624424512	second:0.0323032477035488	the:0.029884603052999878	of:0.02768833887330771	:0.3979797353711652
taken:0.09224702926832448	put:0.0829333607749428	came:0.0777380443535019	it:0.0587379661342835	went:0.05835966294161515	made:0.052810304105470836	come:0.05044406330750536	keep:0.04797152770419809	get:0.04036991889919372	:0.43838812251096415
the:0.2923232315387504	of:0.2918840563395833	an:0.11641223729358778	and:0.08455923683972047	in:0.049169337883845074	The:0.04168769004430191	by:0.02466088118556012	this:0.020701221578917506	to:0.017320837271239828	:0.06128127002449359
brought:0.16681034810098716	went:0.13412754567026336	come:0.10538054712321668	came:0.09232146567293191	go:0.08982167936618322	look:0.07471649675831264	looked:0.06677665292661088	sent:0.06509473469743686	it:0.06382402825817708	:0.14112650142588024
and:0.10126825575904944	filled:0.07753007399603207	covered:0.06188558253520376	together:0.029794076274480188	accordance:0.026498236786707662	charged:0.025654039873227	parallel:0.02267795073242683	up:0.022632572097896687	connection:0.022091203794824068	:0.6099680081501523
and:0.07183289031255977	demand:0.025944685217575657	ready:0.021477506387310677	used:0.020653840313379437	time:0.018693235575541325	not:0.014344251169100857	vote:0.014321157386397571	it:0.014219992250690474	candidate:0.013420651590409303	:0.785091789797035
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.3086587955717624	thence:0.2412463771902363	and:0.07691111970861045	minutes:0.04604787110417986	degrees:0.03155997585008681	The:0.029686746083707315	tho:0.024545034194212275	feet:0.021303996715815184	miles:0.017836724498300285	:0.2022033590830891
be:0.3362046994529134	was:0.12601416778761437	been:0.08771689348678702	is:0.0809451116012554	have:0.0721852014734667	has:0.056343259537123394	had:0.044678362803599436	and:0.043884949830430474	he:0.03432153930390212	:0.11770581472290763
and:0.11341810912881184	was:0.06186845286351615	are:0.04760224843027736	is:0.04466789309366116	been:0.04029497378021955	or:0.032394845277129596	be:0.03182068296757089	were:0.02889990298739721	not:0.026681054374608604	:0.5723518370968076
of:0.19842626917812722	the:0.09221176998556778	and:0.044852165925766886	for:0.04249776484264448	or:0.0401728826200954	in:0.031327377337724345	to:0.028357616422605328	by:0.023551083443656435	with:0.016550294195239464	:0.48205277604857266
this:0.22783079574261933	the:0.16710049723607126	his:0.08991814926950745	same:0.07433972787413354	own:0.07256905854076656	any:0.06387686561990737	their:0.0589342564280572	other:0.03853765474905621	that:0.03697921968278646	:0.16991377485709463
he:0.1506439167305114	it:0.10828348832785491	they:0.06916069159459322	that:0.06025367837025623	I:0.05782377273162864	and:0.0525697880207187	It:0.050091615567670424	who:0.0484728455269146	which:0.044975949375746775	:0.3577242537541051
the:0.24215558524286593	of:0.12441779729677725	and:0.07305340992686211	to:0.06361581024377289	a:0.0410908803422835	The:0.03634258096126635	in:0.023814540571920444	with:0.023037278012061988	for:0.015821781274650528	:0.356650336127539
number:0.038144732803375714	line:0.03412027633528165	one:0.03034440764842005	place:0.028623677147738138	all:0.024143575510676363	state:0.023324992849176395	out:0.0228089393796215	and:0.021954012195765985	House:0.021846665498217246	:0.754688720631727
Mrs.:0.08252113535346639	.:0.054665902994418605	and:0.03387149212672772	Mr.:0.03021797029274383	J.:0.02807342031510902	John:0.023606089809168587	H.:0.023349925730146784	C.:0.02156658174752326	W.:0.021374787744704082	:0.6807526938859917
to:0.5896926423749029	will:0.06895816603250465	and:0.04562667660360438	would:0.0422521196809867	of:0.04088626467043247	not:0.0340960801705054	in:0.02414642034788817	the:0.0156914816781942	I:0.013747592652247686	:0.12490255578873337
time:0.018242657995226962	dollars:0.017627706592015284	up:0.01682693325789064	north:0.015185876002159687	hundred:0.013060070092153929	men:0.012943015596247288	principal:0.010686290569520645	wife:0.01050137377898342	city:0.01038552452347014	:0.874540551592332
the:0.12742448267130854	and:0.10439047010070458	of:0.09008308528693847	as:0.08946547023415485	a:0.04988938362235117	to:0.042785061773461454	be:0.034245776444171545	such:0.029258330792545036	in:0.02838714816744532	:0.40407079090691905
in:0.19513777298094537	of:0.19354314136684575	to:0.09385167068705595	for:0.09178096937913113	and:0.08687917855901357	on:0.06672236673540073	with:0.05205931282721656	In:0.05035164750316998	from:0.04591180016700649	:0.12376213979421448
the:0.2725431375984368	a:0.150751961310706	his:0.13220735313529192	her:0.07535576135870534	and:0.04610589832326157	their:0.03461784959383476	my:0.03175727071985661	of:0.030263447157487997	to:0.023143619875379242	:0.20325370092703982
days:0.14689455870081825	years:0.12294908823561658	weeks:0.11753889559521322	and:0.06354945006850464	months:0.044067205413661006	a:0.03292499984495228	the:0.03184946244586887	time:0.03171314389960103	long:0.02513949665718578	:0.3833736991385784
a:0.25328441716699196	the:0.14072416761694032	of:0.0984295194488796	and:0.04622985707215942	in:0.029414792428689124	to:0.026587800679175634	as:0.025830430749689486	for:0.02080262724679701	that:0.01859560600639787	:0.3401007815842796
be:0.4031739245865363	was:0.1421255281279254	is:0.1254478707820205	been:0.07628035295245204	are:0.045545460783060716	were:0.040046143515385255	and:0.037068431661940085	he:0.034487019863649146	have:0.03396517290196235	:0.06186009482506823
enough:0.07441354624292666	and:0.07202353556365672	able:0.0638652042671068	order:0.06159956010529576	is:0.05432058554929998	as:0.05014224302445615	him:0.044947962536253765	necessary:0.04416828268944637	unable:0.039035772180469275	:0.4954833078410885
the:0.3670410522565669	a:0.1353775257663678	in:0.10824186284272007	this:0.0699094967226114	of:0.0674393752229424	his:0.032622291885505576	and:0.026008363146480164	that:0.025778346719804293	by:0.021062339466016648	:0.14651934597098476
of:0.08485984044276894	the:0.05761754648026127	and:0.024744878581090632	to:0.020930604602758116	at:0.020695157405312144	by:0.020065712746580075	a:0.0159308048855614	was:0.015058232016390975	be:0.015052045584744402	:0.7250451772545321
and:0.06867437803019785	.:0.03469671769929879	E.:0.02597244759142534	<s>:0.020233630986747908	W.:0.01751686101948549	one:0.014067816796736344	east:0.013310546786605575	of:0.013028503553369564	Miss:0.011385803265644964	:0.7811132942704881
the:0.46452746648215065	The:0.09390241246186999	and:0.07152470923430496	of:0.06789615490142127	that:0.04648470877035467	this:0.044203355239236616	in:0.030279082531700193	tho:0.027999407822460205	for:0.027790297325453774	:0.1253924052310477
the:0.5402404009013247	an:0.05280423760184883	of:0.04084239965643014	and:0.03857875179112921	a:0.036574352027052656	his:0.03557647963927309	tho:0.03403653549750038	in:0.024490919457677424	as:0.024043254446724772	:0.1728126689810387
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
be:0.20702820288977755	was:0.15601953269649982	is:0.12149659345223453	are:0.06793605265633422	and:0.06135950878536704	been:0.06021488887965089	were:0.05935670213050078	being:0.025870405786005603	not:0.025846157921812645	:0.2148719548018169
a:0.28868524760260417	the:0.17342091332096185	most:0.10941123563875725	and:0.10218891709469848	of:0.056656823813434405	is:0.027493226777835708	very:0.020886862739015695	are:0.019774872792107736	his:0.018996620232043238	:0.18248527998854144
in:0.31078403878355826	a:0.2548546005297957	In:0.1571446129072322	the:0.13772265329555303	this:0.03599747536023905	and:0.018825926703562125	of:0.010859610539441083	iu:0.010807214969144975	great:0.009765074211986753	:0.05323879269948687
and:0.1309870487363097	the:0.1136490913303802	to:0.10328118518405435	of:0.06979906691426316	was:0.058849764995111555	be:0.04799661363032749	is:0.042184439667639954	a:0.03315452286223745	not:0.03162376995483869	:0.36847449672483745
State:0.034111645339007145	state:0.02484180711412786	out:0.024149322744342883	and:0.02371819816657117	county:0.017160607740108604	or:0.015338491569172542	city:0.014342265750459772	time:0.012681303227427356	that:0.012569861712810021	:0.8210864966359727
A:0.19464896630719608	J:0.1373493998539739	M:0.09616587166763081	C:0.09090444387508193	W:0.07842209747015393	S:0.07330138144911193	H:0.0689538868053008	L:0.06779158162734343	E:0.06142221878045678	:0.1310401521637504
of:0.10086734990279973	a:0.09001512764281541	and:0.0822832063758928	to:0.0679755247438051	the:0.062710317686009	in:0.05350091245255277	for:0.03180940954038323	an:0.020527725733180076	as:0.01889605103815797	:0.4714143748844039
the:0.11130798959867352	and:0.09605663508483009	of:0.06480392143099066	was:0.0581718352225614	be:0.05113018783035471	a:0.04102927143638295	is:0.03515361438015116	to:0.02847789924357014	are:0.02655049204685416	:0.4873181537256312
carry:0.18281036161031505	through-:0.1659987913497337	with-:0.10472532803897346	carrying:0.05989436857795188	pointed:0.0481862496694261	and:0.04287335829430306	sent:0.03982769731396628	brought:0.03556484937502764	carried:0.03503961230482394	:0.2850793834654789
act:0.06815537561637174	State:0.05139236659448533	day:0.05040516944255257	one:0.044522307461022224	members:0.04411272024889308	state:0.043457378969265034	Act:0.04109194386294583	out:0.04015977251199251	part:0.039309857076529224	:0.5773931082159425
to:0.21245777769310675	of:0.20695327466685504	with:0.11371596011165563	from:0.057294758860989864	by:0.050232587455913656	for:0.04905630049793785	among:0.03275705626656294	and:0.02937201769958302	in:0.023385679555085616	:0.22477458719230964
which:0.15359721759916528	that:0.11114705860316394	it:0.10358365197857142	he:0.10310153873780122	It:0.08843716821224945	and:0.07593535609292065	who:0.06226688668469988	This:0.04607405744027607	He:0.038113517456435736	:0.21774354719471634
the:0.12813797323558626	a:0.10933125424717283	and:0.09349451373985841	of:0.0620569380367325	to:0.048449417315593366	in:0.03402944418253317	that:0.027710379640208317	which:0.023464514542642877	an:0.02332820042581184	:0.4499973646338604
of:0.1480995292335947	and:0.09624185602721319	to:0.060585889622265264	by:0.04342586873473998	<s>:0.026543749243624296	in:0.023707128895240192	for:0.022164500252891604	that:0.01774311375920518	at:0.017047724336004058	:0.5444406398952215
instituted:0.45578960196072604	able:0.05951513214209475	is:0.03439500989685253	him:0.03260178304444257	time:0.03198735313095814	and:0.0314253669814594	unable:0.030429824935186228	have:0.03018336934130517	me:0.029910587063894302	:0.2637619715030809
was:0.2202424495701202	been:0.14047186821451518	be:0.1373121512222315	were:0.09004974786071401	is:0.0818151241742113	are:0.054142647228449005	and:0.049049339842765154	had:0.043125386998736026	being:0.03863238879949643	:0.1451588960887612
the:0.3864529461504253	a:0.15896673769767375	and:0.09553177979955699	of:0.09451851376762514	The:0.07131170013281239	in:0.03437145944195678	most:0.028495129815268142	tho:0.025828390123340542	by:0.02129515489866809	:0.08322818817267287
and:0.10796422594866632	I:0.06717530304484291	it:0.05504273486076921	he:0.053552918034339536	It:0.04447239540448394	that:0.039266963927845476	which:0.029689066563868563	was:0.029442787268699408	be:0.029303956313950833	:0.5440896486325338
in:0.355547718903282	of:0.14540952496084755	In:0.08062788506575864	and:0.07480483938950568	to:0.06364546064549584	for:0.05779930956125817	on:0.05684079187278013	that:0.04032447545670017	at:0.030868706153258783	:0.09413128799111302
a:0.38592593729585367	the:0.2983514479282696	this:0.07063748625316234	The:0.05492475757616832	no:0.040352405686959546	any:0.02841630393720132	This:0.027748898710004213	that:0.02220019554275195	No:0.020779264188251507	:0.05066330288137747
and:0.11731301388143589	of:0.08744294099229041	put:0.08553840489924404	as:0.07947620599453563	make:0.0688058920828317	that:0.06616177558168397	for:0.054752710006307964	to:0.050228904945984865	with:0.04561235820437173	:0.3446677934113138
intoxicating:0.3650101554686265	of:0.15075350396809406	malt:0.10770371131960105	spirituous:0.06262166980851931	in:0.044475489420614474	the:0.03637832310535679	for:0.031821671815884654	and:0.026249863393182898	all:0.01635611249232187	:0.15862949920779842
away:0.06925205172028555	and:0.06007808449668492	taken:0.04760906637168378	miles:0.0428166599829834	feet:0.03837562943164214	come:0.026889243450533045	them:0.026073675669967263	out:0.02484981837258804	came:0.02410733092637395	:0.6399484395772579
he:0.20315396321110715	I:0.1431524828962829	who:0.1279085170747977	they:0.09114971333708406	she:0.05846150160235535	He:0.05251131875891878	have:0.04940383978931944	we:0.04215520000899936	and:0.04116493459711271	:0.19093852872402253
day:0.07026281576542386	number:0.056794576647285044	line:0.0537633327489968	side:0.04867142123668936	part:0.03788174149882349	state:0.03237240968052387	out:0.02633564461914105	corner:0.025074562207014674	case:0.01920264843547551	:0.6296408471606264
of:0.19014211724948005	to:0.12747652434157788	in:0.09588807362353523	by:0.08107271580830137	and:0.08091301579016257	as:0.07873871743816135	at:0.07126596232201904	with:0.06726153957036779	for:0.06240603073527962	:0.1448353031211151
of:0.39559408959634657	in:0.09795310929559838	for:0.09222177157709377	to:0.08457928087670068	that:0.07084736155867931	and:0.06206668380234938	with:0.049305562927811165	by:0.03438251178122792	In:0.03343508978971195	:0.0796145387944809
could:0.20892226826216848	would:0.20427583762890694	did:0.1363549287453858	will:0.13514227760349076	do:0.08175122231180977	does:0.07803545085872957	should:0.055785415770467216	shall:0.03406518912838424	may:0.03258815521764581	can:0.0230792544730114	:0.01
and:0.058773342646874345	him:0.04018097180358005	feet:0.038027891237291236	time:0.03547265887029936	as:0.03412277606243768	them:0.031273014419390927	up:0.030785999885583826	right:0.025891633157302706	is:0.02567118250220025	:0.6798005294150397
he:0.18733828285607393	it:0.17433348738086127	they:0.10752314972265517	It:0.09609719701841689	I:0.06973128401339104	that:0.04393819514901867	we:0.042219762376550264	who:0.0412383621158049	she:0.039715373584194455	:0.19786490578303342
at:0.5338384061973014	At:0.1332839214597483	about:0.1096752615538099	About:0.04023563819048508	of:0.031015758351906838	and:0.01583392087257593	feet:0.011839470675881142	for:0.011093011773616407	or:0.01099197869450311	:0.10219263223017196
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.25734031892258186	of:0.09020025439623483	and:0.06235618858661057	that:0.05274466151546219	The:0.04433422530714993	a:0.03668438834521419	Mr.:0.03520820651417283	or:0.02339822625282543	no:0.02014344672284482	:0.3775900834369033
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
of:0.1223604424710912	to:0.08495760263939635	the:0.056690509962678874	and:0.05351788584555306	was:0.030140473075305815	at:0.02635291996092436	by:0.02548538497235281	on:0.02457214004943332	a:0.02292461146317973	:0.5529980295600845
in:0.024348570352223476	up:0.016510650707042347	good:0.01629302562729848	life:0.014467450307988634	health:0.013836833825460571	men:0.013698924069158746	time:0.012480322823229688	strength:0.011500274553722302	city:0.011288223371134203	:0.8655757243627415
the:0.41728571974270245	and:0.10484521044153476	The:0.08028621418624947	a:0.05937272018597381	of:0.05318184993258331	their:0.029528725373205174	his:0.029301704852055164	tho:0.026273128882422343	all:0.021516079963932715	:0.1784086464393408
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
the:0.33082850050323975	and:0.13162115187356355	to:0.12315225643844312	an:0.06593425919553517	a:0.06166109546090496	of:0.05609422991064514	in:0.05073438989308323	The:0.03075556707621572	this:0.02664693596791179	:0.12257161368045762
and:0.12475392607185817	succeeded:0.042513060492406246	was:0.04214553480264845	is:0.04125544557232524	be:0.03539922023774353	it:0.03512608689648036	that:0.03507229189311516	are:0.027216976906030636	them:0.026154747820954297	:0.5903627093064379
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
Mr.:0.017295512831420532	wife:0.008756319752434972	;:0.00848382131193191	.:0.007634408833446275	William:0.006843204710373574	men:0.006799589686852596	Robert:0.006321607060099373	John:0.005913078293493753	Smith:0.005834605178291733	:0.9261178523416553
and:0.13326860796844436	at:0.10027707281780637	the:0.04441926775825437	of:0.042753557578621926	about:0.02294150537171187	than:0.022880942316672353	-:0.021865445783650413	.:0.02080685683588036	for:0.01711127617956448	:0.5736754673893935
the:0.12064253008003335	of:0.09578111070245154	and:0.08662151949513294	to:0.06215641848177085	in:0.031454184194828004	or:0.024229501602538776	<s>:0.020729147156823856	by:0.019489755975129593	for:0.018604846106950575	:0.5202909862043406
they:0.17031168374022307	there:0.08115873186257842	who:0.0693124421228196	and:0.06191325855215071	which:0.04859664770538727	we:0.0461562925552551	men:0.04339294837914709	They:0.04107686835953216	There:0.03572194705072757	:0.402359179672179
of:0.19758864485865663	to:0.14030523172928197	and:0.1249587649487295	in:0.08726736992183473	with:0.08138268120129157	for:0.07265022527432723	all:0.0639198806587629	is:0.050642623009790604	by:0.05031195085785161	:0.13097262753947325
and:0.1189733053664964	the:0.10287702719755622	of:0.08189169893754962	to:0.06345255385957328	be:0.04334095657672097	was:0.04121106403093484	in:0.03680279821111817	is:0.030567295462412034	are:0.02482235030573041	:0.45606095005190805
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
feet:0.07231511115829735	entitled:0.05352733332171755	up:0.04917083484974709	amounting:0.04744002622193815	went:0.046691429613337394	and:0.04641274770047419	him:0.04312562800613275	as:0.03488112314307717	them:0.03240536991228052	:0.5740303960729978
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
<s>:0.05853076640687723	that:0.05360000315563107	and:0.028468892423494714	it.:0.024960893987115183	but:0.01735835078593881	as:0.014815840893292666	them.:0.014318802615316317	country.:0.011732596730942993	of:0.011348659858762027	:0.764865193142629
<s>:0.15187370558278682	.:0.03774847930662963	it.:0.023664507169160458	him.:0.021023649572698373	them.:0.01395812631216205	Mrs.:0.01209106232421292	time.:0.011321311105802371	city.:0.011301053950397226	Mr.:0.010581313135088331	:0.7064367915410618
of:0.3191385403283612	to:0.10782820182800405	in:0.10277184906962568	for:0.07651896317056273	and:0.07359946660067801	that:0.05845011372439141	on:0.0573198860992649	all:0.04675980931945282	by:0.04251916138432793	:0.1150940084753313
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
the:0.5303661590929102	a:0.07524943447525018	his:0.049885382406625885	of:0.04359614950833455	and:0.0382792113074555	The:0.03558180263718448	their:0.03173133669005487	my:0.029409669319535266	tho:0.027526563634128295	:0.1383742909285208
and:0.13130204547848093	to:0.1236753343123462	that:0.10936979338130945	will:0.10648021190550856	would:0.09414030729997182	which:0.07705653390854487	when:0.04936851754688096	but:0.04745793753069046	should:0.03961312939136039	:0.22153618924490637
a:0.49651724295245697	the:0.31191900189525334	The:0.033962672006979076	his:0.02372131925419874	of:0.018873846750736844	tho:0.01707509041058113	and:0.015002156802417019	no:0.014697747257119776	any:0.013115442357164817	:0.05511548031309228
the:0.7418429469769608	The:0.06612371255491603	a:0.05571852037371924	tho:0.03365945555971852	of:0.019286924888121594	and:0.01707755975649508	tbe:0.009265138557247025	in:0.006070859747274217	vitiated:0.00553862968305357	:0.045416251902493904
of:0.09610412401046105	to:0.05994099199447405	.:0.04965117727365271	in:0.04964566278483671	and:0.037833562009912995	the:0.03446953701759929	by:0.029202446021050866	Mrs.:0.02350834539178023	<s>:0.017175581161303674	:0.6024685723349285
of:0.20636577592813976	the:0.1736446163038695	in:0.07297704124552887	to:0.046269911939648974	a:0.03735455041372496	and:0.025669722112170598	on:0.024901833394527433	at:0.020579919213333	from:0.018149041929142306	:0.3740875875199146
and:0.2131945870050834	that:0.06301282767278064	and,:0.02946942912835381	that,:0.025512971586558617	but:0.02338259112057603	And:0.01588652130337051	time,:0.012096922000636052	them,:0.011695236197153715	which,:0.010312144107070209	:0.595436769878417
the:0.20760661794916957	and:0.06819347621223956	of:0.05335765280976587	be:0.045335387178431184	to:0.03511261304872767	was:0.03420813712604875	in:0.028220346889759062	is:0.026950442042386558	on:0.023734253723136246	:0.4772810730203355
the:0.48119031071626056	this:0.12931346816202102	a:0.09651344413143237	The:0.07617780510274715	that:0.05620800545982968	tho:0.032738176459252706	no:0.0268962536311668	present:0.021170233747468868	any:0.01620739451048951	:0.06358490807933134
and:0.10835562215215849	to:0.0780904243577292	of:0.0489406106372292	not:0.03317463712770287	the:0.030517850589819935	as:0.027611113269777693	for:0.02325979465602054	is:0.022107335058943415	was:0.0194628356932978	:0.6084797764573209
to:0.5459297027327307	will:0.10647476250902033	would:0.05777350262876173	you:0.03555013940536348	not:0.03544599593185211	they:0.03426005609426581	and:0.03102308180997065	we:0.02557692595313958	should:0.022219902954032502	:0.10574592998086313
new:0.01611838215402058	made:0.014227223305728301	;:0.013982441661380551	large:0.013574295087960271	principal:0.013126284648998586	time:0.01288871219154905	city:0.012124387789090453	land:0.011982649682520172	law:0.011386415378633948	:0.8805892081001181
;:0.02255620845960988	it,:0.018938466820205693	here:0.01419691666680549	him,:0.013908502069253172	them,:0.011076069037997814	him:0.009444246935145272	up:0.009440770847772572	time,:0.009063235768169722	in:0.008019594958106535	:0.8833559884369339
is:0.2027256810578972	be:0.15019916841423825	was:0.10227348415527407	are:0.0858722482387983	and:0.07390407808066521	from:0.07171107878666029	of:0.05324842565621218	not:0.043218027754973506	it:0.03753794416068267	:0.17930986369459834
of:0.23245403547360013	to:0.13218854896682938	in:0.0898301563210251	and:0.07930341407335002	with:0.07678648201834135	that:0.06373743237925404	for:0.05044306575975251	by:0.04867379128241054	on:0.03527870632128774	:0.19130436740414916
and:0.09791171716372934	together:0.04339419758715828	it:0.03842628212908165	him:0.03533870431682793	dealt:0.029423719650181052	them:0.027584370594248935	do:0.027426146894482764	complied:0.025516371701653662	charged:0.022857332263483895	:0.6521211576991525
a:0.17523357011570054	the:0.13322938068206072	of:0.11378635839293329	in:0.05969415775176269	and:0.0576225769235264	to:0.046516488064961274	an:0.03654912902619585	for:0.0203897744532919	his:0.017916214191763345	:0.33906235039780397
to:0.7104590703309351	will:0.056746437178535766	and:0.051991045262661455	would:0.024330171026067604	can:0.023195425970868103	could:0.02163759385828921	shall:0.019944674845697227	not:0.017551314194418646	may:0.016628084364615898	:0.057516182967910896
of:0.24886393297431122	and:0.12440959094452084	know:0.0830442601655144	with:0.053428528807241096	see:0.05169969680177905	to:0.047321977408807496	is:0.04470289347462767	but:0.04231168769768751	as:0.036435821236167586	:0.2677816104893431
of:0.24808839328983143	in:0.14841525509356943	to:0.1272203553349918	and:0.0759362262330255	with:0.07011033149579059	on:0.0684841931769493	that:0.047738976180462744	from:0.045683232272593945	for:0.04556058203282262	:0.12276245488996267
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
at:0.07536871260763028	and:0.05724450935357237	No.:0.04854638990192267	the:0.02480631223201455	an:0.024072878512956416	of:0.02401697405377165	that:0.019929220045644857	No:0.019358698350290197	<s>:0.01935845883195164	:0.6872978461102454
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.2091105244598185	of:0.11583748250031987	and:0.062187724235506454	to:0.05148466792785966	in:0.039748901321996793	a:0.029656298502506707	be:0.026874953513053256	for:0.0259894641219416	was:0.025716973713086257	:0.4133930097039109
at:0.20019574401943915	of:0.1806013158406764	in:0.14833252573679828	to:0.08127886317173648	on:0.06498511204165315	for:0.0648944728858489	and:0.057868996324392234	that:0.040296604571923675	from:0.038253800346840276	:0.12329256506069143
and:0.10070431440779438	<s>:0.04486730329977197	in:0.039053095671819964	to:0.035543158616386	New:0.032399876117487146	I:0.023793876698203043	Mr.:0.023565724067232043	by:0.02330512732545283	of:0.021230399176797875	:0.6555371246190548
a:0.28954317721148937	very:0.12401066299620171	is:0.11021812788825794	the:0.10275482447444852	too:0.07868042557012818	but:0.0551186926766259	so:0.051042915189852434	was:0.05055993875543288	are:0.03925424336567434	:0.09881699187188872
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.15792309918554137	was:0.07517220255778688	arrived:0.06928229571235837	is:0.06691991566290123	appear:0.04028180951841684	are:0.036924364935178595	up:0.03657664081143128	came:0.0345064322241532	made:0.03131246825485817	:0.45110077113737407
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.19736234925926688	of:0.09695312528518454	and:0.0868225206045156	in:0.03836490081655848	a:0.03829013956115437	to:0.033146182245689534	his:0.027362433516055773	be:0.023273614554944737	their:0.022778657576300435	:0.4356460765803296
and:0.06357578541649768	less,:0.04505040635114853	and,:0.032309337288921006	you,:0.022409815689119116	them:0.019108259646050625	as:0.017974785638875734	;:0.01731494239762249	are:0.015404839874245685	made:0.014603907067458628	:0.7522479206300605
the:0.33438716167988713	a:0.1803898104083156	of:0.16761866701971317	no:0.0600792165975606	with:0.05545061220530447	and:0.04890189342404759	The:0.039658022480177274	that:0.03310197651017119	any:0.027002274409404656	:0.05341036526541833
of:0.11771772108934433	the:0.10834742670794954	and:0.09551761088885818	to:0.06077776922412324	a:0.03462918201859301	in:0.029091557119467547	by:0.022892317658787985	.:0.02084942882576189	for:0.019229744821505263	:0.490947241645609
;:0.019336688636049267	and:0.01504175077149274	<s>:0.00691661555690442	.:0.0054205148554824925	him,:0.005298760441341969	,:0.005026492165461868	them,:0.004886253976890109	it,:0.00456795884406785	1:0.004093194386737097	:0.9294117703655722
they:0.16111188785265268	there:0.06626249220905589	and:0.06077457897578308	who:0.05732257284091478	we:0.045083092791755895	which:0.044647664622390684	They:0.03565243903755429	There:0.03090159854777091	that:0.02999419587928608	:0.4682494772428357
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
that:0.3048592550653344	and:0.19879926436897044	but:0.06590660959264018	which:0.042310867716278906	where:0.04216322225482907	if:0.03991189958813	as:0.03341458253147177	But:0.030455862306052434	If:0.030386438730380945	:0.21179199784591188
be:0.28021966405998466	and:0.10761392637154908	was:0.09124801081752316	is:0.08861229104408487	he:0.06965926192324894	are:0.0627367457555279	were:0.04129623180974649	been:0.03554764623404736	have:0.023592846105669328	:0.19947337587861821
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
the:0.48540440669651364	a:0.07638484966966375	The:0.06237892432231036	tho:0.035080203129665664	great:0.03388452131296341	large:0.033749650194675684	and:0.032540978892651555	good:0.022115703573260787	by:0.019444333900595467	:0.1990164283076997
of:0.4222129050238352	from:0.07208539961867587	in:0.06780391702624332	to:0.05822779713624984	at:0.0581342068153087	for:0.04925617006362956	and:0.03853566847240558	the:0.025835100717901203	In:0.025557392601746057	:0.18235144252400468
and:0.10840190534614898	week:0.07401326640845082	one:0.03610669480129969	up:0.031230132784533595	work:0.025378405503331584	time:0.02511002328216291	was:0.02210455623327866	room:0.02023973138971351	it:0.020089083292839302	:0.637326200958241
to:0.34378129718365846	will:0.15287135864951518	would:0.08615903395787451	may:0.07844929048361882	should:0.05682249178971402	shall:0.05432412913287461	not:0.05091775331157668	must:0.03610577244404393	can:0.03580596083245932	:0.10476291221466445
he:0.15833783157006798	who:0.11252166679113242	which:0.10007920750248263	they:0.08307407047038702	it:0.07687172224910013	that:0.06547997363155768	I:0.05314002564963188	there:0.04507481930663967	she:0.04354106747792997	:0.2618796153510706
the:0.40529822480491295	his:0.089061667352921	a:0.08061602899717699	this:0.05779980344393044	her:0.050850099879837414	healthy:0.05016578478599047	good:0.0452408937282198	and:0.041497704277413255	their:0.040945662948475854	:0.13852412978112183
was:0.12492537302822405	and:0.10649773189192072	be:0.10627773435309645	been:0.10360132482520812	are:0.08516026455726419	is:0.06821130032917327	the:0.06655806477682347	were:0.05442175008621114	of:0.0530906396529213	:0.23125581649915727
a:0.12730001873837127	young:0.08593649727221721	better:0.06836290227591403	of:0.05533347661181921	the:0.04259552543381595	other:0.032135066155655645	white:0.03167431944675038	any:0.026121005051740125	in:0.023043923288849032	:0.5074972657248672
;:0.02462598480819333	it,:0.01719665926724624	him:0.012585070814077035	in:0.012521345876532489	them,:0.011854479993809381	it:0.011853898810728835	him,:0.011673954467508104	and:0.011305855080689549	me:0.009092530524306313	:0.8772902203569087
and:0.13620552913135772	of:0.12882913256683962	was:0.09880369654132681	is:0.06293167993018538	are:0.05069475197267144	were:0.045813331781653456	for:0.037845162866836396	in:0.03713888572284056	one:0.031074522732989163	:0.37066330675329945
J.:0.06809705154547084	Mrs.:0.06507725719052598	John:0.06300524656571624	and:0.05870246146789504	W.:0.054274363660877074	.:0.05311672062708137	A.:0.045636908571032746	of:0.040094287587142	Mr.:0.03580198057955319	:0.5161937222047055
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.10985765360012639	to:0.0870112436273619	of:0.07894186089764132	the:0.07005492844823415	in:0.032364668243275635	be-:0.03196946985605434	that:0.025107085000234345	was:0.023436862887310478	for:0.02150877633014445	:0.519747451109617
and:0.13171365636802773	has:0.10901855504586716	be:0.09288404190505381	have:0.09049731179571105	he:0.08523226751872483	had:0.06861456911735223	was:0.05269752456708023	I:0.04859525978821856	is:0.03869530414569001	:0.28205150974827436
and:0.16994243063037628	made:0.04948929976120752	but:0.040199781561504555	or:0.03799035381838333	them:0.030002899064437108	is:0.027466784103631292	that:0.026980600811331495	be:0.026416371564736675	well:0.021550743710518648	:0.5699607349738731
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.3657446822627616	in:0.10376635443085964	to:0.0988240898770974	and:0.0847485121960644	that:0.0766424916658344	by:0.04862093555976338	for:0.045838266609817435	In:0.044885027866880235	from:0.030015130225369537	:0.10091450930555199
the:0.11864215425377549	and:0.08972371643926988	of:0.04809559438679374	in:0.028133273792285047	was:0.0281079026913601	to:0.02452133112173075	for:0.021775516249969755	that:0.021265180784699016	is:0.021104290924603225	:0.598631039355513
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
and:0.05710497442831868	thence:0.03924676394424772	compared:0.03861819841344837	filled:0.036473042299789246	covered:0.03613724002435293	connected:0.029686659349920052	together:0.02775063642309519	charged:0.022455071018486657	met:0.01928499022382017	:0.693242423874521
a:0.3047583528216625	the:0.10502916147004075	that:0.1025770619903654	per:0.09290488126275065	every:0.08359772602452611	one:0.07080546075222138	this:0.06849409785511447	said:0.03674262008350912	to:0.02274533568251619	:0.11234530205729337
be:0.10872295151851856	and:0.10706323205682734	have:0.10425866686703936	was:0.08526732155686682	had:0.07457756792983658	not:0.06694046290630801	has:0.0669169470132332	to:0.05546103553803763	he:0.05428160636943914	:0.2765102082438934
<s>:0.11878650567456728	.:0.019354118486196083	it.:0.018208990156162952	them.:0.01363716919232608	day.:0.009898838134580368	time.:0.00838973742943802	him.:0.007448769226108595	year.:0.006871607733745746	city.:0.0066556217812868326	:0.790748642185588
and:0.16289480867414785	the:0.12737040694313342	of:0.1185250577063175	in:0.0627044451497763	to:0.054506999710030236	for:0.04469205365291036	<s>:0.03757462677856598	The:0.02489800357318118	by:0.022861508944124878	:0.34397208886781233
about:0.15159886604915127	and:0.13298800331459798	of:0.1262816782668704	or:0.10792471270493012	than:0.10252258239966161	for:0.07385506383892038	twenty:0.06364488981524649	at:0.052932032986778225	to:0.05229017069533312	:0.13596199992851044
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
has:0.12402270706278268	was:0.12234570333543399	have:0.11101384804230546	and:0.09822275057196478	had:0.09392003213824428	he:0.06747691312246576	were:0.05059300085947929	been:0.04668788313614136	be:0.04666932087455958	:0.23904784085662284
of:0.13250592418377344	and:0.11286076586839974	the:0.0724161720551502	to:0.04987028954598605	in:0.029480081258064967	with:0.025272515268875115	for:0.0247404785505104	was:0.023120806944180405	a:0.022003766483762448	:0.5077291998412973
of:0.3743951990996794	at:0.13855027126113603	in:0.10202097794728093	to:0.0913627915613973	and:0.05861646341997748	for:0.05086542475256355	by:0.03257658402523223	In:0.028696964027358562	with:0.027317920232769306	:0.09559740367260523
and:0.09163968276229653	that:0.04182891208420174	when:0.036996686432185275	at:0.03620111926650043	I:0.03413717131293758	which:0.03185820846944952	the:0.030586417639404163	<s>:0.02751036370357131	of:0.024801947393304543	:0.6444394909361489
the:0.22038313903105292	Mr.:0.07937156760867098	of:0.07368785948768332	The:0.06437454493038172	and:0.05944888902093017	that:0.046904228525190425	a:0.028819451762637286	his:0.018895379103475607	Mrs.:0.016510016796138643	:0.3916049237338389
and:0.13537904857910368	was:0.13519275303638567	is:0.12203382904720367	have:0.05694775689210227	be:0.05670734967105261	not:0.05668313908319774	are:0.04691082854992168	had:0.04623803749946858	been:0.04199883953381855	:0.30190841810774555
a.:0.046146862527154546	p.:0.043976309003150825	p:0.033905858551405224	of:0.029411317359196304	and:0.027208513528482643	the:0.02702328880381361	a:0.024185126960307942	in:0.022556122776917646	.:0.016253678509744546	:0.7293329219798267
much:0.2009781738337653	part:0.16322816385620406	copy:0.09465175344636163	plat:0.08894998336445256	payment:0.03565826517145127	portion:0.035589992097738755	survey:0.02916935441818071	holder:0.025172930898622353	notice:0.021278628304231426	:0.30532275460899194
and:0.08367627229325318	them:0.0453729404876382	was:0.04218293784608318	are:0.03647775414923646	look:0.035262169304586845	it:0.02708516196796737	is:0.026530629846533284	or:0.025979886655154483	him:0.025639832448799454	:0.6517924150007476
;:0.0186410028407771	city:0.015373094345792416	Mr.:0.010204335895907891	State:0.007727461369074271	Mayor:0.007492108841888229	in:0.007397810778762705	men:0.006082876907930596	Mr:0.006011853849435003	mortgage,:0.005895378062672908	:0.9151740771077589
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
city:0.024137952393045396	right:0.01830500954388966	men:0.014436238682397268	in:0.01194264853909788	North:0.011598725986217803	wife:0.011475250278346515	friends:0.011401960876293683	time:0.010701318996462834	north:0.010519858095627341	:0.8754810366086216
of:0.22652027902211405	about:0.13555805971909424	and:0.12220863382173107	or:0.09043906123279659	for:0.08019763575544567	at:0.06433666607721533	to:0.06216245636080005	a:0.04159662549317427	than:0.04136794517795736	:0.13561263733967138
and:0.17596106684280022	to:0.09705634816379151	of:0.043853882963741174	which:0.04307159982379265	re-:0.036121002228894326	that:0.03457731553129466	for:0.0298838750270468	or:0.02922632231759091	not:0.02791646393032946	:0.48233212317071833
at:0.2511821869413555	of:0.165854218500987	to:0.16165023341944215	in:0.1131631637195477	and:0.07181042862905632	from:0.046020760534324315	with:0.0441399190694836	for:0.028851971432454413	by:0.026174831736006907	:0.09115228601734209
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
a:0.40236954440793327	the:0.2279065564433508	of:0.07749140947956407	and:0.054835808002650234	with:0.04625299306557883	The:0.04090928939156542	very:0.0315430139136405	so:0.025574250020739615	by:0.022222736535322078	:0.07089439873965518
would:0.17959540429010784	to:0.13519794944916977	who:0.09755427043109222	they:0.08092794866467283	I:0.07229973568327139	which:0.06237819314755754	must:0.053838397959161594	might:0.048424713189248424	shall:0.04348004295022552	:0.22630334423549286
he:0.1635807399857661	it:0.09795082018513447	and:0.09588461664712694	which:0.08349182834687202	who:0.07150254685720023	It:0.060027052295061493	He:0.03980334251894989	that:0.03629481483858203	they:0.0325027210681717	:0.3189615172571351
is:0.18582870030652213	well:0.15460794774118797	be:0.1062165795398068	was:0.0654118875682882	not:0.060209677431808724	been:0.05181632779811929	are:0.04694564724086244	and:0.04658390517460511	have:0.03590793285074792	:0.24647139434805146
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
I:0.1604143003140404	who:0.0984335930327786	and:0.09437707877600623	we:0.08759355164320043	he:0.08758027101043774	it:0.07347771787690983	they:0.05757257357082641	which:0.04592387788747542	you:0.032181238053016266	:0.2624457978353087
of:0.2754034364738985	on:0.09148594666353768	and:0.07621011852636514	to:0.0545909617884878	from:0.04972508628176019	in:0.045162748490521945	for:0.04321052153973822	by:0.03900854565065474	at:0.038992187233889135	:0.2862104473511467
and:0.09207332313732873	is:0.07380061341887476	able:0.06501197671098757	not:0.06135308676233327	have:0.04963192063749718	order:0.04794798950060513	enough:0.04668644500225044	had:0.04239040236542827	was:0.04196532632059205	:0.4791389161441026
in:0.17635678835710344	of:0.15309164727335328	to:0.09922200092870499	for:0.0755201721616355	with:0.0615221475086542	from:0.05991868815771717	by:0.05491816673292545	at:0.04110373617227536	In:0.04016490729053633	:0.23818174541709425
pow-:0.04728534599554818	nev-:0.040462253942760824	oth-:0.037597878122478834	moth-:0.02054860398739199	oth­:0.01880004858771533	anoth-:0.01868767622345057	pow:0.015228979961427571	wheth-:0.010825828118564973	prop-:0.00997078154817623	:0.7805926035124855
and:0.09387774087508678	as:0.027933102814393835	the:0.017614786854432164	him.:0.016230286569077094	<s>:0.014821799138272388	it.:0.014064409623744977	that:0.013313990577892329	them.:0.009907308834521811	.:0.007806302121263229	:0.7844302725913154
to:0.2593442991781813	of:0.15015187262801066	as:0.09096963385913695	with:0.08751138810303814	for:0.05469441602889661	upon:0.051984584754203526	tells:0.03368615913014777	and:0.031216775875558055	from:0.023620536368525534	:0.21682033407430143
the:0.2146404301464452	in:0.15936265209763334	of:0.08240716448834992	a:0.08208478255679343	In:0.04268909587364858	and:0.036030494675824386	that:0.027454886399466204	an:0.02499258270518159	for:0.024989131645672142	:0.3053487794109852
be:0.12281713265477252	was:0.10959075417541651	and:0.10677539777863804	the:0.08008728519066284	had:0.07471340150000354	has:0.06910541937537461	to:0.06719458368283723	he:0.06717780662840275	have:0.06616731543964864	:0.2363709035742433
the:0.46073732889452224	of:0.05184443155444316	State:0.028281295315790756	at:0.02597230730834836	tho:0.022035894516012854	Lake:0.01915460056746583	National:0.016584383931601217	tbe:0.015305404719389818	The:0.013809710868123756	:0.34627464232430205
her.:0.04692309596434301	<s>:0.040024500702274604	it.:0.024769601169580796	him.:0.01795825096050119	them.:0.015102105670118241	life.:0.010951171980991188	years.:0.01075649464197148	time.:0.009974735384672223	day.:0.00846941378618775	:0.8150706297393595
was:0.17110292360417717	is:0.13398482545732435	and:0.07162056309585006	are:0.05172171855611437	of:0.04630307910505407	be:0.04453802967663163	were:0.04099616470003079	as:0.03414297383757007	much:0.02964574241009936	:0.37594397955714814
I:0.1874245448890453	we:0.14542081277211655	they:0.10715222142522093	We:0.0832336763993008	will:0.07357707216266383	would:0.07231771458181784	who:0.06899096329637142	to:0.06750989898812214	you:0.05248565438755063	:0.14188744109779058
the:0.7499706737502158	at:0.09175832936001016	The:0.06216904518104825	tho:0.025108467308403312	At:0.022278950444669703	a:0.011851804358750719	tbe:0.010482313426975181	his:0.009964153688616553	its:0.004240111481907985	:0.012176150999402396
the:0.15074154122063466	and:0.09955173653754493	of:0.09095614919403532	to:0.05618591723729392	a:0.05612999152035257	is:0.045027631857007026	was:0.041559415440580186	be:0.0376243649998588	are:0.03054339957595198	:0.39167985241674064
of:0.18364007540752023	the:0.13393617971055063	and:0.10997449607258084	in:0.10421400771987298	his:0.06542455954717098	a:0.0469335358108819	to:0.038444340432030294	that:0.036218549598354986	this:0.03572341048173268	:0.24549084521930448
will:0.3154466520894114	to:0.22647337933543843	would:0.12296289794452309	may:0.07579629236626323	should:0.06862463152926342	not:0.0524752899785443	shall:0.044997170583159996	must:0.04141487298976131	can:0.024175976257302972	could:0.017632836926331837	:0.01
he:0.17475438872346447	it:0.1359286733624291	they:0.09637533336931273	I:0.08453683576858537	that:0.07339259747557059	It:0.07261110104187243	we:0.044348645187426095	which:0.04425071068500445	and:0.04339726392581102	:0.23040445046052374
the:0.39358596958914915	of:0.15802702997556495	a:0.13018331048273524	in:0.035779670315869275	The:0.03566967739820018	our:0.03546997997741041	and:0.03203650275731729	to:0.02298435818197338	for:0.021385414574021457	:0.13487808674775872
of:0.5591541271592289	to:0.1111657518043274	by:0.0489708819599026	that:0.048427224325921794	in:0.0445214043378384	for:0.03911003193502656	and:0.029052343996317637	with:0.028829014015023014	at:0.020881288120855202	:0.06988793234555851
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
to:0.6283664582159135	and:0.08198562598253185	will:0.07454910141694382	not:0.04441987156945688	would:0.0410023912808943	To:0.029370225402102882	can:0.02131640666932298	I:0.017405137690428372	who:0.015838018319395394	:0.04574676345301002
city:0.04220033693764425	part:0.03606365500538136	State:0.03284312755771925	state:0.030747457697412696	Board:0.03073299148021667	day:0.030288279061852195	side:0.028376259948145133	line:0.02823443213231634	out:0.022373604881216827	:0.7181398552980953
the:0.36192879692410374	The:0.18862733038504353	a:0.07202439298400977	his:0.023827962679186434	that:0.02061792130090632	of:0.020431481172519243	A:0.01806865129827264	tho:0.017029929766389583	said:0.01687938803752866	:0.26056414545204004
the:0.2485078906399204	court:0.08799653570863537	a:0.05399745127488057	dwelling:0.044726604859377773	of:0.023257700573691722	boarding:0.019042619784643267	tho:0.018754279210104613	school:0.017358748347203405	opera:0.0158239932794871	:0.4705341763220558
and:0.09923529701220198	as:0.06912387059173151	is:0.06734101133061439	time:0.05954288143540033	enough:0.05097448495836954	able:0.04411514286514282	them:0.04342291664826082	him:0.041360334543502644	necessary:0.038866713788808356	:0.4860173468259676
he:0.21647776251996115	I:0.1738646652702539	they:0.08254924173014083	and:0.07634783593140587	He:0.07365575669346504	it:0.06629423222542247	she:0.06533323031275313	there:0.04777306516444797	who:0.0431520565165679	:0.15455215363558175
the:0.32743583122508996	a:0.3174214910872237	Republican:0.06259882836836107	Democratic:0.05742027026117291	The:0.03532011076012515	A:0.02525534711282069	democratic:0.02266276886936847	tho:0.021809074401576298	one:0.017267572872558267	:0.11280870504170352
the:0.6497379783107368	of:0.08024019314167229	in:0.045551277204193594	tho:0.027928415160801443	for:0.02553444558345637	his:0.018481567448419098	to:0.017716290639123264	and:0.016009502096360668	a:0.013111649887053066	:0.10568868052818345
it:0.1942377674833811	It:0.1196382377309365	he:0.11555470934464755	I:0.10660963846112233	and:0.06704114083305802	there:0.04399547866809459	which:0.04215449621723039	He:0.04024635907665479	she:0.036891826278630156	:0.2336303459062446
the:0.161571823160705	of:0.09066395789307255	and:0.08811651892316719	to:0.04899478563575888	a:0.04339234346550187	in:0.02742755197900953	be:0.01966761960337111	his:0.018152941337592668	or:0.01745461527325544	:0.4845578427285657
of:0.3312574557156918	in:0.14453979771972578	to:0.09218907899210019	with:0.07568120205854978	from:0.06516890778368861	for:0.06391153671069222	at:0.040745999874360894	by:0.03496687749559762	and:0.034271331894641106	:0.11726781175495198
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
the:0.5954011151311119	The:0.1289241312523354	tho:0.03842003166683006	of:0.034624409286663424	and:0.033740606840810226	that:0.0218185519810462	stock:0.019629423077036027	this:0.01744869206268873	a:0.016518782920951096	:0.0934742557805269
in:0.2810067400031167	of:0.20057748967401265	the:0.18934187728316118	In:0.06192471818691492	and:0.04387531628685414	by:0.03995297783284072	his:0.030053981177727507	an:0.029267301122481583	all:0.024706599715535384	:0.09929299871735518
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
of:0.36817578885963376	to:0.11076947608071802	in:0.08650177453723773	by:0.06052172034501094	and:0.059130631926824356	that:0.05887371347346977	on:0.05488452382338286	with:0.05144047949332066	from:0.03669730732084931	:0.1130045841395526
of:0.27729012029510164	in:0.13547098097122912	to:0.10761445461048424	and:0.07905017078913738	that:0.060875759589525374	In:0.05520332590186275	all:0.04879829855589465	with:0.04465897827132502	by:0.03687009965501041	:0.15416781136042942
recorded:0.5292483363344281	corded:0.04320236944900912	<s>:0.04199075494292374	and:0.015333253835952125	Monday:0.011423810147822741	situated:0.009502687152072772	filed:0.008246956567563114	held:0.0073551554419919625	in:0.00726975970885904	:0.3264269164193772
the:0.211892120772943	of:0.15304155414835974	and:0.08167878049694735	to:0.04929196881086108	a:0.04784900264420664	with:0.03804226246193828	in:0.03629892535336548	by:0.0284292408478428	on:0.023630710489546226	:0.3298454339739894
a:0.2120510131139882	the:0.1447339820397688	is:0.1187709130455646	no:0.09131701543500133	much:0.09104213602375177	or:0.0729989847205041	are:0.06591332257626532	and:0.0656409502767789	of:0.05115199266311075	:0.08637969010526625
of:0.2578257012213694	in:0.1401247198026584	the:0.10962207393693923	to:0.05848024642052347	for:0.04307022982155963	a:0.03391578764929841	on:0.032478662393450965	and:0.031419954197993996	In:0.024564566217929604	:0.26849805833827695
the:0.10496754577909226	of:0.08717199036651303	and:0.07411726588896764	to:0.06362778820888396	at:0.04668706321655632	a:0.043428830056495754	in:0.038032177069806064	.:0.03790694416229309	by:0.02220602387500581	:0.4818543713763861
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
a:0.159106635729302	and:0.10089280946843265	the:0.09155898539542276	under-:0.08096235397219088	was:0.07943483228208427	his:0.042058389635083786	one:0.039154629523500996	of:0.03754102194387461	by:0.03519616954866217	:0.33409417250144585
the:0.20849665906433557	and:0.1142767670160047	of:0.0996603529965147	The:0.06524073313159189	that:0.024980514504802553	these:0.01841332784867121	a:0.016378062967323737	or:0.01599964531259606	to:0.01465781744434432	:0.4218961197138153
of:0.30893068276357155	between:0.1022627028286747	in:0.0912317824069695	and:0.08716180288301997	for:0.08340978582734004	to:0.08165600473586285	that:0.052270056584734034	on:0.04426389814115279	by:0.0439683994715577	:0.10484488435711688
of:0.27175468321880464	to:0.13815273410370366	in:0.13296966621519818	for:0.08521412198459308	on:0.07021215058345794	at:0.054491523409826985	and:0.04868163183036879	from:0.04593925780550958	with:0.0358874195916845	:0.11669681125685263
and:0.15778666842537623	to:0.12173348091476627	the:0.10920499630034565	of:0.09657810343330342	in:0.031729378575704965	a:0.028145520055305046	be:0.024299123073262367	or:0.02259080173811744	is:0.01850230775048177	:0.38942961973333684
is:0.22807567861982064	was:0.14950006798960344	are:0.1099320543732436	ought:0.10289217307223149	and:0.05325523990299844	were:0.04676608594263899	do:0.04364633680618877	it:0.03886979964996613	Is:0.03650582808910874	:0.19055673555419977
the:0.34058898195474924	Court:0.3127532584081254	White:0.06422834087650987	The:0.03985938522244578	Custom:0.021713928816274958	Opera:0.020301137739452985	tho:0.012776589441634728	this:0.01169108370275827	States:0.01086340268693397	:0.16522389115111483
the:0.13176059970706558	of:0.1135059791658658	Mr.:0.06738335125518273	and:0.06288945023150325	that:0.036609919376956734	The:0.034943476481392566	in:0.02536506797106764	for:0.022587056788599194	as:0.02201859480662348	:0.482936504215743
;:0.05110908004283132	nothing:0.023396960531790807	and:0.01927064172855997	it,:0.019210371804394055	him,:0.014051472991395163	is:0.012938263540499288	time,:0.01200212797872395	them,:0.011515945702380504	,:0.008595257915022159	:0.8279098777644028
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.24208460859198386	and:0.12744912877491568	be:0.10203250763955551	to:0.09051373307205508	an:0.06588833571270486	a:0.04361389927969946	of:0.04282276743002703	was:0.03995949183203351	is:0.03152717392292306	:0.21410835374410192
of:0.44800580925469785	in:0.11624710555660377	to:0.08116264662152552	for:0.05423551812814329	by:0.053543967320087184	the:0.03675697514979051	on:0.033735916388627746	In:0.0291969227319561	from:0.020941994772667567	:0.1261731440759005
he:0.20786989413563015	I:0.10276935996300361	who:0.09330149586052307	they:0.06726709902526262	she:0.05434595869646194	and:0.04974755009242985	which:0.04388005821217511	He:0.03641445868141367	that:0.03592110807205212	:0.3084830172610479
of:0.35465516044816947	in:0.07054053296705755	and:0.07030003833688771	to:0.032313899683777014	the:0.030138614128490344	from:0.028362077057902817	by:0.027288423237217453	Mr.:0.022014928630100527	In:0.01723302768222749	:0.3471532978281696
deg.:0.0959703005653574	of:0.046340961077954275	.:0.04359971557224275	to:0.037098242024518814	deg:0.02947878547625316	Mr.:0.026229459963457387	degrees:0.0230332459096805	min.:0.02064935572739475	and:0.020524532188325652	:0.6570754014948154
there:0.23967468777519785	There:0.15961667647363528	they:0.12338597292917364	who:0.056001118666082886	and:0.0479695181660033	which:0.04762183788747762	They:0.03806210423652568	that:0.03181676566178695	we:0.02977239860014375	:0.22607891960397306
and:0.09468249737622518	depend:0.03875088893599322	based:0.03863406357657407	placed:0.0380392715961322	depends:0.03779424552216468	called:0.03705486424756454	down:0.03295251281941486	made:0.032658028953724605	effect:0.028685464570585545	:0.6207481624016211
and:0.05993839149298216	known:0.04374486971352591	men:0.03785562985710842	out:0.030440294343405973	land:0.02844153531715345	him:0.028201288052214384	them:0.026353710828450384	people:0.019238945394059636	friends:0.01909514454590354	:0.7066901904551961
of:0.2926425117975524	to:0.11491561345932486	in:0.08299852347023945	and:0.07499822455283754	on:0.063336558608552	with:0.06008852365096821	by:0.05633669457315129	that:0.05217049812292514	from:0.051097732668219195	:0.15141511909622993
and:0.16407569480988862	had:0.12920595700216986	have:0.11958387268679961	he:0.11765355530831818	has:0.1154591046503979	be:0.06844591253915534	I:0.06294201071578935	was:0.03679823506086421	which:0.03558705747592613	:0.15024859975069083
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
and:0.22497831462866738	he:0.10628320379832246	I:0.08741133301151652	have:0.08037226339491235	be:0.0583078467315382	the:0.05234218176125054	had:0.050687062816255846	was:0.049510592034611986	not:0.04666906723229561	:0.24343813459062913
of:0.3554393147322924	to:0.12069283826997325	in:0.09352077072068289	and:0.06963804252167645	that:0.05794614107009636	with:0.04596239132308226	for:0.040191741324714855	from:0.0395469811965641	by:0.035230345373329856	:0.14183143346758756
men:0.028338682320048544	time:0.015365180751539273	up:0.014269789030896367	hundred:0.013251660691819763	in:0.010768706389300145	out:0.009557619860042159	and:0.009471049257439601	principal:0.008960033837175278	made:0.008661058811460478	:0.8813562190502784
they:0.17020549475837582	who:0.07942546223405256	we:0.059816228825063204	which:0.058697619666380575	and:0.04872091571771842	They:0.04645417035361081	men:0.037280704490621215	I:0.027738833305221096	We:0.022471729373331802	:0.4491888412756245
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
up:0.059742153302260244	and:0.05155824137472079	went:0.04202636728668512	go:0.035485411513625054	as:0.03516057012667616	them:0.03110957722720821	came:0.030581709700008352	back:0.03025642429863969	down:0.02635985655219579	:0.6577196886179806
the:0.4117720138792285	The:0.08671174745169187	of:0.07896098220515758	this:0.0678261683546975	other:0.06738107945893618	in:0.04665171356086837	his:0.04331069467315713	these:0.04327075140411961	and:0.03367438961520055	:0.1204404593969427
the:0.8450033498011243	tho:0.05304777714421684	The:0.03753411522807594	tbe:0.017472975546513725	of:0.01350902749928591	and:0.0055366109604262715	a:0.004401955077791598	by:0.0034840106110702075	that:0.003461839744949644	:0.01654833838654549
and:0.10900244936529545	that:0.05957716405866333	was:0.0341321923873442	be:0.03142608957910278	as:0.030412224484437773	placed:0.02846302784231855	it:0.02812309038588701	is:0.025812736087666998	them:0.025775352538333834	:0.62727567327095
to:0.24814672849979388	who:0.09900761027908998	would:0.08140783404219745	they:0.07625544358223749	we:0.07157826903471415	I:0.070032996066988	will:0.05822147549181465	you:0.05709308253321189	and:0.048387854346176325	:0.18986870612377618
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
is:0.22239223296194982	be:0.19497063440777812	as:0.15133131661074334	was:0.10983037038271723	so:0.09059159670236992	are:0.06341515708909769	Is:0.04939281528348321	and:0.0481421424553916	not:0.030375630471428893	were:0.029558103635040155	:0.01
to:0.23610980323556066	and:0.13511881900324113	in:0.05235308266561143	all:0.04974345317806369	of:0.04906823250985794	was:0.04192224822186447	not:0.03812813693845807	I:0.03797107431055813	be:0.03052087355103134	:0.32906427638575314
the:0.23552649805602838	a:0.16647692304347175	of:0.14917522453202323	this:0.11244297169894593	his:0.07610297900592077	in:0.0616504054890058	to:0.057827887389671824	that:0.03220493774104647	last:0.03209264907271328	:0.07649952397117259
the:0.17400946547346474	of:0.1005591321511009	and:0.08826614949155956	to:0.0453668567978259	a:0.03974407148603198	in:0.033718444319693695	Mr.:0.02556230257880391	that:0.021067176133362783	this:0.01874834427166031	:0.4529580572964962
and:0.09117560965046155	is:0.07138438832695539	began:0.06449538896238498	able:0.05271654476128398	him:0.04604490944624556	go:0.04554852395446974	as:0.04477151354646006	was:0.04124121952171892	ready:0.04097633664775225	:0.5016455651822675
of:0.07480542117919003	<s>:0.04052978351986655	to:0.029469415127791696	him.:0.019166033155725973	it.:0.017491400416982442	that:0.01572428458706076	and:0.015501008522678467	in:0.015384779450756246	years.:0.013253583308496991	:0.7586742907314509
A.:0.43360557090372076	J.:0.07212770841445257	.:0.06255321229566484	John:0.05207851210537079	W.:0.044351403316365653	C.:0.02567972199559769	Washington,:0.023637131543785533	E.:0.020869484679730137	H.:0.02085967387763711	:0.24423758086767494
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
the:0.1376864072258645	of:0.10158183311040732	and:0.09643064594485966	a:0.0633633470943813	to:0.05454627787357334	at:0.03525117082441449	in:0.026258161793649638	on:0.02464887747688778	was:0.017921337863363408	:0.44231194079259856
of:0.21030354194379108	and:0.1410775833298136	in:0.10403343649825787	with:0.08459492879502785	to:0.08236173980853444	for:0.062334351357193854	that:0.05431989460073243	by:0.04487330906084482	at:0.04112867941551489	:0.17497253519028919
the:0.28820819031272676	a:0.07987216883235336	of:0.07277355562599283	and:0.05959496593436513	in:0.03256053809235269	two:0.025578906396432937	or:0.022796347210651987	The:0.021274109138688664	tho:0.01721283117081193	:0.3801283872856237
New:0.17694740649397067	of:0.13485976199945218	the:0.12609628459705155	in:0.07902863107009712	and:0.05120453603849916	a:0.04856140680200178	his:0.030439073782394018	dis-:0.025343769575521046	to:0.023387944764570474	:0.30413118487644203
and:0.08499789743315106	as:0.07230325637184033	way:0.029497370760572295	time:0.020718118605887948	is:0.019102377525720814	said:0.01869077989552704	referred:0.01815365149351867	subject:0.01735800622368556	him:0.016699663343601203	:0.702478878346495
the:0.18993880449201844	of:0.11639210830738761	and:0.08735698721996352	Mr.:0.04797666771675121	a:0.04136447797506552	to:0.030717163312382403	The:0.02649997786553738	.:0.022960452586241215	by:0.020277340511229532	:0.4165160200134232
at:0.25552581422027815	to:0.07514880268264362	No.:0.07329557945226547	of:0.07076310931724207	and:0.06302834329805786	a:0.023986855552827282	from:0.02224123552091963	.:0.020323762276145768	by:0.01693941422109474	:0.3787470834585254
of:0.1977873672047701	in:0.09614992803725511	to:0.03493458105267395	for:0.03346083223874186	and:0.0331953806009568	from:0.032640201907701664	upon:0.025208940174412487	that:0.024755386809916312	on:0.024448632563701583	:0.49741874940987013
has:0.443880484193916	had:0.19125541337578786	have:0.17234867094548761	lias:0.031194159404487835	and:0.02362759349260155	having:0.0191176780130668	he:0.01643673980699601	which:0.014364355653170936	who:0.0138794972698284	:0.07389540784465698
as:0.32064783300273475	and:0.07020835064398837	is:0.03495781959694681	seems:0.03211613644086681	not:0.03200466438453172	seemed:0.030075741973794663	it:0.027959725544490457	come:0.024701338230842976	referred:0.023094563664056805	:0.40423382651774664
<s>:0.08661829860427782	it.:0.03228327337061434	them.:0.021790721361047656	him.:0.01823053803685412	us.:0.014110770093798472	day.:0.0132720526352466	time.:0.009256191370663431	way.:0.008693529937744028	and:0.008535250085811989	:0.7872093745039416
the:0.43659316135666987	The:0.13579537606906528	few:0.08658326209237459	these:0.064244916234712	no:0.043397499794335	a:0.04176132492707474	two:0.036814074508094125	other:0.03166755521508835	of:0.031379318775858665	:0.09176351102672738
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.22070100985644897	of:0.09480042365482616	a:0.06542850014365104	and:0.0642619086020835	to:0.056601613816981006	that:0.035436857267602866	for:0.029034397255002314	by:0.028828410549835252	at:0.026033374581946184	:0.3788735042716227
and:0.11855345980160215	that:0.04834655291398339	made:0.0378194600336547	is:0.03527537111848093	was:0.03499608325061649	placed:0.02838596072187782	as:0.025722738445492364	be:0.025414814918467716	or:0.02501953233801765	:0.6204660264578068
of:0.3838491432847543	to:0.15944317131333685	in:0.07840085759842302	by:0.061464319543815635	that:0.05669494716952944	and:0.056689380166043135	In:0.03214990933481186	from:0.031234050223553078	for:0.030208673715689992	:0.10986554765004274
was:0.13839146280287365	not:0.1111946176600516	and:0.09868938134613806	is:0.09788302940239393	to:0.06208696937644544	are:0.056975202757184214	be:0.05542030127499317	were:0.05149321038232315	been:0.04099167770481889	:0.2868741472927779
of:0.20049164813437464	in:0.14164889230278	at:0.11799612469470523	to:0.10805733829235892	and:0.07080272692268391	on:0.06624397867355822	In:0.05530128686766816	At:0.05409308602139609	with:0.042837581200100526	:0.14252733689037428
of:0.35786233287513447	in:0.3157541188175992	to:0.08551562757768857	In:0.05400356926463127	for:0.03658767253243935	by:0.03405949167205674	from:0.030112118107386492	that:0.026334092969945534	and:0.023044326307172028	:0.036726649875946385
away:0.06925205172028555	and:0.06007808449668492	taken:0.04760906637168378	miles:0.0428166599829834	feet:0.03837562943164214	come:0.026889243450533045	them:0.026073675669967263	out:0.02484981837258804	came:0.02410733092637395	:0.6399484395772579
with:0.16732318153961473	of:0.1581254471540315	the:0.15416949342924285	and:0.14838120925902698	an:0.0922851403552822	their:0.0451775528499689	no:0.044855484288063324	any:0.03686843574351955	as:0.031017498042739004	:0.12179655733851097
<s>:0.03992632265758468	manner:0.03326913725728521	and:0.0232635023046438	that:0.02197088632605459	land:0.010114711611678356	way:0.008892368679972295	money:0.00880890739265093	it:0.008269574915294967	work:0.007990849453376381	:0.8374937394014588
the:0.7534835855758021	and:0.050578630962446226	The:0.03521043357864417	tho:0.029533007586895182	a:0.02348705110546077	permanent:0.018696924600172887	of:0.016136850192909582	or:0.014317953246951079	in:0.01361022409502395	:0.04494533905569403
they:0.13480086370020142	I:0.1157280532538064	he:0.08882460798865753	who:0.06345421583153323	and:0.05645518515025672	we:0.05420656535232376	They:0.045571662771792004	there:0.0332257925173118	men:0.02976730846912338	:0.37796574496499374
have:0.27527764806109156	had:0.19807157909312145	be:0.1106660513406429	has:0.09793278116824863	was:0.06781740831561427	he:0.06424396520573764	I:0.050199259559756265	been:0.04582927896173142	and:0.04057392838707333	:0.049388099906982535
the:0.19061695361287265	a:0.14041255515988155	of:0.07992152109581542	and:0.06992640204187661	to:0.06308496466756996	in:0.04412418792508066	his:0.025716721860892813	with:0.017213983867143578	an:0.016878045672308616	:0.35210466409655816
to:0.3001961733862119	the:0.12440308342009172	and:0.06759007793800638	not:0.052716406919939944	this:0.03915989452797684	in:0.030255811055420908	of:0.02892880032798355	will:0.02825213830939911	may:0.027780046884162017	:0.3007175672308076
<s>:0.0902194251088351	it.:0.02202268026160413	them.:0.018130224591470144	us.:0.015184296497702492	day.:0.010656939479299389	him.:0.009067499156490995	years.:0.008446648614412458	country.:0.008158787426757923	and:0.008023960502902602	:0.8100895383605248
lots:0.24486687995348433	from:0.07773951659749204	at:0.06214315916472868	Lots:0.060684480934521126	No.:0.05867011446882221	and:0.044194917927660976	an:0.02839586126958206	of:0.02621174910969339	the:0.024870542651511403	:0.3722227779225038
the:0.13321303691828681	of:0.11030344488397249	in:0.09706388198721799	and:0.05827490227020332	to:0.03765102908729309	for:0.03634108375826946	In:0.02269457997618823	a:0.019222600469015243	by:0.017248972335068762	:0.4679864683144846
and:0.10771429496195964	was:0.08243168818636402	is:0.05691386509438326	be:0.04034375647942941	been:0.037584865834425434	made:0.02946465459573823	are:0.029191867053005686	that:0.028598459257963248	not:0.02845592815699328	:0.5593006203797378
the:0.5190960696006941	of:0.13249352760884378	and:0.06408335260611518	The:0.04575614464314584	tho:0.03940993516529604	no:0.0252535438150686	their:0.020569362403364846	a:0.01976646466806355	by:0.019754913204729656	:0.11381668628467846
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.22376675678896588	and:0.11894565519471034	to:0.10285864248691212	a:0.08975179393917965	of:0.08399001975735913	be:0.0509749888196219	his:0.037793003813015216	was:0.03609926906814657	The:0.033179033099978154	:0.22264083703211104
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.11460600361372933	laid:0.053777665214042834	put:0.049303718760361985	sat:0.04397107716204627	went:0.04380097063564163	came:0.041075184956861625	it:0.03933502415359	lay:0.03611253982992894	come:0.03268485194880728	:0.5453329637249901
the:0.38406004436132996	of:0.18381165056382243	and:0.11625938806687636	in:0.04167269640576663	The:0.03720464921483171	with:0.026013271135715558	tho:0.02430506843671238	by:0.018649749139012958	as:0.01827000229089016	:0.14975348038504183
and:0.07356187177184594	him:0.06101728081640613	is:0.05778944836760529	not:0.04845774864897596	was:0.04749219290637261	them:0.042472904758339564	have:0.04241624596878469	had:0.04073247507503145	as:0.039300779321008186	:0.5467590523656302
and:0.11581373767837377	of:0.09874492887890648	for:0.037918134923795116	on:0.0361263995203914	in:0.03268758447303498	to:0.02913940066737545	that:0.024057591451706363	from:0.01771324712357513	by:0.01658289498606066	:0.5912160802967806
and:0.09421774065471863	as:0.09242018517481641	time:0.05444640755822317	necessary:0.05350104639021579	enough:0.05348698981430839	is:0.04930215228199572	order:0.04905770331297093	able:0.048636038286169005	them:0.038657855096347504	:0.46627388143023446
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
and:0.11521002652180307	It:0.09222178705785088	it:0.06889750899955047	that:0.047049218643905925	which:0.04103052029439843	he:0.023704399152911896	is:0.02147704893331253	<s>:0.01901292837088312	but:0.013081559349563985	:0.5583150026758197
be:0.22445201265589182	was:0.1870864580179647	is:0.10091204049447593	been:0.0860195598856005	and:0.07820230145489718	are:0.07711846532294163	were:0.07570625935523664	he:0.05637932334708153	being:0.025910410660755036	:0.08821316880515503
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
the:0.7294030002544625	a:0.07466643301528504	The:0.03153123395521	tho:0.02332282945202514	any:0.015216466976164399	this:0.014863963474955472	tbe:0.010322183073069499	first:0.008860350041560962	high:0.008252620764191367	:0.08356091899307562
he:0.17301592994057766	it:0.09489131975105507	and:0.09080450137909507	who:0.07337743927079116	which:0.06467956182691516	It:0.057823330385520025	He:0.05275997331012988	that:0.051227610192713595	she:0.03889023549774483	:0.3025300984454576
and:0.0793828315152381	has:0.07040588908277856	of:0.05788893267915832	which:0.057476149946757774	the:0.05628532843982875	have:0.052173058144137266	had:0.04304510449343966	to:0.04265668777708361	as:0.03704059743310469	:0.5036454204884733
and:0.24450424342641733	of:0.2227438410934938	the:0.10862011780672184	to:0.05484795064453466	in:0.038466005818741635	for:0.03440844509064178	that:0.02980071792599858	by:0.026529414871440796	with:0.026461147583123505	:0.21361811573888606
the:0.2266867370793355	of:0.15552016725855222	in:0.08914890678383959	and:0.05614419184881246	to:0.03291585807473905	a:0.029496637132082854	that:0.026775019163753636	In:0.026554201968074072	for:0.024108825337863064	:0.33264945535294754
the:0.10474038413955195	of:0.07186487721135203	and:0.06643072562192762	a:0.05877895208854047	to:0.050053655004591295	in:0.03566736795546962	by:0.03125726783741102	at:0.026417185298963572	for:0.026342583968485746	:0.5284470008737067
hereby:0.16313780648739878	be:0.15822500183160534	was:0.14318473605143495	and:0.10658083621618769	is:0.08453821067982632	been:0.07562149341470983	duly:0.05492703721430662	as:0.044368084219342165	were:0.04322630976059208	:0.1261904841245962
is:0.17259142955892112	ought:0.08272961521902446	are:0.08056057458647582	seems:0.07558392967483372	was:0.06572888558670693	not:0.06439114674223405	said:0.05149586598076354	seemed:0.04272828164381891	as:0.041024869025136954	:0.3231654019820845
the:0.49590232801756284	of:0.07935747478731615	this:0.07232077289167536	any:0.06392820716056831	a:0.048234815175553405	and:0.04110992632413626	said:0.027759502792049126	County,:0.023729501081645964	tho:0.020632643587227106	:0.12702482818226546
day:0.08185004114352579	out:0.07195029483206025	side:0.03420275631056278	number:0.033660325244539296	means:0.030669102583319622	point:0.02443189988547875	one:0.019613872587173325	place:0.019403442322525215	purpose:0.018732864514526416	:0.6654854005762886
the:0.2736728817408305	of:0.14076078863158537	a:0.09941837013481172	this:0.058125307558422906	in:0.05106696633947727	his:0.0405320521314214	on:0.03481370802792464	by:0.03032741756066254	and:0.02460642537670166	:0.24667608249816197
and:0.18000726411130824	said:0.10109705394995844	fact:0.06528395459074089	stated:0.05302264213713355	so:0.04517641253901115	him:0.03871021418260112	know:0.03725473856966339	say:0.029084524660267504	is:0.028698334626685935	:0.42166486063262976
the:0.39800755549393546	an:0.11351017056673765	years:0.1027785477396001	of:0.10120080699812282	his:0.04581111771335186	good:0.03698087855332754	their:0.029291106381784858	very:0.025592477112631767	tho:0.024310910154034394	:0.12251642928647354
of:0.11690508211977808	and:0.08506526109596341	to:0.07020317752725898	that:0.07003106277263911	by:0.06174993379723965	<s>:0.03806828473792376	as:0.02942978237911792	with:0.028569679573238888	which:0.020422424110410703	:0.47955531188642947
be:0.20037775489565451	was:0.19527985389803085	been:0.12990670001970908	is:0.07423765895623358	were:0.07369619080367386	and:0.061774693708341856	Action:0.057470491167890964	are:0.04968755789535415	being:0.035425795736994524	:0.12214330291811663
and:0.071173104850156	according:0.06346541987096775	as:0.0554379979333024	up:0.05415163187580366	went:0.05348806424220626	go:0.046070230618213574	down:0.04552423784023091	subject:0.03646407642801668	back:0.03462663030419494	:0.5395986060369078
and:0.2061485713705332	about:0.18397193583124533	or:0.13363984686944652	than:0.06748316381748658	of:0.06684735208472668	least:0.05610273301803128	west:0.04323992041059601	hundred:0.041387175094317025	east:0.03627972259059609	:0.1648995789130213
it:0.16688975287350227	he:0.12621999569722347	It:0.1050878203016805	I:0.07525612483431166	which:0.06286166006432448	and:0.04838109235794837	He:0.03955595227368417	who:0.034325603712885976	that:0.029857457704042602	:0.31156454018039653
the:0.16034095759089487	of:0.08337930770201633	and:0.08167606873219838	a:0.06797230011329618	to:0.06200499524654075	be:0.030872590248614943	was:0.024646243111901316	or:0.02030169971211091	is:0.017847106309518128	:0.4509587312329082
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.19466672131519716	a:0.09413134900911205	of:0.08121785325950204	and:0.058600378892892185	in:0.038652018526927595	Mr.:0.0366294974322452	to:0.03538761288693941	The:0.03232576015503898	his:0.020743507242144656	:0.40764530128000076
the:0.1957366689312998	of:0.12394983779215435	and:0.06381778281665965	a:0.0550503770034518	to:0.04734098835975284	be:0.03631581363119324	was:0.028483159442301724	his:0.027168244725169363	in:0.02428861656549176	:0.3978485107325255
be:0.09745511216987043	and:0.08857306480415586	never:0.06771079180047454	he:0.0645948344319904	have:0.06384045019999807	I:0.055658849551979604	was:0.05403364146100806	is:0.05325071960633281	they:0.04475995723976265	:0.41012257873442753
is:0.20995142563213318	and:0.13706670477368252	was:0.1332257589378552	have:0.0686816167756605	had:0.06190395694706812	that:0.05138845752501512	do:0.04830435833677295	say:0.041519308656773175	Is:0.040783942090736665	:0.20717447032430253
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
<s>:0.027210482769269538	it.:0.023579868754567756	him.:0.014761844689702203	them.:0.014576594672967815	time.:0.007200989504645252	day.:0.006487713976892431	.:0.006258324158373179	again.:0.005803023011229191	all.:0.005477100913709749	:0.8886440575486428
the:0.15676759060377146	of:0.09585176101063159	and:0.0765590794845677	a:0.04673912159187728	was:0.03239607826331756	Mr.:0.024757875127117475	to:0.02462730405479784	that:0.02394682843589941	The:0.023852095499903938	:0.49450226592811575
<s>:0.08189857624640334	and:0.07963867700765191	of:0.03999134283431419	to:0.03938680132944478	for:0.02406115041033875	them.:0.0200312827187539	it.:0.01678343568015245	in:0.016617211328031595	the:0.01572011743023408	:0.665871405014675
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.2786863266953637	in:0.1432704543058693	to:0.11279064374584272	for:0.08268658938976789	and:0.07735117020645453	on:0.05635224460605471	with:0.05558528335690884	that:0.054416323707198816	by:0.05254159720697771	:0.0863193667795618
be:0.1876470827322745	have:0.13399446036385132	and:0.12752537275391151	was:0.09222311809696515	had:0.0652183150711708	been:0.06009295921009364	he:0.06008538877719085	has:0.058542061198632186	were:0.04630735358862127	:0.16836388820728873
W:0.10885086180981304	M:0.08962385808542442	J:0.08815037885305665	C:0.08144449491961595	S:0.07565573974651656	E:0.07480965297703332	A:0.07089097266370924	H:0.06872129070148511	B:0.06456748181320644	:0.2772852684301393
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.2635438870245752	of:0.2614732094151628	and:0.12469329142643883	a:0.037184691886710586	in:0.034021625420465496	for:0.02533430984215787	The:0.02155602845948777	with:0.01943855375019777	to:0.017672820003848927	:0.19508158277095478
is:0.2380598924524132	be:0.1940353928845435	was:0.12223369962235185	are:0.08921641562398507	amount:0.08582122035427031	Is:0.0360098339821344	now:0.03569281387424605	been:0.03505585469775737	were:0.02993169083099452	:0.1339431856773037
a:0.6143218345416028	the:0.1214369353856578	in:0.04908289937609334	his:0.044991336206677036	and:0.036106522440074354	very:0.03118714232845086	of:0.0284832784373307	most:0.025029176372254377	its:0.014188184906491626	:0.035172690005367116
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
for:0.19903507900221515	about:0.13292384542271413	of:0.12758401134745456	than:0.11036935910214374	past:0.09647672826941256	or:0.07838087743226832	and:0.07522616041552274	the:0.05957509510260514	last:0.05154549334306489	:0.06888335056259876
be:0.22691840868156646	was:0.21459941989859443	is:0.1072859704226824	were:0.05897435996328843	been:0.05408568278002285	he:0.05271229051189992	and:0.04767578485669527	are:0.04459694088319134	being:0.03133046537856693	:0.16182067662349195
and:0.19047888093746124	have:0.14593362230276338	had:0.10757393604275078	I:0.10113793213775459	has:0.06764406983483709	he:0.0605648913575663	they:0.04504592364033135	never:0.043750148878835014	it:0.04292699633711703	:0.19494359853058324
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
he:0.18733828285607393	it:0.17433348738086127	they:0.10752314972265517	It:0.09609719701841689	I:0.06973128401339104	that:0.04393819514901867	we:0.042219762376550264	who:0.0412383621158049	she:0.039715373584194455	:0.19786490578303342
the:0.35523831670485306	of:0.11824882092461868	and:0.09588213053668133	a:0.08545064435533493	for:0.058505769089814946	The:0.051642761827219066	their:0.0311445645856505	to:0.029510552651217915	by:0.026591344954250865	:0.1477850943703587
the:0.33445514132523824	The:0.12506979612342592	Mr.:0.0472768843275293	and:0.03876119535977667	Daily:0.03353999887864359	his:0.0249420959660019	Newport:0.024271918476711517	of:0.022635198420199096	said:0.022590099386600802	:0.326457671735873
the:0.39694565065116916	a:0.07960958569252298	and:0.04993579845200135	tho:0.034143092155421544	of:0.02502916188787053	The:0.023972074338483702	tbe:0.019790019028839926	in:0.017554817071606468	or:0.017322798758582843	:0.3356970019635015
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
of:0.19366070569213534	the:0.1121171322210983	a:0.10946825119230925	and:0.077627106166962	to:0.07081464741904812	for:0.05465212802010809	in:0.04460072807002852	with:0.0312824770748155	or:0.02651844515590348	:0.27925837898759137
to:0.48218283414198515	had:0.09943393019507395	will:0.09869420483527416	have:0.051098705162747025	not:0.04542029830547452	has:0.044669440673029005	and:0.041948778810032866	would:0.03428227622094419	I:0.024589880332286505	:0.07767965132315265
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
the:0.1490200984978787	of:0.12475784060124713	and:0.08332622964215788	to:0.05867845548911974	be:0.058590683649372324	a:0.04942649770895696	in:0.03191216801432571	was:0.028354276095852542	is:0.02656627788943941	:0.3893674724116496
of:0.37801987687800326	in:0.15284081557092635	to:0.08778938466228974	In:0.04700816141813068	that:0.04252946715914091	for:0.04167777519437705	by:0.03795272869101662	and:0.03672477113784621	on:0.035641453486719196	:0.13981556580155
the:0.13264142302453788	and:0.11176080903058162	to:0.0781136421143708	of:0.07719893999291987	a:0.0688982060457412	in:0.05920965235424849	was:0.04673743374996631	be:0.03838395842594805	his:0.0303296452534337	:0.35672629000825207
p.:0.2170031967087727	a.:0.14650441478372245	of:0.03467141308087098	p:0.028511942322525262	.:0.024256348611606485	at:0.019220579034873363	by:0.018237752736502306	the:0.014577113183954984	said:0.012398337608596507	:0.484618901928575
of:0.3575961017240896	the:0.25439072915974775	and:0.057750327390304786	for:0.03703064129166954	The:0.03437676008318527	such:0.03104795952242899	other:0.030435940650607233	a:0.024343793981868478	all:0.022694040720448463	:0.15033370547564992
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
the:0.17853814565867898	a:0.13075420630756807	of:0.1298774748508188	and:0.10815144894952206	to:0.10013525032822476	no:0.05088316430113685	in:0.04650331584490913	at:0.04504382904045468	not:0.04143334479360897	:0.16867981992507772
of:0.4010096413171902	in:0.10037584196876558	for:0.08709353606213892	and:0.06473868865113082	that:0.06388289006114854	to:0.06259698694757813	with:0.055025047438323725	all:0.052705918274601964	from:0.04098501954914764	:0.07158642972997452
to:0.744785744210384	will:0.0654956433887342	and:0.04355894192546314	not:0.038925243161013964	would:0.0310606672140349	can:0.013112117675277724	could:0.009223806840276872	To:0.008793611597459429	of:0.006529842335567643	:0.038514381651788075
thence:0.32197943896985565	and:0.050776743892772286	east:0.048043377617030744	two:0.04360752540588811	feet:0.04215582676236521	north:0.040785782190195304	west:0.0398825597769499	all:0.03285257015596583	south:0.03014335181161914	:0.3497728234173578
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
;:0.04180507875746951	is:0.027896428568593333	nothing:0.02387734620198421	are:0.015080021303589848	to:0.014051581641845596	and:0.013466186925222267	was:0.010463797181423063	cannot:0.010460249778094923	it,:0.010222948128716148	:0.8326763615130611
the:0.3860310649883897	in:0.06490053645922637	of:0.05406547405049446	and:0.04784882490432951	his:0.03698513537665342	an:0.03283887157106506	a:0.029603927519874486	The:0.029533253809657347	tho:0.0257608654031947	:0.2924320459171149
no:0.22741059575637274	a:0.16227836511510937	and:0.09194302895468827	or:0.09118260433531798	much:0.08567592911465802	the:0.08010607610543455	is:0.07891518761465027	any:0.0516002408073988	not:0.04555221144530357	:0.08533576075106644
or:0.2202100548504856	for:0.15734851854173024	of:0.118882960768356	and:0.09845857585060257	the:0.08727833432039439	about:0.0847800667997944	in:0.05585062554975614	at:0.05013658886346283	a:0.04030749826797755	:0.08674677618744028
a:0.503796814396552	of:0.15382206474227333	the:0.06111176185176052	with:0.05043362771849575	and:0.03851246542289951	make:0.03184161220847138	A:0.031149916463562348	as:0.029539621609550648	in:0.02708751831705392	:0.07270459726938064
the:0.169123373026678	of:0.10497154947527229	and:0.07266431541621465	a:0.056309765160557294	to:0.053721079697297745	was:0.02861411457258916	be:0.02791642277896183	in:0.022676803489143832	is:0.022627446812614763	:0.44137512957067043
accrue:0.1250732000732035	and:0.08998613712116336	called:0.04213306910788753	made:0.04032770988120024	effect:0.033500681623175634	look:0.030315523128992796	depend:0.030200343247001594	that:0.025288871554781194	imposed:0.022663940577435683	:0.5605105236851585
the:0.07687622306821405	and:0.06044740630954683	of:0.04547397762573842	to:0.04495352162774399	a:0.027121208846052597	Havre:0.019894430125544236	said:0.018901987175594423	crepe:0.017678162161019098	an:0.01502603676242191	:0.6736270462981244
of:0.36123412214628414	to:0.10125082179090406	in:0.08817926176601189	and:0.08331412708172647	that:0.08173086928812813	for:0.052213056088706536	by:0.048876021756201	as:0.0407515807127377	with:0.03175718203487931	:0.11069295733442074
and:0.12596253371482474	demand:0.038395993270483125	candidate:0.029494562447198537	but:0.02520752910752226	time:0.024246912643312083	it:0.02410824714033688	that:0.023852405905486644	used:0.023506397814975474	vote:0.019314811175160415	:0.6659106067806998
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
time:0.026325164372353892	more:0.024642917445122793	in:0.016460378009139878	men:0.014725993698505796	man:0.014566108925110698	him:0.013309558267849743	out:0.013060767779927956	large:0.010904534734594745	it:0.010863928241002149	:0.8551406485263924
the:0.23363970241465482	a:0.22817917252462985	last:0.166937764054422	this:0.09069267562152604	one:0.06063079949399293	next:0.05743073969547553	every:0.04750268005147009	per:0.04506576243066032	each:0.024941561940671087	:0.04497914177249733
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
the:0.17270350189149897	of:0.13908102856543003	for:0.12491161356842405	and:0.07043617548056381	in:0.044901022575147595	a:0.04118382122787732	to:0.03457578435143348	all:0.021724471732012682	by:0.015793987476360658	:0.3346885931312514
the:0.1716651147218746	of:0.12017241105327997	and:0.06386540135415332	a:0.04084798884730423	Mr.:0.0295575201857318	to:0.024580687676458077	The:0.022760397743127582	in:0.021585930007273133	that:0.015025355563077632	:0.4899391928477197
is:0.18972946248636194	have:0.146127039607109	had:0.1339513858126289	was:0.09227501710467406	has:0.08387773797547021	that:0.0807889779299187	and:0.0705403593371523	be:0.05318753434650576	made:0.035852680695645685	:0.11366980470453349
the:0.1564714741985996	of:0.14242791455171744	to:0.12800483496082213	in:0.08807118242279893	at:0.07686981297025643	a:0.057489876359906586	on:0.04449592992533525	and:0.043950455306935594	that:0.02140815120004461	:0.24081036810358342
of:0.27981277537789645	and:0.11836564765683255	to:0.10871129791868353	that:0.06482159297879399	in:0.061412304894064844	with:0.06033043080988611	for:0.057853587404027816	all:0.057340828343569246	is:0.052421181571612595	:0.1389303530446329
<s>:0.11641827282935946	it.:0.03078220725035143	them.:0.017720561560076422	us.:0.01363191607225989	country.:0.010614598619002767	day.:0.009650195363476796	and:0.009532689798263059	time.:0.008929075653659618	him.:0.008909962139334884	:0.7738105207142156
of:0.38548366475109314	in:0.12669378515733362	to:0.09649792657573976	for:0.06563963124783886	and:0.058457151094925684	by:0.05248886848091205	that:0.04796655187357666	on:0.04198141468621957	with:0.035569412091572876	:0.08922159404078779
the:0.18993880449201844	of:0.11639210830738761	and:0.08735698721996352	Mr.:0.04797666771675121	a:0.04136447797506552	to:0.030717163312382403	The:0.02649997786553738	.:0.022960452586241215	by:0.020277340511229532	:0.4165160200134232
the:0.1844441770319582	south:0.17270827545777226	north:0.14758809253716265	east:0.13312266834521988	west:0.11740281509508677	one:0.056493289570540436	other:0.04689442941036244	either:0.029527928032793346	a:0.026020376492630268	:0.0857979480264738
of:0.30473492444843625	to:0.11153800346307673	in:0.10166257690695385	at:0.07327978962407757	on:0.06436506692254712	and:0.05152401417373993	by:0.05139459344746552	for:0.04590735926862809	with:0.04237941242951543	:0.15321425931555951
and:0.08362943294997585	together:0.07769806815080653	connected:0.0635902168573379	connection:0.06228367212358626	accordance:0.047530813078388766	comply:0.026000666542743977	acquainted:0.023189098613704624	compared:0.02214887744238745	contact:0.01973810078197255	:0.574191053459096
in:0.1503537230983529	and:0.12090968327368529	for:0.1068328216536227	of:0.10193197520235167	was:0.10133599613140262	is:0.08799717988723171	to:0.06742160919547473	with:0.0551782619440437	In:0.0482157528039993	:0.1598229968098354
of:0.2140284057678995	and:0.12754487397280917	that:0.10042140094111113	if:0.09974734682000008	any:0.061910635822388045	If:0.05567444574865982	for:0.04526389623713153	all:0.04114144729283117	to:0.04078982197857356	:0.213477725418596
the:0.26473022636348115	and:0.11110434360103265	a:0.08747365471139787	of:0.07684697971159747	to:0.05236456210192894	in:0.02121109045270671	that:0.018649888686854868	The:0.017723104624445093	be-:0.016278399508576114	:0.3336177502379791
and:0.15001188352477832	the:0.1115963250707473	a:0.08773634951894745	to:0.06359147262444309	his:0.03966344357119323	I:0.03719159330836157	her:0.03511699017334654	he:0.03491922841526473	one:0.031142924878388344	:0.40902978891452946
the:0.36511926953564006	of:0.27463406284815395	on:0.1209980070653564	in:0.06250299937551425	and:0.02500908931987138	for:0.017303176092024336	tho:0.01611213735029711	with:0.013843779615065546	this:0.013714592913955659	:0.09076288588412129
to:0.5442483903741634	will:0.11283086625870635	would:0.07685309120960326	not:0.055520897646547406	can:0.0546699806005531	and:0.034288261441152205	I:0.032214281655143194	may:0.031816609082536175	could:0.02678614659083395	:0.030771475140760975
the:0.14773084675710904	and:0.12998877578006512	of:0.1287436932066753	a:0.05211508628254506	to:0.030557929501212555	that:0.030122568609628256	or:0.02663027627215573	in:0.021986018679158597	be:0.02098203719347106	:0.41114276771797925
on:0.20993569704057904	of:0.18694740757935688	in:0.1475307757096513	to:0.12713602164875615	at:0.08454680785708253	from:0.06141139752863743	for:0.04397138087513402	In:0.04194927258813154	and:0.034509811317505606	:0.062061427855165496
away:0.09770646566849965	and:0.07501247912930689	taken:0.05761575945283907	come:0.04264261482583526	came:0.040003500825972274	him:0.034197788886333014	them:0.03376206134646781	it:0.02834034090593571	received:0.024152916470165844	:0.5665660724886444
and:0.13130204547848093	to:0.1236753343123462	that:0.10936979338130945	will:0.10648021190550856	would:0.09414030729997182	which:0.07705653390854487	when:0.04936851754688096	but:0.04745793753069046	should:0.03961312939136039	:0.22153618924490637
and:0.13263084432377326	of:0.1266233192475734	the:0.12072926579988355	a:0.1122448872307992	be:0.10208484680404857	is:0.08277076363298398	much:0.06810755072797299	was:0.06143408980788234	to:0.05651163329967244	:0.13686279912541027
is:0.3906004059039942	are:0.32644998207034354	Is:0.059421257720852244	was:0.050898552575254614	and:0.045519042812260276	am:0.02202305813297368	be:0.022011345355920753	were:0.01988727312717976	has:0.015116654091422559	:0.048072428209798373
and:0.13930693184015489	is:0.1369041732412834	so:0.11828612457832144	are:0.0936469447544294	too:0.06717526317878857	was:0.05844046934348224	have:0.0535018391478496	very:0.04791102106550657	a:0.045443117547081045	:0.23938411530310283
be:0.14633613035422596	was:0.11915243811825305	have:0.11480471212277689	he:0.10735131276595208	so:0.10698559618259991	has:0.08030446782619527	had:0.07210428350155568	is:0.07169685460468593	I:0.06476994164770185	:0.1164942628760534
city:0.009680795665624653	hundred:0.008651630860989981	State:0.008233711093787417	1:0.008137366889768918	John:0.008090157471477566	;:0.008020245297710811	men:0.007387147725470039	wife:0.007337860632639327	gold:0.007170977032351624	:0.9272901073301797
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
to:0.43344092985124444	and:0.11072678064006701	a:0.06287040277216167	not:0.05678387446801948	we:0.04559492271206604	will:0.03282031596495694	I:0.02982114781679811	would:0.026918065248817548	they:0.025636014012341914	:0.17538754651352684
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
and:0.09377129454296322	was:0.04271315341537484	out:0.028524574363226172	that:0.02811573968936019	placed:0.027131868575018914	work:0.02578173844450971	made:0.024681420068921236	is:0.024021050156212566	up:0.023509378606325886	:0.6817497821380872
Mr.:0.09485626425208118	Mrs.:0.06762738060248816	.:0.0479375964032774	and:0.043615202491726054	o'clock:0.02653249558072967	C.:0.02647530829368063	John:0.022775210691802036	Dr.:0.021329555745461862	of:0.01753726940228978	:0.6313137165364632
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
and:0.10466368863392646	well:0.06334100313938278	so:0.051656700786368144	far:0.039548002707420406	long:0.03921127843653979	soon:0.035536977446204064	just:0.03465139368236798	much:0.030822074908900293	but:0.02684281042214808	:0.573726069836742
to:0.39425946984997756	for:0.09121121574807195	of:0.09118217335632753	and:0.054579055200386216	in:0.05268378455989246	as:0.03377431333544196	can:0.03352362413489352	not:0.03332132025144662	with:0.03213168706352433	:0.18333335650003782
a:0.19207242579498446	the:0.1588096899905541	to:0.07811063649051668	and:0.07742664819150626	his:0.0769135032837208	of:0.06301619168372063	I:0.05297785589857885	her:0.039219983558672754	my:0.027464221179436067	:0.2339888439283094
and:0.09459184455064815	men:0.08028173331847586	I:0.05496816505573441	you:0.046700197284941763	that:0.041808001796446906	he:0.03709300378254309	man:0.03517974084578719	we:0.03457768009792125	so:0.033380601439795696	:0.5414190318277057
the:0.5047190359786563	of:0.1231522523464927	and:0.054524431405160216	a:0.03156080462392789	The:0.031520762047041365	his:0.029879563960638972	tho:0.029227257856980743	to:0.022308665225025677	their:0.02199347560639143	:0.15111375094968468
of:0.14089648345564953	and:0.11970690112426702	Mr.:0.056838466460024356	Mrs.:0.05125429911280489	to:0.049233130074505506	by:0.04634442783825781	that:0.028590174018716646	said:0.019661294499463956	with:0.018475918427791	:0.46899890498851926
and:0.10729386518414952	is:0.04662860553676888	was:0.03972954493201689	feet:0.03707734880890828	that:0.03355862525845424	as:0.030631589899636446	be:0.029559886328783907	it:0.02874470894882542	recorded:0.02500916973677355	:0.6217666553656829
of:0.02421872890645029	and:0.015655249542636147	-:0.015508619228312598	re-:0.015085449085669486	.:0.013746971639827259	the:0.012584511196831764	a:0.010939866559422213	<s>:0.010342549212821142	to:0.006761680985911518	:0.8751563736421176
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
the:0.23929232967876676	of:0.23473256214840935	Of:0.0949852546290775	a:0.06552455947551317	his:0.05388982076384527	this:0.04214962888119318	their:0.04101322875923554	in:0.03639964524443486	no:0.018350242232227337	:0.17366272818729706
per-:0.52328042039213	per­:0.18513406873873348	per¬:0.1393986123081252	a:0.020630843879965874	the:0.018848130217291963	his:0.018314565523143294	de-:0.014995431868230701	more:0.013281580562725565	their:0.011908568841039434	:0.054207777668614496
virtue:0.07446520038896885	out:0.065008335608151	part:0.03947215825672998	one:0.03562890125655043	quarter:0.03241584136443704	favor:0.0239235849421329	result:0.023354276051738905	guilty:0.022667050730808908	means:0.022196791642065155	:0.6608678597584168
and:0.18131397666980698	so:0.06770764033415409	fact:0.06582762655246482	said:0.06013436074258803	is:0.051757242074063556	say:0.03898147673898407	stated:0.035179516468256025	believe:0.027625167593184508	know:0.026281212619492945	:0.44519178020700495
of:0.38269118328533114	a:0.08363428427212587	and:0.08103051317966697	the:0.06175675379735927	with:0.051316531854994504	their:0.03378067861586109	to:0.03060074999226149	for:0.02653528623674987	his:0.02581014500772971	:0.22284387375792006
this:0.3097054477170287	the:0.22887350455763583	a:0.1195400048894101	that:0.06935680003797501	This:0.05805526139957164	any:0.04249764104906081	The:0.0401566414205022	every:0.030243100701037005	same:0.02202454133603608	:0.07954705689174262
the:0.4120509573518938	a:0.33305906962011844	The:0.03618065997425182	A:0.02563125111922408	of:0.02516136398201648	tho:0.024149048191765953	our:0.023268172571305396	his:0.022246742120048214	in:0.01989897264880594	:0.07835376242056989
an:0.3288264185042012	the:0.26489027109168334	most:0.08525295496908813	a:0.08288017191718383	very:0.05674907309003321	and:0.03774608079219332	An:0.03631620462304257	his:0.03478229947798522	The:0.02707051533108502	:0.045486010203504144
of:0.3340860853059036	to:0.12502539946326763	and:0.08163936369051793	that:0.07658368033798145	in:0.07430386148012054	for:0.05131312914778556	all:0.0455525441805041	by:0.04496420145879731	with:0.0425074159711825	:0.12402431896393937
he:0.26104399989049076	I:0.12024191949131778	they:0.08875233791966627	who:0.08265766490403806	and:0.06858714196875218	she:0.05826872108551056	it:0.049148658124607086	He:0.04553916604728974	we:0.03347203216693729	:0.19228835840139027
the:0.3744238167349112	of:0.11229602954423387	and:0.05690076902490089	his:0.033858573996302696	a:0.03337596859805573	in:0.03115892721312895	their:0.02290397105682138	tho:0.01988747747305153	to:0.018865054010819306	:0.29632941234777443
of:0.21156155364868404	in:0.1267583770421922	to:0.12080600440639551	with:0.10889919144911882	on:0.07435716860127442	by:0.06507902842641167	and:0.05750789388641568	from:0.04039256570954333	upon:0.03391819233807758	:0.16072002449188674
be:0.23632411339016454	was:0.19934260757595085	been:0.1040233972250408	is:0.08556174845776396	were:0.06209736322682058	and:0.05729889814151176	are:0.04994842464096204	being:0.035199992182029086	it:0.03304437816440445	:0.13715907699535193
and:0.08773880553555198	is:0.040951052777359304	was:0.03585712515252451	so:0.028781664693477326	wondered:0.021975408273381767	but:0.021488470234682016	arrived:0.020676427561734798	held:0.020495477242330525	it:0.019736139084345496	:0.7022994294446123
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.1035558995544	of:0.09363279584433269	and:0.06407442918057434	a:0.036477100762533785	at:0.029133906343215332	to:0.02619431799692425	.:0.022935309760179098	<s>:0.016714089931506772	from:0.014728936560328981	:0.5925532140660048
and:0.1313056501793289	made:0.034551030036317	necessary:0.03191530070016697	provide:0.023191256277008975	him:0.021827387004521748	time:0.02091411247587312	but:0.020346196766889778	pay:0.02006785098451588	responsible:0.019399383232926184	:0.6764818323424514
and:0.06947920987160032	in:0.0475472824655232	do:0.04012872668888804	of:0.03075438839610108	for:0.02864650640247807	I:0.026092948744480142	it:0.024559425400911272	is:0.021282920550311422	was:0.018908547232219856	:0.6926000442474866
the:0.14049171217036022	of:0.11129721382894606	and:0.08908987543691149	to:0.08312287486148097	a:0.04211477594316105	be:0.02951180015049161	or:0.029425595758187317	his:0.024543990657609	on:0.02261090105281294	:0.4277912601400393
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.278367470954847	her:0.128401585422129	years:0.09153746728115544	his:0.055044454671557184	or:0.04928536511753007	days:0.04472216237410047	the:0.044489216085543196	to:0.036654729914909014	minutes:0.0346935344218147	:0.23680401375641394
of:0.21495184768300432	and:0.04794806860665411	in:0.04335147764656736	for:0.032299159396605076	that:0.03147016047968343	on:0.022984351318457594	to:0.0226304689570426	by:0.019190292324879645	upon:0.015083968380541182	:0.5500902052065647
of:0.630264555498638	in:0.12056122489315471	In:0.034251726157378364	for:0.026380730284020062	to:0.0249684526887634	from:0.01803344653539066	on:0.0173641306716491	by:0.016247528160472986	at:0.015188906820037108	:0.09673929829049555
and:0.11806801595638686	was:0.0656655564015758	is:0.046792063468053986	up:0.03108395308599868	it:0.03021415321434409	made:0.026603113622950526	put:0.026294257073757266	placed:0.02593741995179731	that:0.025049778326914608	:0.6042916888982208
of:0.18182878119871623	and:0.09420983750556988	the:0.08949743038958297	to:0.0704159957678298	in:0.03787375319065678	at:0.03524726419544282	or:0.03386845759662208	a:0.017639496804156274	from:0.016819213553663788	:0.4225997697977594
manner:0.1103951809557842	and:0.052453475314599624	that:0.03036937771827381	way:0.019689239401330938	time:0.015058937839784212	it:0.013360831017844856	all:0.011946359345780016	one:0.011858054142763546	part:0.011827296831737295	:0.7230412474321015
of:0.2720498650658965	to:0.11676078686840029	and:0.10442048597508306	in:0.09026658242249531	on:0.0760693387923633	for:0.07443986361907223	that:0.05796523859195575	by:0.042739087154046514	In:0.04000461559853449	:0.12528413591215254
the:0.13087787299382608	of:0.1227244337372524	and:0.08025503692600622	a:0.07697873592625161	to:0.04513622002192643	Mr.:0.036936442634786994	in:0.031202062299773778	with:0.02506970664364511	or:0.023582725236507687	:0.42723676358002366
of:0.3054123271162632	the:0.15127921719007142	a:0.1159892620777521	and:0.07159696694146817	this:0.03557220033967614	to:0.03177886628602985	in:0.024791751567967302	other:0.0152254034586749	for:0.01442875146251631	:0.2339252535595806
all:0.24409181958852832	it:0.05208153851587076	and:0.05182874380208619	went:0.02669603225231095	passed:0.02463405621597863	go:0.024297493747885878	them:0.023637933743481967	looking:0.02359765038285721	of:0.023189313837229567	:0.5059454179137706
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
;:0.019764678555309913	up:0.016119641386348176	them,:0.008253150084225863	it,:0.008047612568076372	in:0.007982256235127407	years,:0.007851660011729473	States,:0.007692151207270224	him,:0.0074138045797371615	and:0.007125218347165323	:0.9097498270250101
of:0.13371095863694998	the:0.10186323435319235	Mr.:0.07994187687147021	and:0.06034023562905588	in:0.056462688954639406	that:0.0430827619764323	The:0.0326692079802617	which:0.02673675921715785	Mrs.:0.02329825115809766	:0.4418940252227427
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.16351604598957767	and:0.14508150364657338	from:0.12373349319757657	by:0.07419966091150211	is:0.07340444381595332	are:0.0730891817564668	the:0.06268762790411904	with:0.05781450613598154	for:0.056424743257233484	:0.17004879338501613
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
Mrs.:0.13292736742795958	of:0.07102053566912819	.:0.06005987215893209	and:0.05062424646359962	Mr.:0.04871549131887012	by:0.03789202372535769	the:0.037789914490636546	Dr.:0.03005297942912247	to:0.027940826556049222	:0.5029767427603445
the:0.2127797365208638	of:0.08302074642967078	and:0.07380683214123993	a:0.06568303652727647	in:0.027923783153467472	to:0.02344842585727404	for:0.020987680758112734	or:0.0200710438986922	that:0.01912950736957076	:0.4531492073438318
to:0.7089526564824776	will:0.07050867794959294	not:0.05285520115425472	would:0.037343201919090865	and:0.02909331213338869	can:0.024292664880054837	could:0.02263388422278922	or:0.01652347905592206	shall:0.01504642740109009	:0.02275049480133897
the:0.24748366394625684	a:0.1404761200812764	and:0.09766120307475845	of:0.0684139284921935	to:0.03928373381674511	in:0.02494966148913706	an:0.02340028683914639	with:0.020834145785299275	The:0.02015765414291097	:0.317339602332276
of:0.34375778541088614	in:0.15579598120474125	to:0.12825787848335474	that:0.07213147972237152	and:0.07196381331073341	by:0.04340054164395211	In:0.04129757749367209	on:0.041258606868012984	from:0.038518775370369455	:0.06361756049190631
be:0.22840328118110115	was:0.2088063832344332	been:0.10692731598381332	and:0.07192007358562659	were:0.0698084535754357	is:0.06753546618873356	are:0.04829216843926617	he:0.034500111188172075	being:0.02775849740449977	:0.13604824921891845
and:0.08982958695143188	as:0.057872506399982974	up:0.03797818852282238	it:0.03558311627548061	addition:0.03475437521256774	according:0.029937851424849105	them:0.02917724694962127	him:0.0252912593620309	entitled:0.024724715744633273	:0.6348511531565799
of:0.21921494083849208	the:0.13240407626662565	with:0.10204027784963862	and:0.09493953523295431	in:0.06158057008122024	for:0.05716057941620078	a:0.04683308119925384	by:0.041658797647399125	his:0.03337612496481702	:0.21079201650339832
a:0.3662752673796111	the:0.31166251538753237	this:0.07700595205014316	tariff:0.03964512241026876	The:0.025536826701058595	appropriation:0.020299500280310533	tho:0.019451497667245625	no:0.01730733733446438	A:0.016252946686612715	:0.1065630341027528
the:0.215187735091695	and:0.17962576212207843	to:0.1134794663133043	of:0.08723604784429967	or:0.07507605003377642	their:0.05768142269717065	any:0.052976152519089104	such:0.05251408363085057	other:0.04584568604442976	:0.1203775937033061
capi-:0.09018559537150284	men-:0.060622869307676665	and:0.03960194813053383	the:0.03374552993877837	of:0.024409573021755625	to-:0.012259771808758944	a:0.011624334967244907	.:0.01110914546706756	men­:0.010722323511499713	:0.7057189084751816
was:0.09786974711262497	and:0.07756164202749875	is:0.05544086387763385	are:0.043832464267426874	arrived:0.03963848727388075	be:0.03901910836398561	looked:0.03403109130477186	were:0.03155452010773148	held:0.030224475170413358	:0.5508276004940325
according:0.0703887044241746	and:0.06570530686308022	as:0.05576395576818246	is:0.03842119085880814	went:0.037203766295105405	him:0.03288272961129085	it:0.028554499512795675	them:0.028548386410474254	up:0.02601171134242876	:0.6165197489136597
and:0.1334376392144769	was:0.09872982091164806	is:0.08296044181133103	placed:0.05475178737589324	be:0.04536820637803948	that:0.045072248196065264	as:0.03988054752441717	are:0.03605591966218533	up:0.034941077667389436	:0.42880231125855406
and:0.10140014335088963	balance:0.09342335346526738	was:0.05609796671584839	residue:0.046837511313213114	that:0.04097087822790046	one:0.040847691517001024	is:0.03565608505813412	up:0.03240511531004738	are:0.028649476793647984	:0.5237117782480505
to:0.665178903489973	and:0.10355353417329202	will:0.04100584473266931	not:0.018940329093279896	would:0.01416741312476826	I:0.01346967004707883	you:0.009164432282354773	must:0.008515015859227999	we:0.007914901963251739	:0.11808995523410422
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
and:0.06927007646680819	away:0.05114589278874477	them:0.050839836531031656	him:0.05006100103159529	taken:0.04370888532280929	far:0.0364563109777523	miles:0.03086025367350594	us:0.030718300434249834	it:0.030198004334876	:0.6067414384386267
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
;:0.036564817555138796	nothing:0.019258707322298393	and:0.01779391315876045	is:0.01510810976078452	it,:0.014402449713088981	them,:0.012159405974494525	are:0.012019681225245495	,:0.009916620042651952	him,:0.008553174530880104	:0.8542231207166567
the:0.3955562256922086	a:0.1760807209531702	little:0.10201105731311563	The:0.03325000417863068	and:0.03097634710588241	his:0.028125965624668868	young:0.023919926625197374	her:0.02025486732388152	one:0.015838085321061783	:0.17398679986218293
his:0.2978507207910017	their:0.2629716241783125	our:0.13439852392120596	my:0.07406517134790937	her:0.06296221610326126	your:0.062402856942499904	its:0.055836439902922926	bis:0.017237463233593497	a:0.010095215222148742	:0.0221797683571441
and:0.1282691811486205	the:0.08509414601289018	of:0.0812812207845079	to:0.04605614398557045	a:0.04095459394628087	in:0.031565176513665714	I:0.031064760479046463	not:0.029548342067184683	be:0.02899938552784431	:0.4971670495343889
be:0.1927230577438384	was:0.16514754257723688	been:0.10210497864448585	is:0.08597890804650093	are:0.0850934271906456	were:0.0753695150719001	he:0.06164029014596945	and:0.05523888388426051	had:0.05338204075657228	:0.12332135593859
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
and:0.2716480739135659	that:0.13110270327121776	as:0.06398625636164172	is:0.0513797987054625	was:0.04761015061674427	but:0.035274332585868394	up:0.022445905338206836	Then:0.018371468910339944	Is:0.01643289827314391	:0.3417484120238088
<s>:0.09080539385770117	it.:0.024538169363839832	them.:0.018539414618746298	people.:0.013416360436663898	country.:0.011846701188156283	and:0.010473243890910219	.:0.010341951657898215	time.:0.009902401902556354	him.:0.00938005552744686	:0.8007563075560808
of:0.17198603082418581	and:0.14809981825258633	to:0.07755345391387061	is:0.06596963026446678	with:0.06225005429807001	in:0.05566370515869081	for:0.048614962853835944	was:0.04771482978262967	that:0.04572235162392733	:0.2764251630277367
and:0.07263527974348528	free:0.054818328250428025	far:0.04330931856293301	come:0.04007811963489676	came:0.036581155302101986	miles:0.03419307044722656	it:0.03210510293408097	or:0.031243212158950692	feet:0.028782720029011968	:0.6262536929368847
and:0.06378560307707554	of:0.016411799706270765	or:0.015653380516573417	et:0.01179525711390191	person-:0.011645863119279282	to:0.011247380918235659	a:0.009324370531285618	in:0.009105853007908884	<s>:0.007730616530137844	:0.843299875479331
to:0.23313659367061298	I:0.10985816604062904	will:0.08681407867861628	and:0.0839438254682822	who:0.058403503837357214	they:0.05646844604825053	we:0.05416367615568219	would:0.047913285828374154	you:0.04364151415572982	:0.22565691011646558
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.12738314739290363	of:0.0703776594591422	a:0.06754738357230247	and:0.06691130598774021	to:0.05037995941988345	for:0.0386925442234725	in:0.030182507616962163	as:0.018403113892989088	or:0.01798873698652886	:0.5121336414480754
<s>:0.04546393199106484	that:0.03174839395730504	and:0.01935956463665111	?:0.01863585922345676	it.:0.016277909902356665	them.:0.010245819547368256	I:0.006372393502591351	him.:0.005559982786281927	man:0.00549044045081732	:0.8408457040021067
the:0.16034095759089487	of:0.08337930770201633	and:0.08167606873219838	a:0.06797230011329618	to:0.06200499524654075	be:0.030872590248614943	was:0.024646243111901316	or:0.02030169971211091	is:0.017847106309518128	:0.4509587312329082
to:0.7281152312190905	not:0.047052259550831255	will:0.03777895266659274	would:0.0309235104749887	and:0.02777018695088666	they:0.01917726128038675	the:0.016467682932261904	a:0.014093808996061705	re-:0.012404196225984685	:0.06621690970291512
the:0.1796178325163099	a:0.16311711305974025	much:0.116684535963927	no:0.11235473748461296	and:0.10417628254820065	or:0.08825598951636307	is:0.05756626212240701	once:0.0466253537184514	far:0.045393324541771744	:0.08620856852821605
on:0.19828061725145263	was:0.13747593544139752	is:0.11642004947913083	of:0.08521613251645999	and:0.08228594147942503	as:0.07618668422991774	in:0.06605849766696356	to:0.05824244857466797	be:0.04501419492075934	:0.1348194984398254
of:0.15368329699708103	the:0.14478733190814722	and:0.09099589359781372	to:0.049039706365569556	a:0.04858151386942047	in:0.03939741894501108	by:0.030044876776230415	with:0.026222790183482843	for:0.02180705785656022	:0.3954401135006835
and:0.06838878633470773	made:0.026893344431252443	sale:0.02607144683964262	as:0.024491741996520752	land:0.023480074059204888	sold:0.023172095029693116	that:0.020304832907633526	was:0.01668606818140995	or:0.016248617454312872	:0.7542629927656221
of:0.09917509491524419	the:0.07239359414356225	and:0.052450968337877886	per-:0.04714988569080686	their:0.04435299598295103	many:0.0283903165195732	two:0.027767043969769697	his:0.027405735947892175	three:0.02425560498256954	:0.5766587595097532
and:0.2294261551541956	was:0.06480913257114321	are:0.0544005922553153	is:0.04933657951530723	be:0.04089550420623944	do:0.03800792201262525	or:0.03628517020243061	been:0.03211386868053052	were:0.031991093009016376	:0.4227339823931965
the:0.5157116162279705	a:0.14627087139435113	any:0.09857071422695932	this:0.0366011696984967	tho:0.028196881901045665	of:0.02524333520802642	great:0.021483693710958183	said:0.019580762098713563	such:0.016014830254761626	:0.09232612527871695
and:0.1313056501793289	made:0.034551030036317	necessary:0.03191530070016697	provide:0.023191256277008975	him:0.021827387004521748	time:0.02091411247587312	but:0.020346196766889778	pay:0.02006785098451588	responsible:0.019399383232926184	:0.6764818323424514
about:0.1262192248961146	west:0.09918769774228384	east:0.0929842095435602	and:0.09279583149802871	north:0.0864750614211309	to:0.07047767031569253	south:0.07030869555062196	of:0.05844317010236908	street:0.05317891563734063	:0.24992952329285756
I:0.06688758459411091	to:0.050981039324136085	1:0.0380388374380935	the:0.03206643643276265	of:0.029874742688992192	and:0.0223224180456513	<s>:0.020217698036352805	not:0.019566939789784896	a:0.015995769291930258	:0.7040485343581854
they:0.17803316553990944	we:0.10777462248919689	who:0.08785392359802066	and:0.06202633212518225	which:0.0583573019887814	They:0.04913497987820439	We:0.04712227926257516	you:0.043580152698181975	that:0.04056301569858289	:0.3255542267213649
and:0.1313056501793289	made:0.034551030036317	necessary:0.03191530070016697	provide:0.023191256277008975	him:0.021827387004521748	time:0.02091411247587312	but:0.020346196766889778	pay:0.02006785098451588	responsible:0.019399383232926184	:0.6764818323424514
the:0.4229364079618504	of:0.10249451936338619	to:0.04990667443926184	a:0.046119753318804545	their:0.04557721235152078	and:0.040383779569691705	our:0.03266205279553575	in:0.02892489979099539	his:0.02827083555918837	:0.202723864849765
the:0.2967250180656193	an:0.13818551812107813	a:0.1372047567374554	his:0.09334805402400835	and:0.03662439461535776	her:0.029420125667358712	this:0.023692501276222404	its:0.022449365266040792	of:0.02041281136435787	:0.20193745486250128
will:0.23552290604453374	to:0.1971460002965169	may:0.12240299330422948	would:0.0779178562894354	should:0.07456860978993433	shall:0.06933202236570728	can:0.06490948029946114	not:0.05880589559144769	must:0.04928955480219592	:0.05010468121653811
be:0.21854224766974095	was:0.18285286641550175	been:0.15669319284513245	were:0.06748626801250715	is:0.06295520457578879	are:0.050366342811190554	being:0.04424894152988498	and:0.03871184461292563	Is:0.014476735610564794	:0.16366635591676296
of:0.43977520835951933	in:0.12609418008209183	to:0.0852967197684242	that:0.060507968031397484	for:0.046208055239182526	by:0.039896547079566795	on:0.030709868469672517	with:0.02602009531335485	and:0.023403423801631743	:0.1220879338551587
<s>:0.049308015734409745	and:0.044760235681683774	was:0.030238007057285368	that:0.026973768073573965	be:0.023894139091784505	recorded:0.021077527956497595	as:0.016817210840990346	set:0.015594972858173997	put:0.014132231856783918	:0.7572038908488168
to:0.23210926601853046	his:0.1714567418110947	in:0.13866881483608234	my:0.09860964637221371	of:0.07930763694052297	and:0.06427134546878283	her:0.059844701362627664	their:0.039553369857434656	your:0.02746926575153166	:0.088709211581179
the:0.20166040258652856	a:0.14497484100007285	of:0.04800855141648104	and:0.03942980303972807	to:0.03250508988530289	an:0.028654787685944948	The:0.028494960596063497	Mr.:0.022339458899616468	in:0.021786389121075066	:0.4321457157691866
the:0.733682814333266	of:0.031929839551881785	tho:0.02906648675697541	our:0.027431278926463017	American:0.024132663574800386	a:0.021217918336631336	this:0.01913081875767408	tbe:0.012367326659480864	State:0.011985423225588477	:0.0890554298772386
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.07277171662292223	away:0.05413619706555429	taken:0.044460878284923795	them:0.024310285997948055	miles:0.023589824086546616	come:0.02355027722420585	out:0.02299254849041232	came:0.022314115584183412	down:0.021745658153020583	:0.6901284984902829
it:0.14955951016349814	he:0.12208270626376869	It:0.1176360424407116	I:0.06377324091482366	He:0.05273810719939792	which:0.04762508588745403	and:0.0414895552660444	that:0.0313732685415149	who:0.03098096546970579	:0.3427415178530809
of:0.37931569765866413	the:0.21308551922111857	in:0.08245141834852862	for:0.05724573457418974	with:0.04610037168520339	to:0.04600269898235976	and:0.03717494752064868	by:0.023557344135877012	a:0.020987739429580005	:0.09407852844383012
the:0.10567725082292885	of:0.10212483709706624	to:0.09990032851733815	and:0.05120476179874442	in:0.028301056445777118	on:0.0260733901279727	<s>:0.025616759472457735	a:0.020913040454298	at:0.02088304194257278	:0.5193055333208441
well:0.11033327876805342	such:0.09442467916433443	and:0.09147749815925312	known:0.07461245712094298	far:0.07398004730391868	soon:0.06756514318620697	just:0.04698511585468673	long:0.04352204992707905	regarded:0.028989494601603463	:0.36811023591392117
and:0.177788367571259	a:0.17090336770797357	is:0.13130604974377688	of:0.09674269658433375	was:0.07888869428704537	has:0.06278316411734397	have:0.059927707085202356	not:0.055233809901274994	are:0.05152542434545526	:0.11490071865633486
number:0.06179817016370221	sum:0.05917387799515436	rate:0.05889230920935865	out:0.04443242484628196	full:0.036081551130589806	matter:0.03570434814362349	amount:0.034731231165047984	loss:0.03463316137478718	and:0.02900580988848534	:0.605547116082969
and:0.1694104484576571	so:0.08075910206397889	fact:0.06822494254521948	said:0.053635380755513086	know:0.05328572089839013	say:0.04839641616649573	is:0.035001958690005365	but:0.02915110413798316	believe:0.02807139541470667	:0.4340635308700504
and:0.17590902521399912	was:0.13161242510568738	the:0.12378641582937568	be:0.07082699416481973	is:0.06266248132762689	were:0.05324801003897564	he:0.04984645071539556	are:0.04291765007704521	or:0.0372583819505077	:0.25193216557656706
in:0.02913647645503041	up:0.023224396981967807	hundred:0.015079821787614587	out:0.011645201591611741	day:0.011429098610783322	men:0.010224252237174731	city:0.010064769282747984	;:0.00992065309101342	dollars:0.009215038597781104	:0.8700602913642749
the:0.11779962059490376	of:0.08596740294820827	and:0.07568776954042707	a:0.05077869504587158	to:0.04502980800732101	be:0.03528964289240952	in:0.03435426147766118	was:0.032825852443482004	is:0.018753788213466776	:0.5035131588362488
time:0.025821206664916135	men:0.02264305663003521	up:0.01306837887294347	hundred:0.012349609952331014	in:0.011504171257048147	long:0.010781850228766756	one:0.010372601882068825	him:0.0103639341038696	good:0.01021868626327883	:0.872876504144742
to:0.14984830528483964	and:0.12953982426545474	of:0.07860626208347367	the:0.07691798941713279	not:0.033703548771144586	in:0.029878044104333645	or:0.019540954723604488	I:0.019470783117956744	is:0.01848032906678628	:0.4440139591652734
the:0.5348877884768282	The:0.061382937276538985	of:0.057190571869651916	other:0.051442084560603854	a:0.04535896396391818	and:0.04283817473624978	tho:0.04040998211901377	by:0.019463565099858606	their:0.018920395729708953	:0.1281055361676278
and:0.057765830586075685	-:0.03320942762235012	that:0.03042180110062631	the:0.025393641181966166	.:0.022165131753286396	of:0.01909627998759813	land:0.01881653077013778	to:0.01797072459222232	was:0.01786333450854447	:0.7572972978971926
the:0.1926016607246558	a:0.17730777211950255	any:0.08406168430455131	in:0.07540739772979599	first:0.07533714247421311	his:0.06853779480426907	of:0.05470461003903417	their:0.04338319077108348	and:0.035095950377231816	:0.1935627966556627
and:0.07342237599288812	was:0.047273640370580204	<s>:0.03514003180591593	is:0.030523808133445535	be:0.02364620460868653	that:0.019462532233949534	.:0.017090720398439965	brought:0.015146720115706709	been:0.014603174584204414	:0.723690791756183
of:0.33582638384455793	to:0.10645366813217157	and:0.0895830913015119	in:0.08844859982750043	for:0.06721913040579897	that:0.05872085856815277	with:0.040748054057039684	all:0.040484304304871016	on:0.04045527827621567	:0.1320606312821801
and:0.07612134346033654	to:0.06830738860141998	the:0.06669535409295753	of:0.05773822886995287	be:0.04201206704110583	is:0.03390648034840745	was:0.031278412243457836	for:0.02881307163082205	in:0.023659524336909526	:0.5714681293746304
and:0.08092359492008375	that:0.04741594699975734	I:0.022011342166218393	but:0.01986198521346032	<s>:0.01921989284162524	which:0.018888949760715874	;:0.011942332783268374	as:0.01193919021748142	it:0.01080244571402989	:0.7569943193833594
get:0.07245670546976644	was:0.06827773018828956	and:0.06627903282426373	him:0.052442468208758614	it:0.050561188617061346	them:0.04807318223935662	are:0.047026350523610795	go:0.0433307210705129	come:0.040797963484801664	:0.5107546573735783
of:0.30318609221144677	to:0.17833588642755788	in:0.07866212328713304	that:0.06483374191095946	on:0.06016151909610833	and:0.057922937309758095	by:0.037223039112498524	when:0.03622138798621265	with:0.034802911857391414	:0.14865036080093383
is:0.17259142955892112	ought:0.08272961521902446	are:0.08056057458647582	seems:0.07558392967483372	was:0.06572888558670693	not:0.06439114674223405	said:0.05149586598076354	seemed:0.04272828164381891	as:0.041024869025136954	:0.3231654019820845
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
of:0.405530601070391	to:0.1426943747346734	that:0.06931428765616057	and:0.06475943583734131	in:0.06343256088830615	for:0.060945030441621244	with:0.04807920230266921	by:0.04009465225345415	on:0.03659384142960656	:0.06855601338577638
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
and:0.11817822303601837	him:0.07729069730683749	was:0.07548397575560292	is:0.04080320295406146	it:0.03942232404596535	up:0.037149082658908886	as:0.03386881442310722	come:0.029644220632803028	placed:0.028841837624514165	:0.5193176215621811
in:0.09584253400760474	of:0.09389212449637514	to:0.06515439483359822	on:0.039029345465688564	and:0.03625149443641084	with:0.027620816334882815	upon:0.023131793930897076	from:0.021025823628615974	by:0.01710670428008299	:0.5809449685858437
and:0.18000726411130824	said:0.10109705394995844	fact:0.06528395459074089	stated:0.05302264213713355	so:0.04517641253901115	him:0.03871021418260112	know:0.03725473856966339	say:0.029084524660267504	is:0.028698334626685935	:0.42166486063262976
have:0.14144370114769442	has:0.12034420330873478	are:0.11475874620452195	is:0.10550122388255069	had:0.07066474631124632	was:0.052973210170787495	be:0.04858507523731717	and:0.03607100866276837	were:0.03403903551314338	:0.2756190495612354
the:0.18554142658334877	and:0.11580052587238193	of:0.10046825746557018	that:0.029281917217386547	The:0.028776420815648962	a:0.02757388782740672	or:0.01849222669130677	I:0.018308378153822583	in:0.017083742238733587	:0.45867321713439396
the:0.1287053056813113	and:0.09508927028557602	to:0.07119949655636888	of:0.06102613577256228	so:0.03421728976199958	is:0.030015551339827497	be:0.023127371175015583	he:0.020689572386688632	was:0.018665179604157495	:0.5172648274364927
in:0.17635678835710344	of:0.15309164727335328	to:0.09922200092870499	for:0.0755201721616355	with:0.0615221475086542	from:0.05991868815771717	by:0.05491816673292545	at:0.04110373617227536	In:0.04016490729053633	:0.23818174541709425
a:0.7509407794964609	the:0.1458603180725257	A:0.018382072255260985	The:0.010138516893066836	this:0.009837483756701675	long:0.00869274561626613	first:0.007584924399404	and:0.00685735904875958	tho:0.006838305789479659	:0.0348674946720746
will:0.2188433002954092	could:0.17723328418365344	did:0.14162491358513585	would:0.1370619043830073	does:0.10284036086043237	do:0.07100773146194463	shall:0.04244173216110202	should:0.03810570337476074	is:0.03598013377113973	:0.034860935923414715
and:0.18026812209157972	of:0.1415620257756529	by:0.12591717562470178	in:0.11824520068735218	was:0.08577390281173103	with:0.052203298547425725	for:0.04000753622751983	are:0.038451968889086516	to:0.03785252611569846	:0.17971824322925184
and:0.18000726411130824	said:0.10109705394995844	fact:0.06528395459074089	stated:0.05302264213713355	so:0.04517641253901115	him:0.03871021418260112	know:0.03725473856966339	say:0.029084524660267504	is:0.028698334626685935	:0.42166486063262976
of:0.3385526069398065	to:0.114027543317048	for:0.09248977166769906	in:0.0916003783699665	and:0.08520005539786113	with:0.05882903349176207	by:0.03838413459157737	from:0.03005020838979594	at:0.028757859340295573	:0.12210840849418787
the:0.2932194621971278	of:0.2645196892805538	said:0.07256243623280384	a:0.04232993996223343	to:0.03733669938260474	by:0.03519169541313337	on:0.03284284874557679	this:0.023593612000371578	that:0.023341976398623916	:0.17506164038697078
;:0.03554806771019711	is:0.02835049435155705	nothing:0.022241833714850036	and:0.016174148898095934	it,:0.014696922419080828	are:0.01280259837805057	one:0.010087859730642131	was:0.009880037612393783	time,:0.009847616376595085	:0.8403704208085374
the:0.13861795651843623	of:0.06165611431755195	and:0.05681235987455824	a:0.05441065494462354	to:0.04831756678670785	in:0.046453967863513676	for:0.04204511660205566	be:0.027993574543946964	his:0.026302243802448663	:0.49739044474615723
and:0.04843905165351089	St.:0.03763389359346992	of:0.027012093331345938	the:0.02317064255679134	<s>:0.020159255712096612	to:0.015966248146933072	was:0.011901645924162131	de-:0.010281907719058072	1:0.008948288032092189	:0.7964869733305399
and:0.153538780299108	to:0.11250967504516964	he:0.05326685963268479	of:0.039389162677659545	in:0.029835511488544183	the:0.02874965320119883	was:0.02757525168411791	that:0.025145495224315483	for:0.024545051409638103	:0.5054445593375635
well:0.19576560582769537	and:0.0753757570562487	known:0.0737421935431646	far:0.06483773012797539	such:0.044674393507658415	soon:0.03899981579604572	is:0.023150145007822507	much:0.02234929584211441	just:0.020951870543620257	:0.44015319274765463
the:0.1287053056813113	and:0.09508927028557602	to:0.07119949655636888	of:0.06102613577256228	so:0.03421728976199958	is:0.030015551339827497	be:0.023127371175015583	he:0.020689572386688632	was:0.018665179604157495	:0.5172648274364927
of:0.2398478839980928	to:0.13904541168656892	and:0.10839843631659539	in:0.10473343825477731	for:0.06923908808143313	that:0.06590519642538538	by:0.06411374143203749	with:0.0561434276338457	on:0.046536813330536844	:0.10603656284072709
the:0.18519490360289143	a:0.12483032952921136	this:0.08729019085147259	one:0.07063960130396857	every:0.048804991849400244	same:0.03924910930975017	his:0.03887066388624127	other:0.03826576359823179	first:0.027537930701027388	:0.33931651536780516
the:0.1287053056813113	and:0.09508927028557602	to:0.07119949655636888	of:0.06102613577256228	so:0.03421728976199958	is:0.030015551339827497	be:0.023127371175015583	he:0.020689572386688632	was:0.018665179604157495	:0.5172648274364927
of:0.43058650043714813	in:0.1120602101377428	to:0.08945386100548558	that:0.04020420895498623	by:0.040171221755288186	for:0.03780959025892701	with:0.0332078877559842	and:0.02703335563918135	from:0.02556800285390931	:0.1639051612013472
and:0.16858297107862735	annum,:0.15609016769596568	on:0.04340659494320944	of:0.030432966485033467	day:0.015821892466454136	or:0.01176481996217955	that:0.010569990384970406	sale,:0.009978157803635595	2:0.009755587607988309	:0.543596851571936
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
<s>:0.07450143710245465	it.:0.026230164422698876	them.:0.019385789002476915	.:0.013413677397516387	time.:0.01138549467197599	him.:0.011036405413372362	country.:0.010869109255222277	year.:0.009508768645342986	day.:0.008625016569690119	:0.8150441375192494
he:0.14204714687767903	I:0.10533167453725992	it:0.10297587940021187	It:0.08980957590210258	He:0.06546477611258106	and:0.06453345038334318	there:0.060393678241786965	which:0.05388664645866744	who:0.04736191740910508	:0.26819525467726285
<s>:0.06544789240233427	him.:0.03245198326025843	it.:0.03066656156078895	them.:0.021338357597200448	time.:0.01414359476865634	day.:0.010521629357061173	home.:0.009870709460095897	years.:0.009763925603999007	work.:0.009269489872865204	:0.7965258561167403
or:0.25807101575786234	not:0.16785851711908092	no:0.13702255201785649	and:0.06874346571447044	a:0.061239144992129416	the:0.050241350860362945	with:0.04619273703218184	of:0.04030012616707643	much:0.040142406709436036	:0.13018868362954317
the:0.16426992389034856	of:0.09702422726033204	a:0.05773100365794107	to:0.0477127103678804	in:0.043022325231464896	any:0.04060122164564591	for:0.03929311515808009	or:0.037243611065177915	and:0.0343918480098038	:0.43871001371332535
make:0.239453204977248	for:0.07678268659174996	get:0.07588720728508556	made:0.07123231688932115	and:0.05514708753178797	find:0.0542634694600529	that:0.053581294694867554	have:0.05300790282965904	is:0.050629615400079764	:0.2700152143401481
that:0.2295612548613607	which:0.12346268328467042	and:0.11095621655712307	as:0.09368607628700068	if:0.08470354640384767	where:0.04482019556353298	but:0.04332959760282016	when:0.041207977236786195	what:0.040483855113810065	:0.18778859708904808
and:0.09326647752053993	is:0.09252383903740966	as:0.060265675280976636	was:0.054646142521285995	able:0.054148311475556696	not:0.05217694319456736	enough:0.04469041992993177	him:0.04395007442710523	order:0.04267089496063146	:0.46166122165199525
a:0.4982512153949373	the:0.23202180802910172	of:0.07900974187853513	in:0.04972832053254003	with:0.037361285288207174	and:0.02582857206520508	The:0.02197888673321644	much:0.021144597332190988	to:0.01680602270202621	:0.017869550044039922
of:0.18260282564253139	the:0.15750229734250545	and:0.09698616966570689	to:0.06001220333106111	a:0.05725158816286246	at:0.034116544732326115	in:0.03367749687421355	with:0.03192378843381236	from:0.023641511279908132	:0.32228557453507256
of:0.20026173833348998	to:0.1559731951996829	with:0.09571171793643979	in:0.08988381199446847	on:0.06713705460730715	and:0.06271202221572851	by:0.06044493034276782	that:0.05726031899935223	upon:0.05237553557199154	:0.1582396747987716
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
I:0.2511475177203793	he:0.12848090475783566	we:0.09636174612429418	and:0.07866552899703308	they:0.0748319077266201	you:0.04226107970367818	it:0.04143123445779604	that:0.040947305300060834	We:0.030388450033278374	:0.21548432517902424
this:0.26163857743744906	the:0.16514592211354676	same:0.11488453942707193	that:0.1114768557299712	in:0.08023340171609467	some:0.05387808649220759	to:0.04848982705956109	of:0.044454060641165666	first:0.04420450653833807	:0.07559422284459398
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
those:0.26856812268851865	men:0.11763603389820391	man:0.08656033969506806	and:0.04825624365317281	one:0.03906105070345108	Those:0.028979548530345175	people:0.02498653615724065	person:0.02055317248146196	woman:0.01901336425662782	:0.3463855879359099
the:0.3232866303157666	his:0.20002680089151753	my:0.07327075909159016	a:0.06913423507667324	their:0.05908276499338258	this:0.049974482246948136	same:0.039827152091821055	its:0.03963142729854174	of:0.027065119791960066	:0.11870062820179891
he:0.15833783157006798	who:0.11252166679113242	which:0.10007920750248263	they:0.08307407047038702	it:0.07687172224910013	that:0.06547997363155768	I:0.05314002564963188	there:0.04507481930663967	she:0.04354106747792997	:0.2618796153510706
it:0.15467517530377956	that:0.12043680647762427	there:0.1061388378761261	which:0.08972888466219406	they:0.07880598993732991	It:0.062080295432334676	he:0.051866099311008725	and:0.04651998216632048	There:0.0322842212488506	:0.2574637075844316
as:0.15404653838405374	and:0.11192228094208556	of:0.11092832491881756	was:0.09025157752901683	is:0.08846732021307988	in:0.0841531191199038	such:0.07954701435776687	with:0.060493940150162774	to:0.056549499236988314	:0.16364038514812468
Board:0.10036777923799729	line:0.08008677236504455	number:0.0728623238432381	State:0.036653914281269184	city:0.030061781880479234	state:0.02922864795502226	side:0.026832220240353262	County:0.025863236273051007	county:0.02486336123624578	:0.5731799626872993
and:0.10259699771812472	the:0.09214577389015075	of:0.07007586457690942	to:0.05461608059798361	in:0.024888690870464143	a:0.022660576084658643	be:0.020652118891706202	for:0.019747146075778307	<s>:0.01935636862866986	:0.5732603826655543
the:0.3277739817296284	a:0.1034730985836782	of:0.06199580894493555	and:0.05127220462654326	The:0.038978923255381936	tho:0.02373139243949039	an:0.023548707401210015	in:0.019493899371054498	to:0.018218991771451004	:0.33151299187662675
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
part:0.05471851257883924	one:0.04452063682788975	out:0.03519559986730605	side:0.02331419216330189	that:0.022336071249907576	some:0.020810972793672885	end:0.01839138252712686	members:0.018275044757198464	portion:0.01603492158231836	:0.746402665652439
reason:0.3092146301894711	and:0.14085345089255638	have,:0.0840427687098878	see:0.04926038248028028	understand:0.04151606977050266	know:0.03879558923161827	reasons:0.03757939548061219	is:0.03636029595714118	was:0.024797365373745592	:0.23758005191418458
the:0.6807882642309527	his:0.07899330356241585	The:0.047873606964629604	of:0.03494284849611745	a:0.03280235166261573	and:0.02685054765306341	tho:0.02550344832263049	their:0.017641991364040065	this:0.015895837756682924	:0.03870779998685171
years:0.6645555485550217	months:0.06417661902924816	the:0.05331374253283499	to:0.03177609349945497	year:0.02973486743548291	and:0.0261262508280979	of:0.016553419012605437	weeks:0.010227855794142765	days:0.00678636670607345	:0.09674923660703769
is:0.18919493571549487	was:0.1171589428725531	in:0.10162825804622294	of:0.08781690551827082	and:0.08234384982770789	any:0.07280354550549056	no:0.0654292651318944	from:0.06022082952855992	but:0.05557445535918205	:0.16782901249462345
is:0.3194141499723857	was:0.10984667352391367	have:0.10270298778089779	be:0.1008615815906726	and:0.08099762974544653	had:0.07704197026094121	will:0.04861110462843792	has:0.041415242372692784	Is:0.041230939281054826	:0.07787772084355696
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.5117939989997329	a:0.17507117667450345	great:0.05420647251593851	The:0.04224907739386118	full:0.035078941738943256	tho:0.027620256540058705	large:0.026109023641276145	and:0.024077407911161853	in:0.02074025252741661	:0.08305339205710739
he:0.262439312465845	I:0.08490700614221205	who:0.07247307704831377	she:0.06856241161929627	they:0.06817416835590437	He:0.05080865829372515	and:0.04810079091654026	it:0.0413173115938897	have:0.03456049330577606	:0.2686567702584973
most:0.35294333691953267	a:0.15461794541111004	the:0.15356405660378905	very:0.06149196318816682	more:0.060515086373060946	and:0.04460411364866284	an:0.03138213457743478	The:0.03131825851543455	as:0.030666374577728403	:0.0788967301850799
it:0.15785936948542273	which:0.08580605930919047	and:0.0819442909747207	It:0.069776970338638	there:0.06016485408862491	they:0.046337679765078826	who:0.035145108590665344	we:0.03347664880809658	that:0.03140563108367762	:0.39808338755588485
the:0.37464245061640283	a:0.2163424123744326	of:0.12861528911781642	The:0.057302587559261674	and:0.05332738156928865	with:0.03171205940081095	A:0.025945991420269553	tho:0.023368221518401615	by:0.018631549185538984	:0.07011205723777668
the:0.3831935839723202	a:0.1589510901043203	to:0.13883790754770187	The:0.08170419197230326	tho:0.03947955057705429	his:0.0353289100114356	and:0.02313485721881934	con-:0.02264084057995052	tbe:0.019842530934849525	:0.09688653708124513
it:0.14298538089556412	It:0.11818879564896681	he:0.08268390611099675	there:0.0821856786276649	which:0.0738304364986612	and:0.07110970795830622	This:0.06519005522091383	that:0.04178353439419582	I:0.03476722991972934	:0.28727527472500103
is:0.24125819918247812	as:0.12492672515720013	a:0.09645728563366683	was:0.09636220299100326	are:0.08492958141368866	and:0.06425519480790395	very:0.06206225736048764	be:0.058039990303562064	the:0.04879588683956816	:0.12291267631044116
is:0.1973472059662365	was:0.16065603705391698	and:0.14876197918452388	not:0.11069443631424751	are:0.045010354889179344	be:0.04254045102002203	but:0.04188593953601499	Is:0.03991462098275169	were:0.03398999626208516	:0.1791989787910219
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
in:0.30095760653669307	of:0.17821146012334077	In:0.16116460548667214	on:0.07627600195925544	and:0.04653793707572212	to:0.04170015139265454	for:0.03796247692214779	during:0.028700803518793422	from:0.02159313535194583	:0.10689582163277489
is:0.17259142955892112	ought:0.08272961521902446	are:0.08056057458647582	seems:0.07558392967483372	was:0.06572888558670693	not:0.06439114674223405	said:0.05149586598076354	seemed:0.04272828164381891	as:0.041024869025136954	:0.3231654019820845
of:0.310400959567868	to:0.1307663736366126	for:0.08907193737233378	that:0.08378439301831904	in:0.08148896489696933	and:0.07376942526248986	with:0.0703230444603501	by:0.046820799144664395	is:0.03230330369994592	:0.08127079894044695
he:0.18238148362710155	who:0.13123462034916078	they:0.09348830403758418	and:0.0693498227163434	I:0.06779364592030894	which:0.06679830867127524	it:0.0453588644568057	she:0.04461621518193442	have:0.04172749393864395	:0.2572512411008418
a:0.40234360298074795	the:0.31062425335380744	The:0.07043418780878831	his:0.029636536557731186	of:0.023893627366995608	this:0.021779496878526827	A:0.021619603012365218	and:0.02129695393285091	tho:0.019747918058809197	:0.07862382004937737
the:0.26653018064908157	to:0.12486695150367044	this:0.0898863683523266	a:0.048227543460930396	tariff:0.042393392255233954	and:0.03523718976414283	appropriation:0.03401225038568874	one:0.030922085008143634	that:0.026312888134230897	:0.30161115048655096
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
as:0.07730845242008813	up:0.058668717027016246	and:0.05051787504234559	according:0.045602481884053164	back:0.04348934107594135	him:0.04340104844206923	returned:0.04283151244115784	went:0.03802777620215089	came:0.037963187223200925	:0.5621896082419766
of:0.3922569531341101	to:0.15114435267407508	on:0.10578682089893861	in:0.08847154493222074	from:0.07026428527592678	at:0.04291469765757459	by:0.04093229792551114	that:0.03818275599452629	and:0.02894198812499708	:0.04110430338211959
to:0.1821666562139872	I:0.11027261321802753	would:0.10576222532916502	they:0.0917139041729031	we:0.0834538459903675	who:0.06497047361524243	will:0.06145138929717931	you:0.04592113567408516	and:0.04127094069592593	:0.21301681579311682
the:0.18616036886702067	and:0.08933090072031703	of:0.0774102793576648	to:0.04266642054731638	a:0.036009016638122254	be:0.035163810923803086	was:0.03188866122361342	is:0.0312762396820113	in:0.029692611082095623	:0.44040169095803544
it:0.18143874199255758	there:0.10331969695424356	It:0.09198639939220059	which:0.08073126991269376	they:0.06240522313208139	that:0.054082648531678275	and:0.05144105994683339	he:0.03253148924096088	There:0.03214778196988864	:0.30991568892686194
the:0.17763418113551432	and:0.05447746274666955	come:0.04971224390438851	go:0.04679073408699061	came:0.0461802971510714	get:0.045269063959186	or:0.0425577200886767	them:0.0423278337373503	it:0.030801148612266814	:0.46424931457788576
and:0.19505686071693706	I:0.10771229026599091	will:0.08846768757884933	was:0.08288597504311708	have:0.06594555336792246	had:0.06432665399390942	he:0.06175757281107404	is:0.053476696374536954	has:0.05297105968007911	:0.22739965016758362
of:0.4728392228001646	to:0.11605346078611356	in:0.10903644701796293	that:0.057357556866540586	on:0.05483584608682863	by:0.047895810203945156	and:0.031908259512063594	from:0.029055625015298372	for:0.027128704138130295	:0.053889067572952296
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
is:0.19239886405864567	was:0.17556555081036462	be:0.11094591087214803	are:0.09132492054407622	not:0.05998501728343689	were:0.05440871127801131	and:0.04817306970682504	been:0.03496710127158649	Is:0.03289453981824044	:0.1993363143566653
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
to:0.14873942328809442	and:0.10240102754317151	of:0.05712547684165998	the:0.04422196223221169	in:0.03350494167484157	is:0.028058542060599406	I:0.026660736993923923	for:0.02440585407489247	not:0.02404489402087884	:0.5108371412697262
a:0.23878684480783433	the:0.1611103194208356	and:0.0816732800295139	of:0.07134141523509233	was:0.05263989148724553	be:0.04350159279405935	is:0.037269014876585745	with:0.02746937252104288	been:0.023134155266985416	:0.26307411356080496
the:0.1511381695032345	of:0.0869098392757736	and:0.08566080907504892	to:0.07925103220972975	a:0.07376436098706154	be:0.03926267472533319	in:0.035135660763629104	was:0.029739309501610738	is:0.028824004424152134	:0.3903141395344265
hundred:0.18288209852357762	six:0.13328227189507333	two:0.12446038625559357	five:0.12432557335010591	three:0.11433554796659001	ten:0.071484807681362	four:0.06863101008526559	twenty:0.06039179832617903	seven:0.06005086705378161	fifteen:0.05015563886247135	:0.01
and:0.09808305580253544	held:0.05857713311137594	arrived:0.05211246522305887	Beginning:0.03833663761464742	was:0.03308645695298971	Dated:0.030594352348851595	sold:0.029874351659665264	arrive:0.029151532383054506	made:0.026063171418974154	:0.6041208434848471
the:0.2933017984632245	of:0.2424196846542764	and:0.06245348937374397	to:0.03592499186450628	The:0.030452866990662887	for:0.02995919354176318	our:0.024192746096549245	in:0.019582634763408612	its:0.018288839061094516	:0.2434237551907704
there:0.01444458878920936	him:0.011040356495283015	it:0.01051802596819786	it,:0.009430869168454951	;:0.009284277314369734	in:0.009222434408471812	good:0.008709586042842343	one:0.008243955084224203	him,:0.007312193021215247	:0.9117937137077314
it:0.07222635685804597	and:0.0576181572157623	It:0.053232097391482144	of:0.043268889746593486	at:0.023786208324451885	the:0.023274812401948636	for:0.02178766712449788	to:0.021532087599173643	on:0.021353015079953366	:0.6619207082580907
in:0.03132952890337647	up:0.0159813577014229	;:0.014209709824713167	time:0.014146193226144832	it:0.013914630812672267	it,:0.012711459193450495	him:0.01191956330876464	out:0.011890049566092324	them,:0.010762515040926506	:0.8631349924224364
and:0.2012076907193447	but:0.04109222333793723	are:0.03910408712311455	is:0.03183815053039676	was:0.03088791629712773	men:0.028996063157047777	people:0.021644062475935182	w:0.0212033598098488	that:0.021172767843618656	:0.5628536787056286
and:0.24290856045184386	of:0.16436766078843207	to:0.08034478833891223	with:0.07766845424119058	that:0.06628853150098678	by:0.06364322619172653	in:0.054438941140302316	from:0.028527860697939084	on:0.024707218714192885	:0.19710475793447366
to:0.5390684234844219	not:0.08495569755986063	I:0.060152167111793504	we:0.05901587434124646	you:0.049392407153418166	would:0.04581006586313355	will:0.04298050392310936	they:0.03867857368786156	can:0.03492814137628315	:0.04501814549887177
long:0.1540228854750603	well:0.10689602772902286	large:0.08259293965371206	not:0.08133771609096227	and:0.06892765255594191	was:0.060792436053096637	is:0.058466900630198895	far:0.04674379980803794	strong:0.04017431961528675	:0.30004532238868037
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
the:0.20907932700470688	of:0.14450222479246214	to:0.06985074011666036	and:0.06495822388396298	for:0.02561429839179285	both:0.02277643637250857	with:0.02187406652304565	by:0.021698409294848654	his:0.017544729022662527	:0.4021015445973494
of:0.10884978943222898	for:0.08155701718625895	and:0.08123089492939216	to:0.07897983255179182	that:0.05615965917491611	with:0.02814687046329085	by:0.02776133928556469	it:0.016155157615846013	have:0.015185944876666349	:0.505973494484044
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.1477883678518777	was:0.14501386471822914	of:0.10072803404754542	with:0.09201781753366836	in:0.07942673300996955	to:0.07241155133179389	and:0.07006543491652323	had:0.057721322810044044	for:0.05497578486935194	:0.17985108891099671
that:0.25072694634125053	and:0.0868671956262777	as:0.06027594482881548	but:0.05312959479758438	if:0.04128215762202268	which:0.0335657914659847	what:0.024928866033284362	when:0.0227765401044928	think:0.018877616655353306	:0.40756934652493404
the:0.19670387957172328	of:0.12034700726956073	a:0.08438228089640598	to:0.07002755359439007	and:0.06281574081115311	be:0.0453128674171294	in:0.03379866218947241	is:0.03220276533394172	not:0.029189418599409524	:0.3252198243168138
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
to:0.3378247056357923	has:0.14374550374966932	have:0.10099583030798838	and:0.09763689648509562	had:0.09372670375714875	will:0.05716547054970098	would:0.03209299232688583	shall:0.02376588737754825	may:0.022747647835740112	:0.09029836197443047
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.32578858718050796	to:0.10209889202194875	in:0.0784034813840208	and:0.06383026709671313	for:0.049484355762382505	by:0.04779993377113924	on:0.045707024917298625	that:0.04429545740858654	In:0.03373904427851746	:0.208852956178885
the:0.11467062166721388	to:0.09915114954891366	of:0.08586062995538131	and:0.06411736950821068	was:0.05181603938031211	a:0.04247807695776236	be-:0.04245423451961227	is:0.03493125193491427	be:0.02931029251414122	:0.43521033401353826
amount:0.091977145755635	sum:0.0915244691004483	number:0.08216114918429467	out:0.04829162675999735	rate:0.041335684842820915	instead:0.030873072101385398	one:0.02767642227612657	that:0.027232143311522728	question:0.02678254110580219	:0.5321457455619669
of:0.6593913279759618	to:0.07898593190272234	by:0.06107879925122987	in:0.04474085181537923	that:0.031241920889887562	and:0.02652613451735554	with:0.021659726342814288	on:0.01659145569089669	from:0.015908908353096052	:0.043874943260656614
<s>:0.05278518820017033	it.:0.037619856687962104	you.:0.024841092255927056	them.:0.01831802532075836	and:0.014405378169518984	him.:0.011729663870607806	me.:0.010130840312045659	.:0.009906243279228235	time.:0.008664152207565648	:0.8115995596962158
in:0.368237828675539	the:0.15522627090331062	no:0.07671867029673438	In:0.06971090894122953	of:0.05985875778588797	a:0.056570203470497314	such:0.03874722363253945	any:0.03313187734394324	and:0.028026293198150445	:0.11377196575216807
is:0.22059618055859928	was:0.14705346673186948	the:0.11824321533999758	and:0.09912954389340456	in:0.08315888034658701	of:0.0684460414471728	are:0.0478154520118794	a:0.04431836359936716	it:0.04387155299131203	:0.12736730307981067
the:0.4395265423353492	this:0.06861638205601937	such:0.0657011733275296	a:0.059904995945587285	and:0.05035358089505414	of:0.04571532983693704	The:0.042050353594551025	any:0.03790350587870042	other:0.03297771921570764	:0.1572504169145643
the:0.17625540315175178	of:0.1078419056574065	to:0.0756367940318074	and:0.06494585786718536	be:0.04940627483040131	a:0.049253926076329856	was:0.03293314828472555	in:0.030552058817752716	is:0.029066134678150835	:0.3841084966044887
a:0.2106247994783443	of:0.1348053253088264	the:0.10059599307188527	in:0.06321404850086869	to:0.042679932025758184	for:0.038796281338246544	and:0.034373204847742984	that:0.03231110034973748	which:0.022225331432952147	:0.32037398364563796
in:0.6312166824867111	In:0.2549875253832824	of:0.02952441659799186	the:0.019853284432331916	by:0.013904433791576234	iu:0.011822051118059769	and:0.009595451704573899	for:0.009194597842097038	to:0.005286127254302308	:0.014615429389073429
;:0.058244758535568174	it,:0.026252177255488212	doubt:0.022820071877090255	him,:0.02040272047917549	is:0.019280584676238395	time,:0.01236150517729518	them,:0.010760591330778583	nothing:0.010345004862885147	,:0.010336814582665393	:0.8091957712228152
<s>:0.022726996997996584	it.:0.0212698708499532	them.:0.017544455234821912	him.:0.009761115296870496	time.:0.008119304832968762	.:0.007891929922046069	years.:0.007162385367762224	year.:0.007154537575093617	day.:0.006148170030810482	:0.8922212338916766
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
of:0.3488432839188333	in:0.19374224335504067	to:0.10076934855214537	and:0.048785947734929676	that:0.043831585783504774	In:0.04309473238262674	by:0.04063050413448456	for:0.03718770263086189	with:0.03555448055822798	:0.10756017094934507
be:0.16156726148154005	I:0.12856452044916622	he:0.1081745101292882	they:0.09441427619960575	was:0.06393225324559001	been:0.05421010444868093	not:0.05290576548633573	and:0.05197186787316874	ever:0.047900977456343405	:0.23635846323028095
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.15548164992001468	of:0.1181420598113191	and:0.06495824170635445	a:0.04231673100742924	to:0.04117581656651854	at:0.031098197132552595	in:0.02877357803307154	be:0.023561113683954124	his:0.021860279751194193	:0.47263233238759156
and:0.07376331401161762	made:0.06770861572379999	that:0.03589632532457854	here-:0.03239659067358415	or:0.026419434495262746	taken:0.023541833314131653	up:0.021893423508942148	owned:0.01993289740425368	done:0.019709882387656343	:0.6787376831561731
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
in:0.17616774401447616	of:0.15257482241429166	to:0.1275015941561049	with:0.10277743064404256	as:0.08503831262520392	and:0.06066241141157374	is:0.05838905093268517	for:0.057768566976918095	at:0.044883895522444366	:0.13423617130225943
<s>:0.10514401260260799	.:0.016459320058466273	it.:0.013484712208384689	them.:0.010348158826723748	day.:0.006710013809881599	him.:0.0061878063876993515	time.:0.006177099641911567	of:0.0060543371589817695	country.:0.00551450571704916	:0.8239200335882938
last:0.25392895008681915	the:0.11921199521988352	Saturday:0.09929816989299978	at:0.09883242892891142	Friday:0.07613177359630112	Last:0.06506879427269865	of:0.052867922582735975	Thursday:0.05030803026425058	that:0.04273221220329121	:0.14161972295210862
those:0.1359470837165178	man:0.10564013349447124	one:0.07516351031071782	men:0.07360990518335947	and:0.05953687515980089	people:0.03392388909376232	person:0.022955463565804593	all:0.02239734227951116	woman:0.022299597677951193	:0.4485261995181035
and:0.11806801595638686	was:0.0656655564015758	is:0.046792063468053986	up:0.03108395308599868	it:0.03021415321434409	made:0.026603113622950526	put:0.026294257073757266	placed:0.02593741995179731	that:0.025049778326914608	:0.6042916888982208
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.1890559397379409	a:0.09632292122130079	of:0.09042592293039843	and:0.07671653947037727	to:0.07154094782505123	in:0.036009511261001756	The:0.024220417321952268	for:0.023733492493034154	with:0.02260234652164343	:0.36937196121729976
and:0.12314453506449341	go:0.06068299080332128	passed:0.050349317499105144	as:0.04128702713228963	it:0.04096719108536547	near:0.03940036716365159	gone:0.039214406048058745	made:0.03725644556124409	left:0.03399578323757609	:0.5337019364048946
of:0.2347713635281126	and:0.13150489413205166	to:0.12886360017597187	in:0.09459493010196623	with:0.058756308118247065	the:0.03924615112991927	from:0.03804847084968199	all:0.03735677405938433	is:0.03697920920407041	:0.19987829870059456
to:0.19483905442442775	and:0.15303600031849518	of:0.03467217075939197	I:0.032447789495736984	the:0.026800319943090407	had:0.025017897721280394	who:0.024339665529144777	would:0.024251525808567213	not:0.02379354508597089	:0.46080203091389443
the:0.1639849892587423	of:0.11218225961182801	a:0.08585488844722994	to:0.05318478708413159	on:0.05314079251220606	and:0.05182257985371509	in:0.032174779790854015	by:0.021884514397444828	<s>:0.021337512218754476	:0.4044328968250937
be:0.29271832160510874	was:0.16721609598724504	been:0.11174917444381736	is:0.08640382565337605	have:0.055495971685366685	are:0.05351588297873088	were:0.05206643060148376	has:0.040425472633626836	had:0.03992951707039192	:0.10047930734085268
the:0.23064976974816406	of:0.1251839000947097	and:0.0906191556751078	to:0.06974493060332328	a:0.04579261884899858	his:0.03895619581412924	their:0.038950986662083485	be:0.038404399040864186	in:0.03740983947926077	:0.2842882040333589
the:0.13044384028259146	and:0.09987620085884971	of:0.09890784809362176	to:0.060857016394375976	is:0.03237563088618727	a:0.03207407153210321	in:0.029253376978322067	was:0.028654792854028343	be:0.027656829541893687	:0.4599003925780265
June:0.24144997498565926	July:0.08987565908239006	10,:0.08712104342314597	March:0.07379394343455715	of:0.05529890935932507	April:0.05245295897115552	May:0.04657431078046315	November:0.03865641720879114	August:0.03624164140224396	:0.2785351413522687
of:0.2978417583756784	and:0.11809420618863535	to:0.11077529497406904	by:0.0761481955134902	in:0.060746109299202	that:0.05541587007418779	from:0.04657086605254984	on:0.046371632024544224	with:0.03477867477419145	:0.15325739272345174
<s>:0.09591644540569125	it.:0.019381138675589053	them.:0.010921825887297643	him.:0.009724185955199287	time.:0.00796250141620013	.:0.007813214994050395	country.:0.006549019013875795	day.:0.006490179981927833	of:0.005480326115441368	:0.8297611625547272
and:0.11079242003558253	there:0.07501748102281343	to:0.04506649821569008	of:0.042250514773348055	he:0.037836507558186204	the:0.03614851205907996	or:0.03494034242212841	I:0.03435101268662712	is:0.030695067671563627	:0.5529016435549806
and:0.09598596681285987	was:0.039511043952407746	file:0.03831476243161238	that:0.03714762926987935	made:0.037070778791181154	is:0.02875475411285857	but:0.025673912139600137	people:0.025614135541051623	them:0.02167370886745335	:0.6502533080810958
of:0.3137071173319714	in:0.23123869149644122	to:0.11550253736578599	In:0.07564136779251138	from:0.048193112129588586	and:0.0399188313653346	by:0.03397596753241868	that:0.03136172201224239	for:0.031304251395931064	:0.07915640157777473
the:0.13969346262876806	of:0.1344946218258243	to:0.08854524625570276	and:0.06875045014629566	a:0.05280171787282183	for:0.04510875705503912	in:0.04462695700029269	his:0.02834007805666946	be:0.0245691336394104	:0.3730695755191757
the:0.1331954013331003	of:0.10395761905650669	and:0.09166744382168995	a:0.0674867672110823	to:0.04481959524883369	was:0.033914181021321675	be:0.027669522756191306	is:0.023821375196731925	been:0.01992601692954109	:0.4535420774250011
is:0.17815343737054393	that:0.13063392385324618	was:0.10238653445799127	do:0.07981090299780205	and:0.07243231290697508	have:0.06209076236282273	for:0.059182087788165985	are:0.0544862582646611	be:0.052079133611674475	:0.2087446463861172
of:0.08479363007336231	the:0.060883392109109216	at:0.0360078141197049	by:0.029777996917356133	.:0.026512756313874567	in:0.021856203981626163	<s>:0.018034891500797068	and:0.01644754457005522	to:0.016354078670787343	:0.6893316917433271
and:0.10559168754454262	was:0.0527143329340065	is:0.03694091904253561	up:0.03211384286292709	it:0.02952629865247593	that:0.029154241687633396	made:0.027505134378369173	them:0.02610904882085594	him:0.02557823914144655	:0.6347662549352072
No.:0.08108483293675468	at:0.07486238186757307	U.:0.06566685202009416	of:0.04809639096612132	to:0.04090903994666543	and:0.03770706740274138	.:0.02535522075765509	lot:0.0252552714067617	in:0.021372361394163972	:0.5796905813014692
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
of:0.3130753008392147	in:0.25706527192012574	to:0.09247653684554205	In:0.06479593677718705	and:0.04710994954117882	from:0.04578647183635635	by:0.03803946415542599	between:0.03222109803494848	for:0.02560790468504606	:0.08382206536497479
the:0.33038602590180577	of:0.09813374280530487	to:0.037999570250889424	by:0.03219335503423243	said:0.030571029789016116	and:0.02956006236806384	minutes:0.024977418635973973	in:0.023966167977692143	tho:0.02372454816343006	:0.3684880790735914
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
at:0.4146100061267614	for:0.12544368903807282	of:0.08740672593164323	to:0.07385031070820812	and:0.050010139974232266	At:0.046625176829788596	during:0.04097336457253684	that:0.04027340851898766	in:0.03989425686292737	:0.0809129214368417
and:0.1753036554509759	so:0.07005457616992508	fact:0.06858492325233918	know:0.04830704646184403	said:0.04008070183523567	is:0.03983862467870564	say:0.03931381147971385	but:0.02779231304959934	believe:0.024029999399873492	:0.4666943482217878
two:0.11796489886355754	many:0.11489337250340607	three:0.10254249871002676	of:0.08324263600744486	five:0.08098850157900946	for:0.08067569852125893	the:0.07123623878362242	four:0.06641992023628414	several:0.04669900366400359	:0.23533723113138622
to:0.11611623202716108	and:0.0927670277041291	of:0.05480015358824163	the:0.03853384443427393	is:0.03353964289198347	in:0.029809014802675858	was:0.0288691907044105	con-:0.025306563829559637	will:0.02411726427444757	:0.5561410657431172
the:0.34937944367323653	his:0.23750871177252658	their:0.07946548479765933	her:0.05239943281886367	a:0.047525332456922524	of:0.043104351464488676	to:0.042893046783702066	my:0.03816797254515049	its:0.02570641254922615	:0.08384981113822401
the:0.5828080778966181	this:0.168935486922615	The:0.05529945175318625	a:0.032095952221688796	that:0.0304290437777651	tho:0.028653451814849174	said:0.023204875512485304	and:0.019969398562411124	our:0.018949592625645308	:0.03965466891273579
the:0.5342524983359077	a:0.17800596217851347	of:0.07502048534774833	for:0.04850968432519011	and:0.041380228525280546	The:0.025955397807881964	or:0.018722262910500116	tho:0.016125914164442052	that:0.014115495377973844	:0.04791207102656184
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
and:0.1313056501793289	made:0.034551030036317	necessary:0.03191530070016697	provide:0.023191256277008975	him:0.021827387004521748	time:0.02091411247587312	but:0.020346196766889778	pay:0.02006785098451588	responsible:0.019399383232926184	:0.6764818323424514
hundred:0.01444191217773428	;:0.011834673680375107	him:0.010388473796696067	one:0.00968896846901267	feet:0.009556811899111724	up:0.008880191153313928	mile:0.007973380143655012	feet,:0.007606228831470488	time:0.007287466987906896	:0.9123418928607239
the:0.4981473993212315	of:0.10065774584881408	and:0.059210928289868264	this:0.05539041922086311	a:0.02905981022312987	White:0.02126356461196879	every:0.02033111133459898	tho:0.02028147481412161	for:0.01961577591158076	:0.17604177042382307
the:0.7762798691265572	tho:0.043682569994058874	a:0.028739170715061744	our:0.020800890100477396	of:0.02035045356083335	his:0.015632863810604726	their:0.01556801886484958	tbe:0.014471326597634532	its:0.01237014220178469	:0.0521046950281379
virtue:0.07446520038896885	out:0.065008335608151	part:0.03947215825672998	one:0.03562890125655043	quarter:0.03241584136443704	favor:0.0239235849421329	result:0.023354276051738905	guilty:0.022667050730808908	means:0.022196791642065155	:0.6608678597584168
to:0.26284185656170594	will:0.17084331788579396	not:0.09418008019777083	would:0.07731306498237346	should:0.06218398013312858	and:0.05610013290494238	they:0.05012653201313851	may:0.04622626581168556	must:0.044087394752178065	:0.1360973747572827
the:0.19095097222204258	of:0.07788515207425294	a:0.05656895586152514	and:0.048281021903397635	.:0.029303699554843816	<s>:0.026026052626132227	to:0.024247587233174783	The:0.023180547239340724	in:0.017255215610801202	:0.5063007956744889
the:0.15378903668702737	of:0.09249548824970906	and:0.07595235865820654	to:0.07006226204227813	for:0.02569471643071183	in:0.025365441158559817	be:0.023483724513089645	is:0.020659405704139575	was:0.018878285055910545	:0.4936192815003675
of:0.3707655425483162	to:0.09072213089648462	and:0.08544707848300355	that:0.07966114403126412	in:0.06766182451465075	with:0.06322264484727348	by:0.04895631643534286	for:0.048819803417246385	from:0.03927138034725062	:0.10547213447916745
and:0.19995523739911758	he:0.13478202554062596	one:0.08121800486186502	that:0.04562322446285766	who:0.044018028677149615	it:0.03558410405759245	which:0.03406423286281256	as:0.02895636355805419	He:0.028524323892937627	:0.36727445468698733
of:0.27709880023058014	in:0.14145287638255347	to:0.1056518542378911	with:0.06824702107013171	and:0.06650509850601108	that:0.06109009042945619	for:0.05816029652720469	by:0.052054291371046474	is:0.050245001041452034	:0.11949467020367312
and:0.1853743640405551	is:0.09259033122490776	have:0.08133260634977064	he:0.07621704810601687	who:0.06883205360264684	was:0.06074903787476647	be:0.05588784687939469	they:0.05222147264404634	has:0.05063920667079689	:0.2761560326070984
of:0.0749378459953369	the:0.07407172299725868	and:0.06710175861079767	to:0.042453666488713425	at:0.023376224731155096	was:0.0190611451592703	or:0.01694322288394961	on:0.015786873417196597	that:0.013999846189515991	:0.6522676935268057
was:0.15894503465997417	be:0.15079392688926904	and:0.09609871860153885	is:0.08564225543396056	he:0.07530790832109772	been:0.07388863858358026	as:0.045835505479363256	He:0.032035896308427604	were:0.027053990740524867	:0.25439812498226366
of:0.4246185755281031	to:0.07216128441594623	that:0.07171819103101261	and:0.06608065556163233	by:0.06564399090553052	with:0.052418231294119384	in:0.05069652868855997	for:0.04535500298016459	from:0.035624446913144425	:0.11568309268178685
of:0.28904275301978616	to:0.10425489449077704	with:0.08335158245061107	and:0.08130176230066131	is:0.07483310701908084	in:0.07117533326210203	that:0.05315215290608015	by:0.049864758545983615	for:0.049609958070349375	:0.14341369793456837
the:0.7078009348429521	The:0.09700940043453668	tho:0.04429641434988895	a:0.0384516137177906	his:0.029505791524522127	tbe:0.015643467645668374	this:0.015334860762656806	my:0.014511015721803591	their:0.010078710145047813	:0.02736779085513297
the:0.4430750602031354	this:0.21193022973256317	said:0.09369221484620445	a:0.08325997400156838	that:0.022414765776346015	tho:0.022216622101924557	and:0.013860893102241277	our:0.01268465682410397	York:0.012454066984831006	:0.08441151642708178
of:0.11153559903014126	and:0.08336448089700046	the:0.05132983392885404	.:0.027884192677722103	to:0.02438042694231795	Miss:0.015387154522228729	<s>:0.013365929700509236	No.:0.011829220659452598	by:0.011267365659283593	:0.64965579598249
and:0.14819116711483749	that:0.13238826374970641	which:0.10687288043587244	as:0.09049593199420834	when:0.07789281587184199	but:0.0654150821270993	if:0.05063204468841646	where:0.04846774301620135	because:0.034971010635222004	:0.24467306036659422
there:0.17500841206894086	It:0.1432473205426132	it:0.13422944790460978	he:0.09674042316348568	There:0.09150071098081976	He:0.06131895872492179	and:0.039801730367763855	I:0.03838019931951094	which:0.032453905909414583	:0.18731889101791957
they:0.22584314438978098	we:0.07550790050122236	and:0.07073725638771058	which:0.06195460463542662	They:0.05871497833968542	who:0.04537527182888321	that:0.042647589904667396	men:0.03412377244227152	it:0.023276322870147026	:0.3618191587002049
from:0.20334896374932127	and:0.16078875544164029	or:0.12640397788405738	of:0.07513949725066969	in:0.05728917098574257	for:0.054659581642212914	with:0.04495602751713868	to:0.03888340553380027	are:0.03629458029555321	:0.2022360396998637
be:0.27110964034425655	was:0.23593700786851984	been:0.15644077410525475	were:0.07842816345159208	is:0.07226886386586472	are:0.04330194039964612	being:0.031100884483730298	and:0.021501386421255528	bo:0.018524768214227525	:0.07138657084565264
of:0.1881748666843997	in:0.16417960753128513	the:0.16054320398913777	to:0.06529918338462562	a:0.06438869022661636	In:0.04082425653035334	and:0.037434142673642055	from:0.02451790663698923	that:0.01897557987066979	:0.23566256247228104
thousand:0.26557155939711996	of:0.16658370970744696	hundred:0.11578842713933904	million:0.08107167826365905	fifty:0.04431086191775639	many:0.03119144114159642	billion:0.024280910133154827	few:0.020024736832332208	five:0.018371757469607886	:0.23280491799798728
the:0.344666036689683	this:0.18964579040016566	an:0.08485408651733674	that:0.08146498047623416	The:0.06505091490913072	and:0.03393503997886372	to:0.03118727520648464	This:0.02652864942927644	An:0.025984464953627686	:0.11668276143919726
it:0.29333567054069953	It:0.2124839137957309	which:0.05922684204192368	he:0.05858666710730437	and:0.043390379490122054	that:0.04331059911828439	who:0.020853999602490545	He:0.02060480288063926	this:0.02008777298574604	:0.2281193524370592
the:0.16847566426410698	of:0.08716706358426805	and:0.0739169448490763	to:0.05135851467555306	a:0.027207877885642547	in:0.026604139133994502	is:0.024304559968791592	that:0.02400247104420541	as:0.022831069047549966	:0.4941316955468116
made:0.11942847096974421	and:0.07979570471363857	caused:0.029091215056480817	shown:0.028426754301022945	up:0.02777670568714523	ed:0.027617079589566704	out:0.026630159435991316	taken:0.02626602987193105	done:0.02542850605479482	:0.6095393743196843
the:0.18927580197235688	of:0.10268000335673094	to:0.07193089873803327	and:0.06302722590064451	in:0.035804951354373886	for:0.03552877544733519	be:0.029165863199114864	was:0.021230450879771812	is:0.019324942212557497	:0.43203108693908115
the:0.3852488661522551	in:0.2665205385463908	a:0.13947625764876628	In:0.06949178783046955	The:0.018875170665855638	this:0.01870930743065698	any:0.017228385432617965	tho:0.016751923565152732	every:0.0163546651885032	:0.051343097539331764
and:0.05850633159345087	made:0.05778236604140629	or:0.027947329102333503	that:0.01819347949917324	him:0.01773635421536566	followed:0.017704641720028166	owned:0.0176503613776524	ed:0.016838740781092234	accompanied:0.016553199430885835	:0.7510871962386119
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
he:0.2379113627064749	I:0.17179981043725331	they:0.08830411133125074	have:0.07017511067570521	she:0.06615057120640873	and:0.06172205878317997	who:0.055951153531660004	He:0.052925068765139804	has:0.04181577551916126	:0.15324497704376608
and:0.06888696206983992	as:0.0493676313756675	him:0.042856754315595	is:0.04224923642758384	able:0.03961939176168454	was:0.03955092597079114	went:0.036151343656419456	had:0.03584288617114795	enough:0.035708358656877374	:0.6097665095943933
to:0.19456755723826114	the:0.1571167602032208	and:0.11949359947792054	of:0.08301355315259264	in:0.04534592222739802	a:0.03519994669859387	his:0.027675393095715074	will:0.015672987865932214	her:0.01422628877877722	:0.30768799126158847
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.24609310524846204	a:0.10968596461650049	and:0.07515924876930757	of:0.07389391594568605	to:0.043256990721021946	in:0.04200891487333033	at:0.03486296688572173	for:0.022209898641610923	his:0.01980579024475216	:0.33302320405360675
made:0.10078537031131085	and:0.0882080380540974	or:0.035313723857806074	owned:0.03274205491809416	that:0.02986014701124885	followed:0.029194484872852956	accompanied:0.027648065969421307	ed:0.025493172925689322	given:0.024526229062115268	:0.6062287130173638
Silver:0.06534746273224563	Lode:0.06269461071555439	the:0.04628670238644307	and:0.04163615950401276	Hill:0.037470633034203615	Eureka:0.02384881376222362	<s>:0.01943942339559108	Gold:0.016631983607626324	City:0.015506576375874645	:0.6711376344862249
the:0.1844441770319582	south:0.17270827545777226	north:0.14758809253716265	east:0.13312266834521988	west:0.11740281509508677	one:0.056493289570540436	other:0.04689442941036244	either:0.029527928032793346	a:0.026020376492630268	:0.0857979480264738
was:0.21613246318229698	been:0.20742460732377177	be:0.19308301813869672	were:0.07142581545975851	are:0.05577747179176233	is:0.05074767479599387	and:0.03406885936463273	not:0.02991072977298597	duly:0.02474459776403963	:0.1166847624060615
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
the:0.1598103787432024	and:0.11871077708743676	of:0.08602739559787087	The:0.038652020581649196	that:0.03276018157209551	these:0.028621773236943676	These:0.026996636124345257	in:0.025979445439423335	such:0.02151839153799508	:0.4609230000790379
the:0.08789720635497154	and:0.07820325291506017	of:0.07409488784379216	to:0.06286243358342224	be:0.05661814672863629	a:0.04478774919695505	in:0.029168427928634	was:0.027046363262135754	is:0.026073151479528232	:0.5132483807068645
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
was:0.24485397552299795	be:0.21191732589906448	is:0.12835228051528094	been:0.10830459132698303	were:0.0705490897188159	are:0.05399696119190956	not:0.036709178408245724	being:0.03022893281210677	and:0.029384268412830407	:0.08570339619176524
the:0.15419149516698707	of:0.11791317004447482	and:0.10306058448442144	a:0.06334337651175981	to:0.04779561361155242	is:0.02264234866280185	in:0.022350660809763865	be:0.02189248813231505	or:0.02178327426752028	:0.42502698830840335
and:0.11731301388143589	of:0.08744294099229041	put:0.08553840489924404	as:0.07947620599453563	make:0.0688058920828317	that:0.06616177558168397	for:0.054752710006307964	to:0.050228904945984865	with:0.04561235820437173	:0.3446677934113138
the:0.5972337583015596	of:0.07552809553790561	said:0.04239429718232715	tho:0.030678627713679605	in:0.027046017569599616	on:0.02099218892683402	tbe:0.01722236958785786	and:0.011949305649128073	The:0.011510562642867839	:0.16544477688824072
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
a:0.195486181250998	the:0.16748531673143202	no:0.1437250498278087	to:0.08248539232252235	his:0.07543104026918782	their:0.067867061842067	of:0.06781868546891828	and:0.042574316699607734	any:0.03528830273443528	:0.12183865285302282
of:0.21030354194379108	and:0.1410775833298136	in:0.10403343649825787	with:0.08459492879502785	to:0.08236173980853444	for:0.062334351357193854	that:0.05431989460073243	by:0.04487330906084482	at:0.04112867941551489	:0.17497253519028919
more:0.20325964560133758	and:0.14357164733389519	of:0.13054680880219066	the:0.10934503557444109	other:0.0585930416864159	young:0.049767494768207285	to:0.044443771734828	for:0.04146481674861004	that:0.02997719140542056	:0.18903054634465372
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
the:0.5342524983359077	a:0.17800596217851347	of:0.07502048534774833	for:0.04850968432519011	and:0.041380228525280546	The:0.025955397807881964	or:0.018722262910500116	tho:0.016125914164442052	that:0.014115495377973844	:0.04791207102656184
the:0.2103129282195826	of:0.09255903756192115	and:0.08429290021351202	at:0.05188701489677799	a:0.050599825565100176	in:0.0452983441792958	to:0.041001231527110285	for:0.022987397470250394	The:0.01968035892070513	:0.38138096144574446
of:0.34452588271586815	to:0.14053060499453146	that:0.09767585935923503	in:0.08051919538440001	and:0.06485821812150527	by:0.0591508779935522	on:0.05129505907459228	for:0.04232183353079423	from:0.037618293315382204	:0.08150417551013917
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
I:0.32910519726030535	he:0.15894058602257843	and:0.100208818467557	He:0.052662376409190595	have:0.04977971258011829	was:0.04558609879483101	had:0.041007168154355365	be:0.0402842413715639	is:0.04001943503873074	:0.1424063659007693
was:0.16569196424289695	be:0.16554387787555144	been:0.07893672453672178	and:0.07677362006332418	is:0.06697011072333285	are:0.05191759569122381	were:0.050816416256200155	as:0.043199682189775365	he:0.02970268400786162	:0.27044732441311187
went:0.08404885135538691	made:0.07469592510536423	taken:0.074190398128692	came:0.07288325666873213	it:0.05827742348958244	come:0.052644015404451835	put:0.046516636118755644	brought:0.04276189202875106	and:0.03618348172051444	:0.4577981199797693
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
that:0.18778851441668562	and:0.15432283985298312	as:0.12750685134447742	but:0.07143076988371486	which:0.06231663092564521	when:0.061074993361034946	if:0.054274835701976124	where:0.026331267993578815	of:0.024603499722161713	:0.23034979679774217
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
and:0.05506725291823688	go:0.038081909786626164	going:0.037983634558448894	work:0.031003626645154873	carried:0.028658728723775267	them:0.027378544654337606	put:0.023401611360287813	that:0.02335171207708864	interest:0.022208120668140725	:0.7128648586079032
he:0.222148025039977	I:0.11738447998175257	it:0.08823089302341944	they:0.08327283362869287	who:0.06302272424565873	and:0.05713161394367219	we:0.0563884781341847	that:0.05637257245076961	she:0.04527740310254569	:0.2107709764493272
is:0.16495344313866125	are:0.09803434624413522	was:0.09603730202695783	and:0.08705418328523759	as:0.08276924732782032	the:0.06830153866591024	be:0.06468025158464583	were:0.049721006413171565	more:0.04825893703253218	:0.24018974428092796
a:0.12470657925217032	and:0.12359386261041756	as:0.043104079877012834	be:0.04213094166731886	it:0.041166138541946354	is:0.03260453076100308	was:0.031462876657614755	of:0.02822645712110646	he:0.023476242076572784	:0.509528291434837
of:0.11904574774402965	and:0.117039163175256	in:0.0579721685820925	to:0.0511186639368552	fact:0.03928633611901063	said:0.03323136332365265	on:0.029827822579143393	all:0.024787499172257966	is:0.02252394945510673	:0.5051672859125953
and:0.03268335137189172	the:0.01835798226375827	a:0.015891745747933197	or:0.008742152080677409	<s>:0.00718166135548531	one:0.006713642700453708	that:0.005372395152033943	to:0.005120811965463953	.:0.004533682409545925	:0.8954025749527565
and:0.09989805169076302	to:0.09262229378976161	of:0.08264916898691192	the:0.05322333903573887	in:0.05234422674280653	be:0.0402575121238835	was:0.034926533420561484	or:0.03012136233432581	is:0.02836407869525102	:0.4855934331799962
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.7962179144113384	The:0.06889988604329936	tho:0.04578901333519418	tbe:0.015239441154132505	this:0.012959109703133364	and:0.009933247044406231	our:0.007955476110369735	that:0.007354186650982527	a:0.006710923619852781	:0.028940801927290878
that:0.305894510528897	which:0.09752575010273326	and:0.09709171252260333	if:0.064018363935346	as:0.0618240985175236	but:0.054431085018196754	where:0.05352228299378296	when:0.05094516670231303	If:0.029390794028594527	:0.18535623565000955
of:0.2598753958843575	to:0.12188390890952988	on:0.10588056016905743	and:0.09683841235707176	with:0.06551715555867217	that:0.061557319614784396	by:0.057703347485880796	in:0.05602098640888076	from:0.04505279764580046	:0.12967011596596487
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
their:0.1477388649179425	who:0.14633519570083417	the:0.133297789184992	his:0.11485964021145978	our:0.06829012224073296	and:0.06778839366535076	not:0.05911313129248364	my:0.058021496011297934	he:0.0522477862963831	:0.1523075804785232
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
Baltimore:0.3648032769554587	Chesapeake:0.21449302734193001	John:0.0057878491373061815	William:0.004992681916475886	James:0.004720667070631576	hundred:0.0042768818349509154	wife:0.0041571509121298336	gold:0.004066102090588568	Robert:0.003782519966981669	:0.38891984277354663
<s>:0.043041483808795175	him.:0.02139047952508797	it.:0.016608238669572915	complaint.:0.012606173234725456	them.:0.010208308446393083	day.:0.010205217770337564	and:0.009561422344283402	time.:0.008879520693931827	years.:0.008855352143908667	:0.858643803362964
a:0.5558848017958632	the:0.2184389327238758	very:0.05283543402317409	A:0.027311546324607153	but:0.025320813344152867	The:0.02192487043670669	and:0.02023189965112662	is:0.012649219422056514	his:0.012553427859903443	:0.05284905441853362
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
;:0.029061144993926435	it,:0.02070973329715201	them,:0.012405376909913618	him,:0.010368224398011185	in:0.008788771398788718	time,:0.00812818481080709	him:0.007812333873097617	country,:0.00724525915849591	years,:0.006623675703907612	:0.8888572954558998
of:0.382059453252019	in:0.15349604013917467	to:0.09244653582396979	by:0.06958609354200762	that:0.06754665483190066	and:0.05326231693962724	for:0.036125869461287576	with:0.03511859019862448	In:0.030344580198486907	:0.08001386561290204
a:0.40022650222412837	the:0.3166739773533843	of:0.057796956116467034	with:0.04490103204266032	The:0.039231644881173845	A:0.032504021231295026	no:0.026518348303179888	this:0.024674869805244366	and:0.02071620985571091	:0.03675643818675592
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.500832888250031	and:0.08634886860813841	of:0.03662148869250173	tho:0.03615799358910451	all:0.035170880794921	The:0.03503941137435465	other:0.03304185903976604	a:0.02801568152439325	or:0.019435065500837127	:0.1893358626259523
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
in:0.37772514057262074	of:0.3647138447749961	In:0.07649733139326538	to:0.0577713020733563	by:0.023110726624946086	for:0.02211127653030929	that:0.020226631172159972	and:0.01497052423609541	from:0.013654217007748059	:0.029219005614502698
the:0.6345053631791764	The:0.08595874934479923	and:0.07684324239635507	a:0.06894112326985836	tho:0.031580762711195226	of:0.01935418002072116	by:0.018202440583768038	tbe:0.01255054548294141	an:0.006974249556169846	:0.04508934345501529
of:0.41290008376799553	in:0.10606079151166659	for:0.09320829646457231	to:0.0868636701025532	and:0.08134804289806967	by:0.0410920769053561	In:0.04097988262428851	as:0.0331945811756045	is:0.03168833125040094	:0.07266424329949266
of:0.21005993178862212	for:0.1344779353964489	to:0.13398197611538493	in:0.12104628316910118	and:0.0825522540548141	with:0.08165153338594934	all:0.040438477207242925	that:0.03709578551661298	on:0.03555026863915022	:0.12314555472667334
executed:0.01843779494060014	up:0.012989774057395327	him,:0.01298148953755658	them,:0.012866102299284936	him:0.011583805565555437	it:0.010961889119744918	it,:0.009503694277296328	men:0.009489393618050873	them:0.008965979484208497	:0.8922200771003069
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.3202966859128421	in:0.17902272028475594	to:0.1425528609235546	for:0.05525800736531497	by:0.05334259044693876	with:0.05265858508781306	from:0.037257787083557065	In:0.0310654401730726	between:0.02343663609321979	:0.1051086866289311
the:0.24813534233013376	and:0.1753471031242471	of:0.12096165452740107	a:0.11011253522972013	his:0.06889232465511914	in:0.0517782229115686	to:0.043735082975481836	their:0.04324868167509037	for:0.027335693592413966	:0.11045335897882404
the:0.7402769839457835	The:0.07355233490030749	tho:0.04506481899398014	a:0.022673330274113574	tbe:0.01812752661610458	and:0.01656338850398973	no:0.012278484773727151	further:0.009922707619126626	good:0.008907781507858757	:0.0526326428650085
of:0.12240352120551405	the:0.07818009669217686	to:0.07588814082964644	and:0.07407317324498375	for:0.07180773617357822	in:0.0481412794786812	a:0.046909996911360004	at:0.020036602487017843	or:0.01729799146652515	:0.4452614615105165
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
the:0.2605069604858346	his:0.20697767133544068	a:0.14768084835577136	my:0.0680548549237398	her:0.05247483402424997	and:0.050190643143806384	their:0.028299343809890673	your:0.0248092190598691	of:0.017567273816715186	:0.14343835104468222
and:0.17848744451254903	so:0.06604041643947994	say:0.051499594348841264	fact:0.04748255332231578	know:0.042764315269969884	said:0.04089837659609501	is:0.03678894737743923	all:0.03198428444938678	show:0.027940272459798212	:0.4761137952241249
State:0.04570551926364863	city:0.030602244459727524	one:0.024455395586443163	state:0.02327160307246437	North:0.02277361959173428	day:0.021642930304061298	lot:0.01814243767115115	two:0.017277229749335564	county:0.01623226993367171	:0.7798967503677623
to:0.36726369934726133	will:0.18441963490849733	shall:0.07635555527478423	may:0.07158036262431296	not:0.057122924948602646	should:0.039635730138974166	would:0.0389225123395565	can:0.03883538729405354	must:0.029510798037588642	:0.09635339508636862
the:0.2602782202220614	at:0.1802850642901314	to:0.09792412074343357	be:0.09388381478750187	was:0.08864223428417103	were:0.046785107807441904	and:0.04504122964645321	is:0.0425623060650007	not:0.02978556578458545	:0.1148123363692195
at:0.17497219822507887	to:0.12561630317567363	in:0.10454020550279673	of:0.10293834565605646	and:0.07370861479343822	on:0.07106296562673722	for:0.05466649490677142	from:0.04842540799361566	In:0.0295444004053762	:0.2145250637144556
at:0.4146100061267614	for:0.12544368903807282	of:0.08740672593164323	to:0.07385031070820812	and:0.050010139974232266	At:0.046625176829788596	during:0.04097336457253684	that:0.04027340851898766	in:0.03989425686292737	:0.0809129214368417
the:0.1564735197154926	and:0.1263035695930353	of:0.07405244518127449	to:0.05887036120400946	for:0.04713842740544717	or:0.03864069509290996	in:0.03834243278660773	be:0.03666511840991912	are:0.03020277121537087	:0.3933106593959333
one:0.028734852318598694	day:0.01824849497982334	that:0.015880179460746744	daughter:0.015484241276188276	motion:0.014569853384468425	tion:0.013030149578838374	part:0.01197585946699455	son:0.011902498550767202	out:0.010684884898301791	:0.8594889860852726
the:0.217762357693014	to:0.1055373685872696	and:0.1017436181330247	was:0.07867867411339725	be:0.05503295264600439	were:0.047209610776730436	of:0.04108155585519468	a:0.038206681415505414	is:0.03381408096612663	:0.28093309981373293
one:0.07824991613049741	part:0.06060505846807443	out:0.053403871939630664	some:0.031747519292171816	side:0.02766153276433834	end:0.02608831104874374	members:0.02530915101977882	portion:0.024924456047398843	all:0.023432288260240956	:0.648577895029125
those:0.10299497570928043	and:0.0823087898412947	man:0.07259493722277169	one:0.0448235416763333	all:0.04034776584922647	men:0.036961430672283434	person:0.019844636963088795	persons:0.01698195026792008	woman:0.015308660542501448	:0.5678333112552997
to:0.33635951466158126	will:0.23009521839618746	would:0.13386983970742578	may:0.06556974556096813	shall:0.05745152207775554	should:0.0482577808663388	must:0.04041476894631926	not:0.03444738183067559	can:0.016730054562243083	:0.0368041733905051
of:0.23212425223141345	and:0.15016496788555525	in:0.08709569949146048	to:0.07519022151016291	at:0.0556295157594859	that:0.05230669226902655	with:0.04380717720131628	on:0.043790656593365694	for:0.040794228346420686	:0.2190965887117928
to:0.30380672917657925	will:0.19931478173239528	would:0.09941217916018753	not:0.08245177061352615	may:0.07185390240708131	should:0.06809340878134935	shall:0.05819743227719339	can:0.040147223710670484	must:0.0399621687365178	:0.03676040340449943
have:0.3357417598239488	has:0.3214548618791731	had:0.2244788086867956	having:0.03190211932059993	not:0.028725376171761668	never:0.013741719100751233	lias:0.012077384411097394	bad:0.010422484951463131	ever:0.00839296778824834	:0.013062517866160797
well:0.12991015635064773	known:0.11168587180543645	soon:0.10369035459473254	far:0.08195907566424299	and:0.06388557808584468	long:0.03755135115796446	such:0.02954466624033588	just:0.024368945136159968	much:0.020609769850901107	:0.3967942311137342
and:0.09377129454296322	was:0.04271315341537484	out:0.028524574363226172	that:0.02811573968936019	placed:0.027131868575018914	work:0.02578173844450971	made:0.024681420068921236	is:0.024021050156212566	up:0.023509378606325886	:0.6817497821380872
and:0.11854277767363487	Beginning:0.0998399338242081	was:0.0504262876382174	Commencing:0.04790893866787179	is:0.032553168230926174	that:0.022915999095843454	look:0.022455180722230645	it:0.02211519550850427	him:0.02203921514419195	:0.5612033034943713
the:0.06253538568654221	of:0.04357310304383868	and:0.03203613700156021	a:0.026474390189690927	an:0.024953134292400852	-:0.024724733960791643	i:0.023513727449654298	.:0.02103992717325982	to:0.02037535474440092	:0.7207741064578604
was:0.21512638263716327	is:0.14543528416305695	are:0.12300406825480847	be:0.1158648757015318	been:0.11238189883559481	were:0.062465788502403675	and:0.049713675512334764	not:0.04436876424632357	has:0.029358580592900117	:0.10228068155388259
the:0.3942460267982884	at:0.06079236996199135	a:0.05416264163566232	of:0.0495045585718675	and:0.045884176903435804	The:0.0318477537847021	tho:0.02342786974392121	to:0.023065136722767044	in:0.018670689197446376	:0.2983987766799179
to:0.18378067860844885	with:0.1581240600246704	of:0.14601527317907664	for:0.10834583265508743	told:0.066122453178986	upon:0.05953600417076829	in:0.05131709536094502	among:0.05015324912550678	from:0.04352148931041591	:0.13308386438609468
of:0.2302816831389983	and:0.1236978370761543	to:0.1119682948503412	for:0.08030201508137316	on:0.06835318759754397	with:0.06826151373688565	in:0.06411172971514098	as:0.04297128642692266	all:0.04152837415500318	:0.16852407822163662
the:0.34713971501016466	of:0.0707441169395226	in:0.06766204508732934	and:0.06447419185208844	that:0.03214765278584813	a:0.032108563992744435	to:0.02903368525418518	tho:0.023674159821681615	The:0.02340776455509639	:0.3096081047013392
the:0.17259713434005025	of:0.10293073232041454	a:0.0849706858676569	and:0.05313687900229971	or:0.042232827593931904	to:0.0405057052805797	in:0.03422281356011614	any:0.024320751750585658	be:0.019453024573303165	:0.42562944571106204
of:0.47911555899580827	in:0.17647029306939474	to:0.08353277523478957	and:0.041824545548386716	that:0.04120476343538515	for:0.03415191211650161	by:0.03286603759074516	In:0.02969368913504498	throughout:0.028184318338231727	:0.05295610653571209
and:0.12908939420638552	was:0.04772256811017789	is:0.03858000549992964	are:0.03648853274266575	that:0.03555660083104896	divided:0.0300168397207686	it:0.029064477468903973	be:0.024430117762964474	him:0.02250983792488016	:0.6065416257322751
the:0.3832171838565447	this:0.2153403411797715	our:0.0771163743268125	The:0.030715304738891204	other:0.030676859903739227	a:0.030532552479038324	tho:0.028542581987587287	his:0.028498905570975043	of:0.027555934878504943	:0.14780396107813532
it:0.2153060094381193	It:0.1532790633437616	which:0.0981655147358498	that:0.07169969047326791	he:0.05227704768879748	there:0.05164757270199354	and:0.05008892271172409	This:0.04112754462083568	what:0.03457637291675191	:0.2318322613688987
of:0.18271686709619217	to:0.17909523436656843	in:0.17142036420870527	is:0.07517557180957993	with:0.07335129644223795	and:0.06190088963166491	on:0.04653499774905439	was:0.04254143976846971	that:0.040508408550023085	:0.12675493037750415
sum:0.15971654149250689	rate:0.07781565144944305	one:0.04012198657596557	amount:0.03308397556930531	out:0.031884711727265085	number:0.029332213397354496	consisting:0.027098255804107296	instead:0.024079689025433382	period:0.02359314515168008	:0.5532738298069388
to:0.3482561715081549	I:0.05741317153386854	and:0.055942271829824836	will:0.044998010337293746	they:0.038780129697967555	would:0.028979887973795502	we:0.0243560550492513	can:0.020700648168721712	not:0.0198673909044864	:0.3607062629966355
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
the:0.098093262973464	of:0.07387890617312977	a:0.056992843179386174	and:0.04535650091698508	to:0.020778919688398706	in:0.019942479516563548	<s>:0.016296044870747154	be:0.014103987676519892	or:0.01365044683188833	:0.6409066081729173
and:0.06025799589065156	covered:0.021973554754321695	do:0.02135423204369043	met:0.01862139866805151	him:0.01830157171417853	man:0.015087762484099916	filled:0.014981046106441067	parallel:0.014740321389692094	together:0.014707507569113558	:0.7999746093797596
the:0.5512799853964756	a:0.18612917504422496	The:0.059911654398599294	tho:0.030477949210205763	and:0.0245456983190651	A:0.012554656352247954	large:0.011370546765801418	tbe:0.010224950540081873	said:0.010098238433799244	:0.10340714553949877
and:0.16020120338766708	of:0.08685718497833594	to:0.08399503967667783	the:0.06943891233164705	in:0.05884921383794103	or:0.040621043920846804	that:0.03912403354901541	for:0.02818228214969146	on:0.028164677194048932	:0.40456640897412843
no:0.1386526268106762	any:0.1261476157928158	that:0.10686519760430721	some:0.09917377791435922	of:0.09617062253802561	the:0.09392446560211515	only:0.058231405376876114	and:0.04716698732491186	but:0.046278051654732234	:0.18738924938118057
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
no:0.2698210561784605	or:0.13967600629318966	and:0.12664094329318196	that:0.06052368163324073	any:0.05552671800351232	the:0.055129341615829226	much:0.0515845161231931	if:0.04089851993861596	of:0.02954636937528627	:0.17065284754549026
from:0.19300217727339725	the:0.17434688703056778	in:0.10842248080581794	that:0.07919286971493883	some:0.07313489208481577	any:0.07057569714868003	this:0.06443408865559666	a:0.059106952729371	same:0.05417328085966794	:0.12361067369714682
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
that:0.2721140832907678	which:0.13845036657532755	and:0.11174462990347371	when:0.09904852300896407	as:0.06714070700851608	if:0.06302902887853576	where:0.03504331808687166	but:0.03264026135963803	to:0.03162914007127108	:0.14915994181663428
to:0.16587220090853444	will:0.067090844742293	t:0.06374855643626783	that:0.04891398348951853	would:0.04569880422601861	and:0.04539820974480802	I:0.035176957137119755	may:0.030504623893655644	which:0.024192384170473855	:0.47340343525131034
the:0.25532436781253975	this:0.14733981388832806	first:0.08226725216964913	that:0.08066115620435108	his:0.04904217287025024	second:0.03462668541236308	same:0.03343944210729533	on:0.032233007054930506	any:0.029359382025057078	:0.25570672045523574
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.42176291607547806	National:0.12803706126303602	State:0.0864803391016902	a:0.06010878206468858	said:0.05756603399566237	City:0.040944486075409084	this:0.03303081210567005	our:0.03112995325639343	Constitutional:0.03025040468963496	:0.11068921137233728
to:0.25214911333454104	with:0.1165345960171846	for:0.07379783523837759	brought:0.04925935907588137	by:0.04849536355574544	put:0.043393545502574904	told:0.03437983489719815	get:0.03345066858016165	let:0.03089664564798639	:0.31764303815034883
sum:0.06763266707526482	amount:0.05115149912406047	number:0.04647791898818133	out:0.04319200090979646	purpose:0.03287061021038175	rate:0.03166081911197615	means:0.030801710382618027	matter:0.028056588927395116	all:0.02697235603425974	:0.6411838292360661
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.15487224266799032	fact:0.07318793279699363	so:0.0623479314795986	said:0.0558354054776337	know:0.04892402278806495	say:0.04342281863281931	says:0.03328865772887592	believe:0.03319528845183111	of:0.029668572937809053	:0.4652571270383834
and:0.1110868755083757	the:0.07010352453817022	to:0.06951209882010935	of:0.059056017532933366	in:0.03400074723056331	he:0.023896631727683144	that:0.023466958256947404	or:0.022936226641444225	re-:0.02222153490505041	:0.5637193848387229
of:0.3421708623493643	in:0.11706450900898958	that:0.11246838008897905	to:0.10368598943943047	and:0.08311030397823668	by:0.05785003426011635	for:0.043075841017323556	as:0.03300549360989267	from:0.031067521526151512	:0.07650106472151581
of:0.05532743604858047	and:0.02958100465142927	the:0.02571738043569471	in:0.019822413357327644	-:0.01966615639873329	<s>:0.018640542215835904	.:0.018309462093280004	Mr.:0.017667116524606254	City:0.010004539494834019	:0.7852639487796784
of:0.33136791796199766	to:0.11842171347185271	and:0.08944291553747638	that:0.07893785133844831	in:0.07038833639042119	on:0.06535828438923097	by:0.04253341220225728	with:0.03952527787342179	from:0.03930447812731825	:0.12471981270757544
for:0.2390883540530029	of:0.20453488339132284	in:0.1602971152107276	to:0.07959110772261958	that:0.05776610331766083	and:0.04696450176033501	In:0.0394490077951543	at:0.03537669228759715	with:0.030318635551785243	:0.10661359890979454
that:0.3429577790791893	and:0.09665818098502019	if:0.08418821359865063	as:0.064292499691485	which:0.05878048036689911	but:0.051294533625601935	when:0.04349105264204274	where:0.03180232491737665	because:0.02537373360221098	:0.20116120149152347
and:0.09377129454296322	was:0.04271315341537484	out:0.028524574363226172	that:0.02811573968936019	placed:0.027131868575018914	work:0.02578173844450971	made:0.024681420068921236	is:0.024021050156212566	up:0.023509378606325886	:0.6817497821380872
so:0.33776996140711457	as:0.1516545654800549	too:0.09478776130698963	very:0.08705366036390204	how:0.08612426309220497	is:0.04479908745457407	and:0.04462724901796449	a:0.04339959494091502	of:0.03153875687173723	:0.07824510006454308
of:0.2953153597904138	to:0.11054866979217493	and:0.09699921656643679	all:0.08248017075937267	that:0.07386794406268414	with:0.07041324817306312	in:0.04843879516719575	for:0.04261489149875798	by:0.03544298913428977	:0.14387871505561106
the:0.5763302406357977	a:0.1825601408210695	The:0.09965201714217345	tho:0.03287805553440581	his:0.01986273888641135	A:0.017496183981059493	and:0.011984108909724412	of:0.010599961341280805	tbe:0.010511088208954683	:0.03812546453912281
number:0.046682913763451316	out:0.042449578145554855	one:0.04176175325534599	day:0.04009718850031254	quarter:0.03819083135125497	sum:0.03491084464001284	rate:0.029378217549093897	line:0.02764027331825606	part:0.02505425731798505	:0.6738341421587325
in:0.21857242235782562	of:0.17090964300747363	to:0.1107585198668053	on:0.0715706287873892	and:0.07143791232879669	In:0.06450070710184978	with:0.061862741066173434	from:0.036199045019659384	that:0.035266457024934465	:0.1589219234390925
the:0.23100521643380242	of:0.0740613608550251	and:0.061167446723956104	that:0.04033940593958656	The:0.03676994801199908	a:0.029630463327468756	in:0.026636300448902746	or:0.023892449348076526	to:0.020945995451608874	:0.45555141345957384
two:0.02675200329135783	one:0.023753486608014702	day:0.019938739069054984	on:0.01673619892076743	and:0.01667945755972768	in:0.015982461321904513	more:0.015960862287814705	man:0.011234351485089354	lot:0.010154900490742538	:0.8428075389655263
not:0.298340623601745	and:0.15818669856987164	as:0.062448315791392255	is:0.047733909248600714	are:0.030526795320115728	that:0.025954251726279395	And:0.02326389443698534	was:0.02195462996325684	have:0.020231094532450304	:0.31135978680930276
one:0.07824991613049741	part:0.06060505846807443	out:0.053403871939630664	some:0.031747519292171816	side:0.02766153276433834	end:0.02608831104874374	members:0.02530915101977882	portion:0.024924456047398843	all:0.023432288260240956	:0.648577895029125
of:0.27916151887349494	a:0.09365260440103859	the:0.08171732649243317	and:0.07697891671192333	to:0.07540656012696477	in:0.04303705435237729	for:0.04029840340235655	thousand:0.022954190115913677	at:0.019367072569319906	:0.26742635295417777
the:0.24092957526823616	an:0.14399267284012263	and:0.1359133709723535	of:0.13252111209761155	a:0.07843602210186612	their:0.04462114848716584	most:0.03461354224950375	his:0.031615497846039356	The:0.029949143545847417	:0.12740791459125364
the:0.22050357445312768	of:0.09519005209972552	and:0.08453030059005237	to:0.06647459977454177	a:0.029837987931649535	in:0.02893898478965588	that:0.023483767225433355	The:0.02084559446074367	for:0.020761468805002663	:0.4094336698700675
they:0.1259612041555757	it:0.11717506459111493	I:0.10681443346843357	he:0.10099401151478743	we:0.05904914782985651	that:0.051777623356942915	who:0.04815720432953046	It:0.04628051480547023	you:0.042508087768736394	:0.30128270817955183
of:0.14113137721567037	and:0.13709192428960268	is:0.12022190250265617	are:0.11179590578765995	now:0.04817111343466014	was:0.04432755348055719	by:0.03230320840230684	as:0.03045881379773569	it:0.02741405138292398	:0.307084149706227
and:0.07477737894394504	make:0.06177972769480679	that:0.05234599304331035	of:0.04115811912335886	to:0.03851932886662025	as:0.03061438107566988	made:0.025030616548689204	for:0.023337294852185168	<s>:0.02309498794817461	:0.6293421719032398
it,:0.019676710127249968	him,:0.01422653832602859	it:0.014075443614486762	him:0.013931746660330485	them,:0.013433701207226336	up:0.01322718546138865	years,:0.011132937937417193	in:0.011095537373305221	here:0.010242497291616219	:0.8789577020009506
half:0.23586889489259502	of:0.16315868892929394	and:0.09296151160878194	for:0.08346971925066926	in:0.06467866323949512	to:0.06264487659287514	is:0.0618161397615494	was:0.0521706859956494	with:0.0483546478788513	:0.1348761718502395
and:0.0982261776606353	of:0.08630602740709437	to:0.08617358595022528	the:0.08052347200656317	Mr.:0.025999064951536272	that:0.020175958208409454	in:0.019859659593092233	he:0.0195437628701901	which:0.01890536671665545	:0.5442869246355984
and:0.11458456747140804	of:0.07342477799966629	the:0.0588443997201253	to:0.05450905051047714	a:0.0326778202364273	in:0.024726271725335206	as:0.022204118693430086	that:0.016173555808942655	I:0.012673685496242645	:0.5901817523379453
not:0.28070532709500645	to:0.2538931613059656	a:0.13240753080706383	would:0.10771962116062646	will:0.06049353375822582	and:0.038783222598580955	may:0.027241629772453462	shall:0.02312295580474905	no:0.020958560212287126	:0.05467445748504124
it:0.24741900289576563	It:0.1923099503945381	there:0.070161321193904	which:0.06117487868370045	and:0.04234272713080313	that:0.04212487291718698	he:0.03973816993292814	There:0.03028910045017921	This:0.027957860303852985	:0.24648211609714138
<s>:0.0428894829761242	it.:0.03040898667404554	them.:0.019105527399106845	country.:0.009652035034870133	him.:0.008856896594730454	time.:0.0077495911790216076	people.:0.007369004476246171	us.:0.006989026693701653	and:0.006408817655862651	:0.8605706313162907
the:0.097405247583114	of:0.08873285975677637	and:0.06728886138144012	to:0.05556323313594831	at:0.0421834862249505	in:0.03313000018171961	a:0.02511319335190788	.:0.015828635199719266	for:0.01565701062386565	:0.5590974725605583
and:0.08581132722464302	as:0.07368894569379593	able:0.04378285914760228	necessary:0.04095589440635728	him:0.03788429295782751	is:0.03523344760659839	time:0.035010875540230794	right:0.034395856276084436	made:0.03111785958568929	:0.5821186415611711
I:0.11784890889260223	he:0.11138354814371466	they:0.10886104813212662	we:0.10428971469569423	you:0.1032955811191207	it:0.06296889504578926	and:0.0577500243803873	that:0.048947341622943855	which:0.03397786702609814	:0.250677070941523
and:0.13314285905252288	that:0.08040253605030563	which:0.06792491793630136	I:0.05445174256618638	who:0.05242783471126286	to:0.04990061342196841	he:0.04544757192035176	it:0.031211785903771123	they:0.029445143951117515	:0.4556449944862121
that:0.3420683576739576	and:0.08758293257863582	as:0.0742256946564024	which:0.06793289235672284	if:0.06363893477492652	but:0.05003125855999944	where:0.032561809702667366	what:0.02917602744727175	when:0.026734250551241425	:0.2260478416981748
all:0.6116673551809404	different:0.08356024052365313	various:0.06743772764825494	other:0.056853341884398716	the:0.03900179124968519	many:0.030663199287407884	All:0.01828784862281613	and:0.017547591865464656	certain:0.016487011194321406	:0.058493892543057584
of:0.11149637053009621	the:0.10176497906927749	and:0.09472486012579216	to:0.07163370179558064	a:0.054793479242487876	be:0.02756135691294707	is:0.02720789522199288	with:0.024684420873071274	which:0.0236315734844932	:0.4625013627442612
<s>:0.10228368969773953	it.:0.024033195487589486	them.:0.013043071721058782	day.:0.010635551669531835	.:0.009560314435105766	time.:0.0075099394529886555	him.:0.006674423572834752	year.:0.006571528171477016	::0.006074778986368914	:0.8136135068053053
of:0.3640899660809904	to:0.12592642459255185	in:0.12185577089671332	by:0.07496102818801836	and:0.05266756839815697	for:0.051371926797857737	In:0.05119589382645872	that:0.04735007518333983	from:0.041199411230910664	:0.0693819348050021
it:0.14585025601618054	It:0.1375715694437333	he:0.09813409718245451	which:0.0842676445690524	I:0.0614757700924232	and:0.04617367703623518	He:0.03746934821841075	that:0.03661140339772809	who:0.023973835720953865	:0.32847239832282815
the:0.4075273589876665	a:0.16232614894949093	of:0.08095214522909766	his:0.06734304827443732	The:0.05403490694419933	and:0.05159950772119512	this:0.04017518549237705	their:0.033275956088615236	our:0.030412699019318177	:0.07235304329360263
of:0.1569808567556568	to:0.0558171258169278	a:0.0505015317783729	and:0.04628288108284436	with:0.04107303907126171	for:0.04004145116907708	the:0.03450710418257743	was:0.027911932437773426	in:0.02755335451392322	:0.5193307231915852
and:0.11208777961884489	is:0.1062014439020832	that:0.07080567278830886	as:0.06890107901493106	but:0.06113709385952222	had:0.06028778851102862	Is:0.05857002354569696	was:0.05679586358982946	have:0.05506619221621435	:0.35014706295354037
and:0.08362943294997585	together:0.07769806815080653	connected:0.0635902168573379	connection:0.06228367212358626	accordance:0.047530813078388766	comply:0.026000666542743977	acquainted:0.023189098613704624	compared:0.02214887744238745	contact:0.01973810078197255	:0.574191053459096
.:0.06816757601716635	Mrs.:0.05337696252304126	and:0.05163222836686772	A.:0.05127803241271235	P.:0.0417764046134802	of:0.03362385683223963	Mr.:0.03231965426855616	the:0.030920816939545844	by:0.026211320782953573	:0.6106931472434369
taken:0.08738621617858616	picked:0.0847584782794533	made:0.0828939387460994	build:0.06022567138386162	put:0.05282023390821599	brought:0.05016653954991091	make:0.0460639782573163	set:0.04514766876230869	it:0.04309663373473466	:0.44744064119951293
It:0.17463498499330213	it:0.17417789670582393	there:0.11886281385624677	There:0.07838615957318351	which:0.05716600098554751	that:0.04868638468828318	This:0.030688559425393874	and:0.030563814618389286	he:0.03005514836091493	:0.2567782367929149
the:0.2840952959490683	a:0.10543254650595167	this:0.06256331791035326	to:0.048413144300111365	other:0.0424525407656534	and:0.03601909118189984	our:0.0358304430711726	each:0.032707252488309496	their:0.029970229151661743	:0.32251613867581835
of:0.30763537898980897	for:0.25555172967750206	to:0.14993668297421248	at:0.04743578086755384	in:0.0444982633975822	and:0.04283645400147253	from:0.0427285747252142	than:0.027321531717309968	For:0.024689627963776287	:0.05736597568556748
a:0.13326010022644788	the:0.11378455441743222	of:0.10028899223945181	and:0.09431486957949671	to:0.05980036912590545	in:0.054083217259166316	for:0.05310007522305343	that:0.03503192327240865	by:0.026177663580490545	:0.33015823507614694
the:0.7329568846489218	The:0.0696546475291351	a:0.06038320226282339	tho:0.05230367370829123	tbe:0.016966400763669776	of:0.01542628740345585	our:0.013792886119037213	and:0.009353193387280101	in:0.008456041140322392	:0.020706783037063085
the:0.2569106978393477	of:0.11720684807423658	a:0.08733133716202335	and:0.08474074395617721	this:0.0728028800300604	as:0.04161266662818543	said:0.033385291189524005	to:0.03204162814778091	in:0.03170856094724785	:0.24225934602541654
and:0.1285297842944634	of:0.10044629562155301	to:0.08202348632705164	the:0.07301622511388797	is:0.03145878175110043	or:0.028223101938758016	be:0.028131468649359496	was:0.024817644226103882	I:0.023678415894404004	:0.47967479618331815
in:0.4980616787402831	the:0.25734825635111114	In:0.15117667121273384	tho:0.016405263681136328	and:0.012404210560550183	iu:0.009439424798977037	of:0.007319657150742511	a:0.006878902703160178	tbe:0.0064482831624172975	:0.03451765163888835
the:0.13087787299382608	of:0.1227244337372524	and:0.08025503692600622	a:0.07697873592625161	to:0.04513622002192643	Mr.:0.036936442634786994	in:0.031202062299773778	with:0.02506970664364511	or:0.023582725236507687	:0.42723676358002366
able:0.06589631332418726	right:0.06540140980945532	him:0.06344046799787383	is:0.05682338031498784	was:0.05418313484085932	and:0.04808510098660002	began:0.04757751832296793	enough:0.04124891873442551	me:0.03868640796104095	:0.5186573477076021
years,:0.01184461821854182	time:0.009356434745111731	in:0.008999771834895101	;:0.008613479246975659	porous:0.007473513963247233	hundred:0.006870414313547528	it,:0.006786658829433457	States,:0.0061876025375332475	manner:0.005937196325960979	:0.9279303099847532
dollars:0.23099504181283861	pounds:0.05271784588120065	of:0.051830993498542643	cents:0.047429965762643474	a:0.04549576589141949	hundred:0.044314008344721656	and:0.02832092379340516	half:0.015530137383314784	the:0.015314398840954853	:0.46805091879095867
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.20310242726030633	I:0.1193197685653577	have:0.10587393612139269	he:0.09207657213997493	had:0.0860705702730725	has:0.062381218412801115	it:0.05757965257152143	be:0.0505321714168241	was:0.04636635636353272	:0.1766973268752165
of:0.17810967215416537	to:0.14639971251199457	and:0.12155500596360365	on:0.0889413675188896	in:0.04013650087893903	at:0.03364695764934227	or:0.033125627246053106	a:0.03234860643441819	that:0.030424450048924825	:0.29531209959366933
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
it:0.2536109703466613	It:0.17556548640390238	he:0.1482045398821951	He:0.0464947326867255	and:0.04565864670528649	I:0.03713633881899704	which:0.030147700204776383	she:0.028351236390444356	that:0.020940883524529764	:0.21388946503648168
the:0.23064976974816406	of:0.1251839000947097	and:0.0906191556751078	to:0.06974493060332328	a:0.04579261884899858	his:0.03895619581412924	their:0.038950986662083485	be:0.038404399040864186	in:0.03740983947926077	:0.2842882040333589
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.07482212439064938	and:0.06159692601309485	the:0.046524442573845526	.:0.04503574448304201	Mrs.:0.03862216950741165	by:0.021949434641330628	to:0.02059018921571336	Mr.:0.018380380108193022	<s>:0.017977386041965335	:0.6545012030247542
highest:0.062316607641519396	up:0.024834519673880905	made:0.024716794208800134	it:0.020987526235946408	in:0.01430111614089866	time:0.012185034827808612	him:0.011429023092919878	them:0.010763725413926586	out:0.010411707624124517	:0.8080539451401749
he:0.15760358998476107	it:0.07960037078123837	and:0.0783183575860865	which:0.07061259049398295	who:0.060154149166401126	that:0.05828712503669086	It:0.045137051777501276	He:0.03462748460810424	she:0.027243872518348946	:0.3884154080468846
the:0.18468483219642715	of:0.07714943039634888	and:0.06667151038460534	for:0.04725682968581847	to:0.0407638710924126	in:0.02614722305264385	a:0.025268010744292673	<s>:0.016115786136348106	that:0.01583974532055316	:0.5001027609905498
of:0.3249888104248999	to:0.11033298554291157	in:0.09996519130866556	by:0.09730950458712383	and:0.07464657024456835	on:0.0592043711513691	with:0.0549159180031161	from:0.041312037394297174	that:0.03893876585787132	:0.09838584548517709
of:0.11333544215279429	to:0.06478033197719965	and:0.050376873508276895	-:0.03346371627123611	with:0.029615904109467787	was:0.02756770230780798	by:0.02677635573662678	.:0.019879976200126336	is:0.019463519508446086	:0.6147401782280181
to:0.21377230931841493	I:0.12184852725385287	will:0.11246600471946518	would:0.10391287316098005	we:0.09138678907963116	they:0.06939348096745462	who:0.06876253251093256	you:0.047491959858065154	shall:0.046609085739954745	:0.12435643739124874
the:0.14866012672151335	of:0.10662940610624397	to:0.06440079416541049	and:0.048139811822648634	a:0.03617615807548876	in:0.028148123757227524	on:0.026547119584056707	by:0.022712154278170492	<s>:0.02030198099096373	:0.49828432449827637
and:0.18568114336745192	he:0.17462503981019514	the:0.06155891294247143	she:0.055793551869969864	He:0.04490878201425043	it:0.04476188622874093	I:0.03480846955784883	which:0.030205559033890845	that:0.023246798320856018	:0.34440985685432457
of:0.1615857807020355	and:0.15975065359135757	for:0.14057946473074817	that:0.06857560608247314	by:0.06813549411383463	in:0.06796723370349154	is:0.06376372217343959	was:0.05206361198556261	to:0.049766647520756185	:0.16781178539630104
miles:0.0628853291756792	and:0.0433157570751805	feet:0.04237232991186347	at:0.03595169668957321	away:0.03579417408099329	taken:0.026621333992222745	them:0.024210478132273117	up:0.02178732608588493	ranging:0.020268310903408162	:0.6867932639529214
he:0.30102321245627056	I:0.09438405300839194	who:0.08993096495949683	she:0.07336857659638663	they:0.06975303839194882	He:0.057644861831109215	and:0.047062122714463736	which:0.044613226055611827	that:0.0394467156495943	:0.18277322833672616
and:0.10728643539050407	of:0.09689368708684774	as:0.09430956550132799	the:0.07574070144994628	to:0.05122624749049644	be:0.037028496537601055	such:0.03566920217538001	much:0.030975032286415252	in:0.028365295688714418	:0.44250533639276673
of:0.11108350328080033	that:0.04626250856517041	and:0.04275686416417719	in:0.03451574468998762	after:0.020980156123611333	to:0.020129284501285153	for:0.01953175273177773	by:0.017370837758580067	from:0.014717106703012616	:0.6726522414815975
the:0.6455582415763076	The:0.08034172321617551	his:0.045774838321284	at:0.042833876845919036	tho:0.035068948978755496	their:0.021522394831307967	was:0.02000391251575118	and:0.017626571284851986	my:0.016236452942760698	:0.07503303948688647
he:0.1441352379441881	He:0.07339997038648081	I:0.069236892966067	it:0.05752749685214609	and:0.05346241284772447	which:0.04639072653047666	It:0.04605147533193818	who:0.04201885252447234	she:0.0342584475263141	:0.43351848709019225
is:0.14174113765604132	are:0.10861343149589435	and:0.10630603683031467	was:0.10366766104744679	be:0.08700128819002967	not:0.08181940688981779	been:0.06580043567621181	were:0.03773975390627013	do:0.03604416515616687	:0.23126668315180662
of:0.40421995491036405	and:0.08768159013089395	to:0.08421074029202144	in:0.0720222944393649	by:0.064846929475322	with:0.043193259093166445	that:0.04227338358582755	for:0.03462214731858693	on:0.02559892233114811	:0.14133077842330463
the:0.23739558835564697	his:0.1219675826896809	of:0.06038882968489468	their:0.06029286663178245	this:0.056164403450921725	a:0.044360084183226	to:0.04138667892602816	my:0.032877967523433256	in:0.032429958768582685	:0.31273603978580317
<s>:0.055555327024149836	it.:0.0360112971762478	them.:0.0257768818756827	him.:0.01825991423445523	her.:0.012065278119253023	time.:0.011439555375583268	again.:0.009619407488234864	life.:0.009335798819024832	me.:0.008592719958851174	:0.8133438199285172
of:0.3898323333045145	in:0.27701020274309857	to:0.052551370228831405	In:0.04928489559173419	for:0.04906762155203588	that:0.04157112626011405	by:0.03604743361837316	and:0.03334307636207496	from:0.018116484988797473	:0.053175455350425845
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
him,:0.019314281720529153	him:0.01916677027436337	it,:0.018273790925285305	it:0.017231446937358983	time:0.014478973281732914	man:0.01206176121411588	up:0.011563884851818848	them,:0.010292141946669952	them:0.010013282585535676	:0.8676036662625899
the:0.17035575249570342	in:0.10169001898090735	of:0.07356366868494768	and:0.06562927155881401	a:0.04998669342585993	to:0.043664707609002845	that:0.03462693276759543	any:0.030442654406792502	for:0.02821276176492262	:0.4018275383054542
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
it:0.2515780796603657	It:0.1524877017150304	which:0.08625771421919205	he:0.05395270892572652	that:0.04746619670986356	what:0.040326074784229705	who:0.03818145284925448	and:0.024396363770773682	This:0.02157174204249625	:0.2837819653230676
;:0.059036131495893325	and:0.02250778582027711	him,:0.021312117472291142	them,:0.015178574212148804	it,:0.012620797296519493	up,:0.009033756559729305	her,:0.008987995752900801	time,:0.008632874785310534	man,:0.007568524910015969	:0.8351214416949135
of:0.126900521630319	the:0.10028332397118991	and:0.08586340419250095	to:0.07778507321502308	for:0.06346931827098602	a:0.05549110860351289	in:0.03614362514240309	was:0.029735025299113836	by:0.02968537127141424	:0.394643228403537
the:0.1348003203542309	of:0.10128349677289564	to:0.07284443360005538	for:0.061652855026750865	in:0.0592573296070523	and:0.05676083447531816	be:0.03623117049020464	a:0.030865593688141516	or:0.03064727256138916	:0.41565669342396144
the:0.16426992389034856	of:0.09702422726033204	a:0.05773100365794107	to:0.0477127103678804	in:0.043022325231464896	any:0.04060122164564591	for:0.03929311515808009	or:0.037243611065177915	and:0.0343918480098038	:0.43871001371332535
<s>:0.12158605880653872	it.:0.019733317416057307	them.:0.016896362645447152	time.:0.009700535031257574	him.:0.009230447073249423	day.:0.009165199213040131	country.:0.008696490236364185	.:0.008072292428209843	year.:0.008070507328046634	:0.7888487898217891
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
him:0.07929730861517034	able:0.07601887454518244	is:0.07453179729576184	and:0.07137785730029422	not:0.07003920809562489	want:0.06380805820907913	right:0.05807032552159355	have:0.05291272648786469	enough:0.05137550434772994	:0.40256833958169896
the:0.3160048585494833	The:0.1840951002436542	and:0.10385738734762237	of:0.08721531506257758	that:0.051781015092254405	an:0.04275115057276564	This:0.03636365254290454	his:0.03425055132637939	this:0.02568256639111171	:0.1179984028712469
of:0.14990752540432736	the:0.12597425687200925	a:0.12172990266346242	and:0.055709595640821306	to:0.053176037064381704	in:0.042387433187745946	for:0.0365744867551232	with:0.022894792291691515	that:0.01968075496468437	:0.3719652151557529
;:0.028982614132452646	me,:0.02699652637140011	it,:0.020723076565584288	him,:0.015344185047536183	up:0.014370089183564604	them,:0.013384468487122667	me:0.012836769620162372	him:0.012418304576379583	in:0.011223389982720924	:0.8437205760330766
have:0.111222484929836	be:0.1081181247724103	and:0.10774195129915774	had:0.10203005498816395	was:0.09625998681534838	he:0.07888088194775833	has:0.07723771950170398	not:0.06681022918198042	been:0.06195924902677936	:0.18973931753686157
cent:0.44163892456525844	cent,:0.15491009094647223	centum:0.11511508409545662	cents:0.06044828920642104	dollars:0.02194691912907004	$1:0.01459383700239674	percent:0.01281204555230952	ten:0.010839131927928491	half:0.007598346657853742	:0.16009733091683315
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
of:0.24930357872821224	a:0.10809769393685577	the:0.09514923618079708	and:0.07050179086056846	for:0.06539320056694672	said:0.059040260670623436	his:0.04303610789932417	to:0.029028215496075906	her:0.02015885258261998	:0.2602910630779762
he:0.17276783337210974	it:0.10903090042699116	I:0.09305148667756476	It:0.07411490494939228	He:0.07322853118280198	which:0.05905823457322553	and:0.046781974603003054	she:0.04349976209482187	who:0.0357075727955873	:0.29275879932450233
and:0.09521721821542721	bridge:0.09220757254385181	came:0.06358059665152148	up:0.04725389004334328	went:0.044730143960060705	directly:0.039179903445155935	out:0.03758675263972338	go:0.03313872578335774	way:0.032169620243478365	:0.5149355764740801
him:0.06568498608105666	able:0.061879794029064114	have:0.058443753865458324	and:0.05731332422426363	want:0.05630175028643038	allowed:0.05368885499319971	them:0.05196003555026154	is:0.05136882602080105	had:0.051239643850581024	:0.4921190310988836
in:0.04235211975232051	costs:0.03171044887517804	land:0.03148607477525679	principal:0.0248300261892626	time:0.022799882794572547	rights:0.01729225314257043	city:0.013539508794384505	feet:0.01298018379745963	labor:0.012458095898344228	:0.7905514059806507
last:0.2774865481250572	the:0.18192662751405042	Saturday:0.1303307020225464	at:0.05406305425297111	to:0.052962652109637604	Thursday:0.052862965853474574	of:0.05245037024507692	Friday:0.05198451457131258	all:0.0494590443223475	:0.09647352098352571
of:0.34799192376616545	to:0.1671738909381499	in:0.10716003976444838	that:0.0646759950529544	and:0.059949985302566296	by:0.05270252261519359	for:0.03996919579938459	at:0.03423466311646024	with:0.033898957979356575	:0.09224282566532056
and:0.064988868750015	arrived:0.05472602854879836	held:0.02811771598766422	sold:0.026617293072303077	Dated:0.026237686686889212	closing:0.021395204577909176	was:0.019441830473639572	made:0.017145146464239844	arrive:0.014389810038043623	:0.7269404154004979
and:0.1078289395065658	time:0.06879020475183532	ever:0.05135774292053182	that:0.03790510335238088	years:0.03695180638477534	Ever:0.0354002951711426	long:0.031474474239775625	elapsed:0.031152021126799982	or:0.025524987064986362	:0.5736144254812062
the:0.1677358806731248	of:0.14213068286338554	and:0.11548949370087304	in:0.08142395801106306	a:0.04759725329984451	was:0.04180326252080823	is:0.03301953996150877	are:0.028585562231514504	be:0.02738162752299306	:0.31483273921488447
It:0.23822711258716828	it:0.10425326558866381	which:0.05812286291195843	This:0.057493361793479775	there:0.051416994420594914	that:0.04984208500950703	he:0.0358408821966986	and:0.02586289375777482	this:0.02530525663593112	:0.35363528509822323
and:0.1350494383141731	it:0.04339097390017358	was:0.03360143282677793	as:0.032723335568350165	be:0.03177233341545252	he:0.029670161501572603	been:0.017307475140181754	It:0.016881302128411928	is:0.016184171003757502	:0.6434193762011489
of:0.264258643049592	in:0.11343372315308534	to:0.10833432760377187	and:0.09324083157536388	that:0.06185957971647079	as:0.058333068145040155	for:0.0524699186873992	at:0.047639180544887375	on:0.042547352209550346	:0.157883375314839
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
the:0.686326023421122	The:0.10169353309229402	no:0.047214566217898185	a:0.03960936872636149	tho:0.034832697040381125	of:0.019624341121923062	in:0.015352282818382386	and:0.014075559082396976	any:0.010967954468819397	:0.03030367401042134
of:0.1324190521179236	in:0.12945736740324734	a:0.12177718928580442	the:0.07815494533665067	to:0.05568943248602729	and:0.04130653255189261	In:0.03642403348169548	for:0.0307552892563391	at:0.02992764290973328	:0.3440885151706862
the:0.18850181828564358	of:0.13999761670761218	and:0.07409110117404955	a:0.05549936134263849	to:0.05395457885348824	be:0.048716173980404724	in:0.0323910616632134	for:0.02851018994188836	their:0.027676475628078817	:0.35066162242298266
and:0.11205098361737845	was:0.10660581923815482	not:0.07524108140139703	is:0.07089294788263696	be:0.05579609945821643	are:0.0522503536769369	been:0.0481348182784352	or:0.04125209990443492	were:0.037182352043134824	:0.4005934444992745
is:0.16325178778553537	be:0.16229318901190076	are:0.13229545765289752	was:0.09823086807340002	not:0.08809589154698275	and:0.06590117271991175	been:0.039407952708325956	were:0.03516532810080846	well:0.0270163168577891	:0.1883420355424483
and:0.2726247903807631	that:0.08458509617713472	of:0.06823675383986245	are:0.05327648583749991	to:0.052174650636295054	was:0.046947560901142	were:0.04130273456681048	they:0.03261313946705006	it:0.026620135929833297	:0.3216186522636089
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
the:0.3922963306506791	a:0.3200035403052021	and:0.09421776184545468	The:0.043863638948095425	tho:0.027510328001546656	of:0.02551424894712108	most:0.023766647708782347	on:0.022581487399126642	very:0.016993986817372277	:0.0332520293766197
the:0.13145486855110453	of:0.08401915182758879	and:0.08255037339127652	was:0.06546126032627096	to:0.06503961468464707	be:0.04772219849071788	is:0.041760246162431486	in:0.03196140118969272	or:0.026293866103269805	:0.4237370192730002
on:0.23104119398010475	of:0.22332647298268138	to:0.08795510758549782	and:0.08659394118598393	in:0.07825540072008616	with:0.05969869333178602	from:0.05394686807534097	by:0.03737347980474875	at:0.036837241078101	:0.10497160125566923
the:0.2652430305763268	of:0.11629517514457097	a:0.08813801435379705	public:0.06507894865595593	said:0.05694084967809785	for:0.04812752425306135	at:0.040998904604755054	in:0.04056273201096728	to:0.04039227714496705	:0.23822254357750067
of:0.30080292138605186	at:0.14585749655849853	to:0.12604769455693843	in:0.07424952086220504	on:0.06355198764929458	from:0.05978028146820813	for:0.0560470056597773	that:0.05061307804065017	with:0.04902106327137277	:0.07402895054700322
the:0.1153511307231113	of:0.10341898958319995	and:0.10340242360727404	to:0.04574328748660491	in:0.03739270245331441	be:0.020819156139362575	as:0.02016997892990614	on:0.01957112284446463	that:0.0190683218094335	:0.5150628864233285
and:0.047388501510670304	made:0.04076601410468196	up:0.038926838892920874	secured:0.0286248136643823	out:0.028535645291510207	taken:0.026909186565186555	ed:0.023627569224247785	him:0.02061437213111254	done:0.01914013493496672	:0.7254669236803207
of:0.10631112473892627	the:0.09943241832474299	and:0.08159794106622675	to:0.08044019399615582	a:0.0411705846870669	be:0.032482607452970214	was:0.026600329505008413	or:0.02456876992697593	is:0.021232665187409037	:0.4861633651145177
and:0.13900652678862246	he:0.1293466656360535	had:0.08359035009132415	has:0.07030213437999015	have:0.0694569994174458	who:0.05530997798361914	be:0.05448845726651017	dis-:0.05127930665076995	He:0.04514079213238406	:0.3020787896532806
the:0.47573124859177257	The:0.17631221349893794	an:0.08512442575226728	this:0.04606369063444726	that:0.03390734289565512	of:0.03311154444024125	tho:0.026191066606579175	his:0.024592200022823564	An:0.0182979640505177	:0.08066830350675813
the:0.1677358806731248	of:0.14213068286338554	and:0.11548949370087304	in:0.08142395801106306	a:0.04759725329984451	was:0.04180326252080823	is:0.03301953996150877	are:0.028585562231514504	be:0.02738162752299306	:0.31483273921488447
the:0.18271163901271065	a:0.17926315790153238	and:0.07246101809631086	of:0.05833991096066574	The:0.03474185181182605	to:0.02537752885602125	an:0.021488148601989103	in:0.01963442739990838	for:0.018463924857237	:0.3875183925017986
mailed,:0.04074027681746305	in:0.023563012802018616	;:0.022744037108923004	it,:0.010174678704716975	mortgage,:0.008946611896291982	up:0.007450146772915989	them,:0.007340329390891779	,:0.007045102651516654	States:0.006471115195841571	:0.8655246886594203
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
he:0.14371647275743782	it:0.11258992105803256	be:0.06764215617217986	and:0.0642152220897595	they:0.05557619313108471	one:0.04700098327380037	It:0.035477648523567405	who:0.03087501257416493	He:0.02991159443239889	:0.412994795987574
and:0.0988992346614752	was:0.05231439869500109	it:0.033968467737225304	is:0.031003961562487085	that:0.025729238128937036	are:0.02432668925860513	made:0.02243111088401604	were:0.022130013100506527	but:0.021119486086112763	:0.6680773998856339
of:0.2746226446471839	in:0.14719840862010525	to:0.09711631140012583	for:0.0918441860926351	and:0.08630482284533994	at:0.05409243804411376	that:0.04845289534502653	In:0.04225193480100031	from:0.038801426784985917	:0.11931493141948349
and:0.1313056501793289	made:0.034551030036317	necessary:0.03191530070016697	provide:0.023191256277008975	him:0.021827387004521748	time:0.02091411247587312	but:0.020346196766889778	pay:0.02006785098451588	responsible:0.019399383232926184	:0.6764818323424514
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.1623792970040886	the:0.10753977144447269	and:0.07734582230300831	to:0.07004872500487265	a:0.06320712234707242	in:0.030825723919335964	for:0.029205703119922925	that:0.02171843245522059	at:0.018306796269673825	:0.41942260613233207
the:0.2476145297325645	and:0.13896682839472227	of:0.08754305629527889	his:0.08010159998810935	her:0.06325137990217129	he:0.061959657419655555	their:0.04968241890995591	that:0.03432214067347002	which:0.03330356074702752	:0.20325482793704466
the:0.6729594351170831	The:0.1216622507733289	tho:0.03471165168825287	of:0.030522439189549232	his:0.023483853491465152	their:0.022674384764605808	our:0.01683965972337746	and:0.011140626425138394	tbe:0.009665925049276054	:0.056339773777922965
and:0.10190451832511228	of:0.08760924661788667	the:0.07654489999297673	to:0.05134565069863843	a:0.04531082355442268	for:0.04238552487190272	which:0.03717642271919685	was:0.03511710997876981	more:0.03406304390620015	:0.48854275933489366
in:0.3230259544861434	of:0.1578855297405728	at:0.11861849197559406	to:0.11000904957479163	In:0.06789635128302589	from:0.03755272936870335	with:0.03725872278328867	on:0.03513584224031278	for:0.03486209843324893	:0.07775523011431852
and:0.040144826009061364	as:0.029147298902541124	it:0.02889917730661532	It:0.027579321551577975	<s>:0.024102430330933407	;:0.021238779725355334	that:0.018261540570495793	which:0.016375394176812677	land:0.015654856264451476	:0.7785963751621555
it:0.22095882268099173	It:0.17565053794065	which:0.09976064739696683	and:0.06834914495504399	as:0.05156985932512864	he:0.04685560799835281	that:0.045598362783411076	who:0.037378970522533854	what:0.03520435145331133	:0.21867369494360975
that:0.2655576168206273	if:0.13365657958596272	which:0.11448472154984428	as:0.09335229328337609	and:0.07997644349073124	when:0.05257578557288741	where:0.05046773013026031	what:0.041525101253875304	but:0.03403693941407384	:0.13436678889836148
men:0.023457835725498973	William:0.016974123086633788	hundred:0.015450194235062626	James:0.014918850032815071	Robert:0.01300957344798933	John:0.012705415105122839	one:0.01224294511388106	up:0.0120554460143422	city:0.00993145084610478	:0.8692541663925494
of:0.23212425223141345	and:0.15016496788555525	in:0.08709569949146048	to:0.07519022151016291	at:0.0556295157594859	that:0.05230669226902655	with:0.04380717720131628	on:0.043790656593365694	for:0.040794228346420686	:0.2190965887117928
they:0.19076954017724349	who:0.1223548202339137	which:0.08620214977000842	there:0.06908076499783067	we:0.05933898384067044	men:0.04689523195534752	They:0.04373963977667889	and:0.04035615001497855	that:0.03623751303494543	:0.3050252061983829
make:0.10798349948676698	and:0.08075766871919704	that:0.07392113861105604	of:0.06554026452640138	give:0.04929945023407143	as:0.03962277425840372	is:0.03887064733426595	for:0.03741728378423561	on:0.036727833835994324	:0.4698594392096075
the:0.2732437633631442	of:0.2621600558101576	for:0.07986736767553827	an:0.0663258317782539	a:0.06615523651792482	in:0.05775786163644123	by:0.054488879851812375	to:0.041335424459423765	and:0.036135505994269554	:0.06253007291303429
as:0.18772363051483357	and:0.09179469167975483	very:0.07746683152255873	so:0.07162015708075596	the:0.07037392741350255	be:0.05923307742418502	are:0.05155081203339298	is:0.05099152075352582	was:0.048162974449435056	:0.2910823771280555
and:0.14854440303035166	the:0.0831125493216138	it:0.06505825710537609	he:0.06121812208868447	which:0.05729495669210624	that:0.050506112196630995	It:0.04402786559868611	they:0.03769479783654605	I:0.03291763126694913	:0.41962530486305544
of:0.49848334578684605	in:0.20816297489317087	to:0.09127174172726656	In:0.036959869292292155	for:0.03332452997242287	throughout:0.032501753242231916	by:0.029859589581941196	from:0.019097907449993873	and:0.018760983178666174	:0.03157730487516837
and:0.2951041948043667	to:0.0605422892558951	which:0.05330342222301859	that:0.04672168807673374	it:0.04245783923859824	as:0.028812309390016912	It:0.019144527194731416	who:0.018154011881509422	I:0.017511671490628787	:0.41824804644450103
the:0.18927580197235688	of:0.10268000335673094	to:0.07193089873803327	and:0.06302722590064451	in:0.035804951354373886	for:0.03552877544733519	be:0.029165863199114864	was:0.021230450879771812	is:0.019324942212557497	:0.43203108693908115
to:0.10520821611970188	the:0.09341590755306937	of:0.09173655980367189	and:0.05097514591174963	at:0.03408668628714097	in:0.02558716566881846	<s>:0.02136990427924581	on:0.019624464194253965	from:0.01828345927235397	:0.5397124909099941
the:0.12177314234367895	and:0.09807790895346219	of:0.07309289434667471	to:0.07175216792008286	a:0.06945641505062604	be:0.05014167492984988	was:0.048156200172620074	is:0.036202922699813345	in:0.024316267961933587	:0.40703040562125836
is:0.20678551953903776	was:0.12165427898926444	and:0.12071742552863816	are:0.08116855230587795	has:0.05630523800376826	not:0.049000253930275024	have:0.048651247085676155	had:0.04067148865725588	it:0.031487224101698054	:0.2435587718585083
on:0.19012505910903987	of:0.18737671407679024	and:0.13914697965732462	to:0.09384219626836997	On:0.08507769497548962	all:0.05616768053368813	with:0.05453764246649417	in:0.052268377238133004	that:0.042819262616868345	:0.09863839305780202
a:0.6102510447850571	the:0.0747131694792992	very:0.05139953982603053	and:0.0377090915782425	of:0.03252006647864098	so:0.030217683037878574	A:0.02576429781806079	in:0.02223959213654434	some:0.021196882515954737	:0.09398863234429126
to:0.4723128281314169	will:0.12467353691421514	would:0.04789957792125225	shall:0.04506467195290148	not:0.03591746621809903	may:0.034585777288080016	should:0.031900691396984704	and:0.03183510794913773	can:0.026729516005427396	:0.1490808262224854
it:0.12535097622499294	which:0.09851600813698443	and:0.09219938561829377	It:0.08824172121277736	they:0.08411792572534779	he:0.07752290619524294	that:0.057782263539263724	who:0.044890501723426755	I:0.035115824919872474	:0.29626248670379784
the:0.1304090749498416	of:0.11910901830628162	to:0.07146795447904639	and:0.06676120626580968	a:0.05163379250032452	in:0.04493414875644994	for:0.021341937018834037	<s>:0.01606935869426126	that:0.01599176079639667	:0.4622817482327543
is:0.25277283405326073	have:0.13062534441258786	that:0.09093143373658279	had:0.08971577412921697	and:0.08504044481849236	for:0.06594211755920296	was:0.06584057133134391	be:0.05586967372080197	has:0.05346582324672389	:0.10979598299178656
the:0.8286361830007867	tho:0.04801658885853878	The:0.02317227625655698	tbe:0.017799111501712157	of:0.016925654645364295	and:0.008980660585137534	in:0.008468277427063799	by:0.005744093077023968	a:0.005721852046932911	:0.036535302600882856
the:0.22147387819414283	no:0.16446721197075545	any:0.15722225082509458	and:0.11694025891865328	each:0.07566077284098374	or:0.06744694207503663	some:0.04812056195244861	all:0.04761559458260135	from:0.045643255217663534	:0.055409273422619996
of:0.24247688205519072	in:0.1096965900817296	with:0.08970614708026588	by:0.08642744539265691	to:0.07167209516132803	as:0.07028673675361298	is:0.06267425200869288	for:0.060365164274077975	such:0.05867842205691105	:0.14801626513553398
and:0.09326647752053993	is:0.09252383903740966	as:0.060265675280976636	was:0.054646142521285995	able:0.054148311475556696	not:0.05217694319456736	enough:0.04469041992993177	him:0.04395007442710523	order:0.04267089496063146	:0.46166122165199525
be:0.17270000143958256	been:0.0811467844020129	is:0.07876156404154387	are:0.07663408668046626	and:0.0718474091126205	was:0.06653048676379061	have:0.048248042032172096	were:0.04619344025787524	being:0.04210150557770019	:0.3158366796922358
per:0.7192155804026031	the:0.11024877646169967	of:0.03301533808904914	and:0.02427684996393307	an:0.022362453650424018	by:0.0157721672244509	to:0.011337121260102853	that:0.006859616053972397	The:0.0042342886112353584	:0.052677808282529444
contained:0.14140193921294766	described:0.13624146915636706	stipulated:0.10512638967797121	recorded:0.0587151481274439	and:0.057318062858886173	situated:0.05283714866669371	interest:0.04907797678820585	interested:0.03980529772670137	filed:0.019929824215450236	:0.33954674356933284
a:0.18501623295212372	the:0.1666958191206209	his:0.14903666952100075	their:0.09859706688386229	this:0.09601119317352473	my:0.06568059425083038	no:0.05219366042175647	any:0.039987767775184806	your:0.03942340130414899	:0.10735759459694698
and:0.06092442579497436	went:0.04732945458733202	go:0.03982968131201536	feet:0.03695300707218291	as:0.03593740537542132	them:0.031619888199852855	sent:0.028294625342152668	up:0.028268007287492722	made:0.027753654641843442	:0.6630898503867323
<s>:0.10514401260260799	.:0.016459320058466273	it.:0.013484712208384689	them.:0.010348158826723748	day.:0.006710013809881599	him.:0.0061878063876993515	time.:0.006177099641911567	of:0.0060543371589817695	country.:0.00551450571704916	:0.8239200335882938
the:0.7414613714424914	The:0.06957313697468863	and:0.056034127596611055	tho:0.04492896697114314	tbe:0.01756316699178449	of:0.011915891003330898	on:0.009086367559299622	about:0.006211614059718814	two:0.00619426964172296	:0.037031087759209096
the:0.33131726017592267	a:0.09787799914783278	and:0.07493279535748291	in:0.049949376965415675	The:0.04356510122154747	of:0.036964078740599475	place:0.028699380984700276	point:0.02463410138115425	his:0.02381087301650161	:0.28824903300884286
and:0.11435938964692595	of:0.10715720337972619	the:0.04399053440097617	to:0.043876739800742956	South:0.024566480124512246	<s>:0.02441662698484167	on:0.020356415777757455	for:0.020057013434256584	from:0.01919936012872822	:0.5820202363215325
of:0.28904275301978616	to:0.10425489449077704	with:0.08335158245061107	and:0.08130176230066131	is:0.07483310701908084	in:0.07117533326210203	that:0.05315215290608015	by:0.049864758545983615	for:0.049609958070349375	:0.14341369793456837
the:0.7900151149818464	a:0.05780160059618094	The:0.05043859245006964	tho:0.04437907854083769	tbe:0.015164604509688241	this:0.008125952251628045	and:0.005525444211700643	great:0.0048145316312924345	whole:0.003533095189678831	:0.02020198563707716
a:0.5519746471959187	of:0.14640345880536962	in:0.08356317181874841	the:0.07648091527163194	for:0.026656368883467396	very:0.02409903027254136	with:0.021276214480360343	to:0.01951838102363784	In:0.01743331524518991	:0.03259449700313447
in:0.4980616787402831	the:0.25734825635111114	In:0.15117667121273384	tho:0.016405263681136328	and:0.012404210560550183	iu:0.009439424798977037	of:0.007319657150742511	a:0.006878902703160178	tbe:0.0064482831624172975	:0.03451765163888835
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
to:0.15065372115985293	of:0.10279569096701938	a:0.08113844430704419	the:0.07565511619174803	and:0.07328649165686413	in:0.031868727657680396	that:0.023841660331609265	be:0.02334245477335784	with:0.022746279849963268	:0.41467141310486055
so:0.44053233123645913	and:0.08815097233370084	of:0.08089548506161397	So:0.07461920436442036	too:0.0629538206639054	very:0.06003907096896519	are:0.0381559341809443	the:0.0352211175922053	as:0.03514466539648519	:0.08428739820130034
of:0.10631112473892627	the:0.09943241832474299	and:0.08159794106622675	to:0.08044019399615582	a:0.0411705846870669	be:0.032482607452970214	was:0.026600329505008413	or:0.02456876992697593	is:0.021232665187409037	:0.4861633651145177
the:0.1576253820092066	of:0.14422072824304139	in:0.0873791935166266	to:0.05367294009566077	and:0.05151749115613789	on:0.03378502879875036	a:0.028131096079163892	In:0.02083196376103983	by:0.01888468689381875	:0.40395148944655396
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
a:0.41173168953612116	large:0.09121484961521104	the:0.07894290429774939	any:0.07273894328680075	that:0.06978352763278625	greater:0.04892517859381938	this:0.03433783468446671	one:0.028697227458690806	every:0.02576342308272069	:0.1378644218116338
a:0.26883151600211397	is:0.17011955205777338	was:0.11905861324542875	the:0.08828634601229916	be:0.07180717833244224	are:0.06789655801882807	not:0.04190550436675349	and:0.03707160542411368	were:0.03307949595041588	:0.1019436305898314
of:0.351528161658318	in:0.23824654148319674	In:0.08063158574695345	the:0.07481299897620843	on:0.06047856257342686	to:0.036499307035043595	and:0.02536647030623154	from:0.01583694188483465	with:0.0112883960483818	:0.10531103428740493
is:0.17259142955892112	ought:0.08272961521902446	are:0.08056057458647582	seems:0.07558392967483372	was:0.06572888558670693	not:0.06439114674223405	said:0.05149586598076354	seemed:0.04272828164381891	as:0.041024869025136954	:0.3231654019820845
number:0.08806243182220773	point:0.050381258626301245	out:0.04552471775140739	place:0.045305728205719	sort:0.04396443267628297	kind:0.04248175795356993	right:0.0419877770030211	matter:0.04089165828087274	amount:0.040032917364959335	:0.5613673203156585
the:0.32526330035163953	a:0.13147166624182466	of:0.08778670287790002	in:0.0441320773033983	and:0.032502675051218954	for:0.03126055874794118	The:0.020567622938747563	that:0.020358683712925246	an:0.01906168707936656	:0.287595025695038
to:0.5827739228675215	not:0.1032856438726728	will:0.07781484513892196	would:0.07102852593943262	and:0.0567523768156949	may:0.018639114009008067	must:0.017167681210187028	I:0.015997269584607954	we:0.013455067814243155	:0.04308555274771
those:0.15487589327537146	men:0.09951861693857385	man:0.09200934741034335	and:0.08400085749712183	one:0.0497765969317141	person:0.030358520119822978	people:0.029203813143980576	all:0.025435540883345962	persons:0.022680640538550154	:0.41214017326117575
the:0.5364191147879769	a:0.12056476113681094	The:0.07214593513542422	and:0.049091112964809155	tho:0.03226021855931263	of:0.026899697040120858	A:0.01679550933837339	tbe:0.011318247526236811	that:0.008733003439524555	:0.12577240007141052
to:0.3482561715081549	I:0.05741317153386854	and:0.055942271829824836	will:0.044998010337293746	they:0.038780129697967555	would:0.028979887973795502	we:0.0243560550492513	can:0.020700648168721712	not:0.0198673909044864	:0.3607062629966355
of:0.18935590261233165	is:0.12265962549376887	with:0.11441933006160451	have:0.09263949379377102	and:0.07467067022432101	to:0.07183158661072765	that:0.05945970941011477	for:0.0529976391873107	had:0.04769881433527765	:0.17426722827077215
and:0.14102744465917907	are:0.05244141787819927	was:0.04777802783456709	is:0.04358810674113321	that:0.03663848209992048	or:0.03254455733702491	one:0.02659565928450213	sell:0.024458859918662795	be:0.024318459663672288	:0.5706089845831388
the:0.5008240748781494	a:0.2792718325521431	The:0.03674325194871732	tho:0.028885068278474278	this:0.02741913754681965	great:0.01829124106333375	A:0.012529751374021611	large:0.012482378582234971	tbe:0.012307105710181133	:0.07124615806592478
and:0.5998512117849044	that:0.04857571728737416	to:0.02282056323859025	which:0.021648708363728564	is:0.01810193098293785	or:0.01650097551187859	but:0.014344597460367814	are:0.013987585577118412	by:0.013418902631702544	:0.23074980716139742
able:0.06333034543078214	and:0.057489200420798636	is:0.05445189499779616	have:0.051193826043758155	him:0.048367260533454165	had:0.0416959078666224	right:0.0394564535533081	enough:0.03872975251681809	willing:0.037343981635249573	:0.5679413770014126
of:0.25882972014001726	at:0.09591380610010151	to:0.06968999553090204	and:0.05155075851461367	in:0.03869720686630307	by:0.037617559707991514	on:0.027963503387432302	about:0.020830871022714983	for:0.02069423713919433	:0.3782123415907293
at:0.33173911043979054	for:0.2822120851868805	of:0.08234559384500219	and:0.045572791265809515	to:0.0365975606727852	that:0.03321344760723084	in:0.031727330688825314	from:0.027870740403207927	At:0.02557101963320763	:0.10315032025726036
the:0.5785494831403031	of:0.1217328943095981	a:0.035703639898010134	tho:0.0319722307389901	and:0.028465087418511975	no:0.027846985556365153	The:0.025217062235928036	their:0.020243242511452236	surface:0.01717110818241366	:0.11309826600842755
that:0.2753083144872714	and:0.15173931211128128	but:0.08095347779489231	as:0.07182475236307306	which:0.04623754097637125	if:0.03590087782795129	when:0.029745925581714544	of:0.027078611750766302	where:0.024334396388293166	:0.25687679071838543
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.16249777590821218	of:0.11731979289074188	and:0.06984926221410061	Mr.:0.06050353809374242	The:0.042018339806099037	a:0.029710108749708905	that:0.022588046386599805	to:0.018861086862615048	<s>:0.01788730187325354	:0.4587647472149266
the:0.24649087806622086	of:0.13951287610781102	a:0.09569311550373324	and:0.0864388701070549	to:0.05285305226602269	an:0.04576698362501052	by:0.04001368955213754	be:0.030828669604908605	his:0.029011781459776346	:0.23339008370732428
the:0.25734031892258186	of:0.09020025439623483	and:0.06235618858661057	that:0.05274466151546219	The:0.04433422530714993	a:0.03668438834521419	Mr.:0.03520820651417283	or:0.02339822625282543	no:0.02014344672284482	:0.3775900834369033
No.:0.22878130382830358	at:0.16874827288322816	lot:0.0962831223267959	block:0.07361433363637582	@:0.060242610782724484	lots:0.050020791703061576	and:0.035890099171635645	June:0.03277688540021527	range:0.028909296470273214	:0.22473328379738636
and:0.1339321645008505	that:0.07209690056228373	for:0.060993032193038595	of:0.05977106557292727	make:0.055666412193478024	as:0.0556467139112165	in:0.05235736430633153	with:0.04875676025107626	but:0.04473639608813197	:0.4160431904206656
be:0.19753092742120765	was:0.18229537023697406	have:0.10307156782272182	been:0.08988949353236046	had:0.06861137092147242	has:0.06801054796637393	were:0.06580344373103819	and:0.05540029525317066	is:0.04278629315013485	:0.12660068996454596
men:0.015375140778365335	;:0.011807712851793507	city:0.010563526942296052	in:0.010295389323093372	and:0.010256679022898908	out:0.009651117219379671	up:0.009216681660135454	States:0.007886878714433367	hundred:0.0076980127452575126	:0.9072488607423468
the:0.34724121883790016	that:0.09623052672258077	a:0.09102182080170104	some:0.0855550708318314	same:0.08234635517545116	this:0.07051192963503693	of:0.04678127724582552	any:0.03813523126153346	short:0.0345810589229948	:0.10759551056514477
the:0.43497001858332046	a:0.13964502035718737	of:0.10293008994682916	no:0.06708169407711073	to:0.042927258113617375	and:0.0364457802031684	his:0.036428242226728344	The:0.03432427944579872	absolute:0.03250173047459489	:0.07274588657164456
the:0.12669177700868325	of:0.11528478940602356	and:0.08983707687491273	Mr.:0.0796144165996826	to:0.045493223595681774	a:0.03322511176488812	in:0.029943387765702868	his:0.026749149576625716	as:0.020775101409979683	:0.4323859659978197
at:0.6582322613172342	At:0.13338388308159319	any:0.04210348877648591	for:0.031624111488685616	and:0.022955030600266123	the:0.020205452721637766	of:0.01939764627859842	some:0.01624665491157923	but:0.015135783299333724	:0.040715687524585764
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.15797146143473906	to:0.14977604441237052	a:0.12211658001393363	of:0.1164029293100126	and:0.09983738148750741	with:0.054758201799646744	clean:0.051781846302444826	was:0.03943066577860635	so:0.03383857800072549	:0.17408631146001338
virtue:0.07446520038896885	out:0.065008335608151	part:0.03947215825672998	one:0.03562890125655043	quarter:0.03241584136443704	favor:0.0239235849421329	result:0.023354276051738905	guilty:0.022667050730808908	means:0.022196791642065155	:0.6608678597584168
and:0.16136456340440294	the:0.06689403857440841	to:0.06147752117264384	of:0.05151362370430196	that:0.03282099117436386	be:0.026077345597925846	in:0.02518197648238362	or:0.02510147437730462	which:0.022392091175434437	:0.5271763743368305
the:0.6309201544040622	a:0.05932539755814466	The:0.05198181647967538	and:0.047666498029965226	tho:0.03145040728218116	of:0.023193776247962327	said:0.022169310951466195	his:0.01733626338635459	tbe:0.013426674030777921	:0.10252970162941025
the:0.3027989166959799	a:0.11132590657343926	and:0.08587475786643003	of:0.0646233000145678	in:0.03573094398970723	to:0.03118652793847477	The:0.030682432154816197	an:0.02559517057144827	tho:0.0219798842754421	:0.2902021599196944
of:0.348190849964795	in:0.14253667752993743	to:0.13057571999071382	from:0.05435019477643868	and:0.047282429852368114	by:0.04558618009713078	for:0.042313477676261715	that:0.0389343866171738	on:0.03637095275787451	:0.11385913073730615
the:0.1799998822573095	of:0.13337991493667437	a:0.0974912295455705	to:0.06591454655592437	and:0.06329247319987685	at:0.054637923107356594	in:0.039120334760170135	for:0.0305650403467081	his:0.02873922285059959	:0.30685943243981
of:0.38733280059372316	to:0.17041552189865292	that:0.09238457033951916	in:0.0734281919920582	for:0.04076485572521243	with:0.03991999085699015	and:0.03712542597888404	all:0.03497113270224295	on:0.03343935052909746	:0.09021815938361957
one:0.016368888842335127	more:0.015000372690832826	on:0.011189338260333165	day:0.01075934247865153	two:0.010752403191876184	person:0.00789861567222125	in:0.007751399993273645	man:0.007556023970783172	law:0.006531081514130428	:0.9061925333855627
of:0.46199964373939884	to:0.08487551203974979	in:0.07605984940479105	for:0.06386692452986627	that:0.06168801500469852	and:0.054094144621945804	with:0.04524197333748377	all:0.041489220231426815	by:0.029738194284911226	:0.08094652280572791
import-:0.0823269638204747	pleas-:0.051744476029110725	and:0.042653381566717934	of:0.02781217089796502	defend-:0.02655453362329615	or:0.01718380657791999	the:0.013354069159134061	that:0.012556101532669192	if:0.010581064043723387	:0.7152334327489889
and:0.09119096657647212	them:0.03163336304315803	made:0.03012808275679389	him:0.026169291327293544	pay:0.022439582025725956	demand:0.022149031376759182	or:0.021646700481286637	necessary:0.020847728295105786	work:0.02006076425500647	:0.7137344898623984
<s>:0.08013500631138736	it.:0.01941556839553149	them.:0.013638523218272887	him.:0.012765737318606247	time.:0.009908439774426401	day.:0.008103430805461167	work.:0.0076010465768988076	country.:0.007281020162035164	out.:0.006851659511166498	:0.834299567926214
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
I:0.28277070076593575	not:0.16053554630462827	we:0.12619361631064563	you:0.082054906682434	they:0.08130672052893226	who:0.06512604013170137	We:0.05239793752708653	to:0.05188502591111845	would:0.03179015664128932	:0.0659393491962284
the:0.2720865190853864	on:0.1003998910979358	at:0.0714137851360561	of:0.06499221969501269	and:0.045974146648531306	a:0.03705615593317336	from:0.02905208786372927	to:0.02833836537338138	in:0.026934279990688623	:0.3237525491761051
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
was:0.20082103498796675	is:0.14754686501110773	of:0.1353390062493908	in:0.1224781670721668	and:0.08153830952682517	are:0.07708594231856242	been:0.05106834489993295	be:0.050212032693379954	were:0.04178212490293303	:0.09212817233773443
and:0.1093881069801745	that:0.10797335066996426	as:0.0886328361826156	of:0.06313096524321576	to:0.05944924971384459	for:0.052166303038240186	make:0.0463395921792363	but:0.03603039362454529	if:0.03538142355129281	:0.4015077788168707
the:0.24173186644873054	of:0.1264804730623645	and:0.08331959595593887	a:0.07678669948469065	in:0.02227872850197047	to:0.019468778320699653	or:0.017891130897969953	The:0.01759084026465017	tho:0.015524648398075488	:0.3789272386649097
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.2114437733887241	that:0.20758850991775907	as:0.08595733636117167	but:0.044058739373747775	even:0.04139566205914732	But:0.02874639976841452	And:0.02558111804298635	or:0.024320334237152116	and,:0.021458553886436412	:0.30944957296446063
and:0.19998039439938142	it:0.17122418901444797	It:0.07905342596702876	now:0.058466205165542344	he:0.041012347869422115	be:0.03313335336605842	or:0.03166909625543168	that:0.029989588988170997	is:0.027115871112822678	:0.3283555278616936
to:0.5311432279224014	the:0.06809215382940415	will:0.06364252080395526	and:0.05302376900291	of:0.047831187510808275	we:0.03944597281388772	a:0.03602324682663343	I:0.03418055510558493	not:0.030504726191224282	:0.09611263999319057
to:0.1344504110655416	and:0.09696770753738487	of:0.06692935421560114	the:0.05794267871806159	in:0.03029358260439597	<s>:0.018913935718769277	not:0.018861960111351984	I:0.016438033203847614	by:0.01535041880719501	:0.5438519180178509
the:0.1414449384045958	and:0.12546770851852718	a:0.09633142011856215	was:0.05917135432384363	is:0.05489491928934561	of:0.054223618055814306	be:0.053926594030335055	an:0.04907164106451892	to:0.04105029232083229	:0.32441751387362505
eight:0.3186896021137819	six:0.06591924013306136	three:0.05716718261105871	two:0.050364979656943996	four:0.04698849342022846	of:0.03507370792021252	five:0.027248104980243486	hundred:0.02341882617396039	Eight:0.0209014276271962	:0.354228435363313
the:0.4074951084188276	of:0.23341968539967692	an:0.06936278113241344	and:0.05072872194952855	in:0.03928018484561689	The:0.03562872923538961	to:0.02503614975382114	for:0.022769788061482076	tho:0.021493078927748068	:0.09478577227549573
it:0.12020230972381102	It:0.11696603666964543	there:0.044060601669326425	that:0.043545779553353904	and:0.03584973632072133	which:0.033521416460299776	he:0.023001687474656512	He:0.010647909329119387	man:0.010592902236026155	:0.56161162056304
to:0.09841821759273948	and:0.09260484230832032	of:0.09256376566872315	in:0.07877417798483456	was:0.053151928258643934	the:0.04549775452320577	is:0.043473641260170226	be:0.04009477519768535	for:0.03232743776826288	:0.42309345943741433
the:0.5372494770700456	on:0.052857524429019635	tho:0.0411315304427691	of:0.036107473454245906	in:0.02763256978633801	The:0.026328746364834104	and:0.020654473211527274	tbe:0.019591148308831435	this:0.01746544161626955	:0.22098161531611943
of:0.16444960716169313	the:0.14236706033314395	in:0.10871195296955415	and:0.0553489103642758	to:0.05126574936948445	a:0.05080276527166905	for:0.03407015368931856	that:0.02851223080174858	by:0.024757141971299964	:0.3397144280678124
the:0.6091036335227817	The:0.07750289198161953	and:0.05743715046276368	a:0.04495270604564792	his:0.02992131770748896	tho:0.02884443234146756	an:0.014545185958198571	of:0.013912892724929848	in:0.013757555296979774	:0.11002223395812248
and:0.019303526455372682	of:0.01153279265813759	<s>:0.010789538507754671	two:0.00932216082261485	ten:0.009023593679328732	thousand:0.00853808921033654	hundred:0.007791237865456199	fifty:0.007276648377777869	three:0.006821308622093206	:0.9096011038011277
and:0.11173650290554403	was:0.11159773421706874	is:0.06967277360500375	were:0.04139010136982295	are:0.04131957376082229	be:0.0304060471790056	it:0.028222163680433295	been:0.027887454617563166	on:0.02541671022078332	:0.5123509384439529
I:0.2305428755322181	we:0.10980801682797024	they:0.09708477652130157	who:0.08692628547669476	and:0.06770163625186108	We:0.06566320365848742	to:0.059028760337148385	would:0.047501789466684936	you:0.0462107901943546	:0.18953186573327888
the:0.4894985281389798	The:0.08867875826323483	and:0.0648923453774024	our:0.05714518015067924	his:0.05380413393742687	of:0.05204049900409128	their:0.04223981854911376	a:0.025870957975596954	tho:0.025068357039906907	:0.10076142156356795
to:0.6647459946886811	will:0.05580652625652672	and:0.04812043640741706	we:0.04362034766932225	not:0.03783654546399879	the:0.035457014495133526	can:0.027911513949452352	would:0.02558063498091251	who:0.0213549131592863	:0.03956607292926935
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
this:0.3161432280636273	the:0.17999146886499465	that:0.11300616225003136	first:0.0729144709110859	a:0.04316384186546304	his:0.04298180165156511	took:0.04177131044678779	same:0.041300296479991276	on:0.033741628483749335	:0.1149857909827042
of:0.4662577382121978	in:0.09964450082822622	that:0.09833868421763434	all:0.07173436205899146	for:0.05755644706771019	to:0.04783752912362038	and:0.03656860945138713	from:0.03153681483111285	on:0.0286625224871726	:0.061862791721947044
Mr.:0.2659042817308297	the:0.265552091550581	and:0.050642454734948036	.:0.04315332825372435	of:0.026787189080106525	Mrs.:0.023159497355716294	Dr.:0.018502048653228555	The:0.017665840450217143	in:0.01564597641066652	:0.2729872917799819
No.:0.07045918961567334	and:0.05712551045145394	the:0.048806571737189025	of:0.04607713813217821	at:0.03236311171617805	.:0.029496589416228184	a:0.029181043151900385	said:0.024286560721970413	to:0.022956728980699722	:0.6392475560765287
be:0.28381417714514523	was:0.12377421602583967	been:0.11089060953847243	and:0.08795362787320922	is:0.07669284141881684	were:0.05815023599617909	are:0.052953574946991655	being:0.030612011404322355	has:0.029589356428144628	:0.14556934922287887
and:0.04349880951133745	order:0.03669154818015581	as:0.030356249753517698	him:0.02846693199164725	is:0.026248448764202445	going:0.022051847893482773	them:0.021488324410431733	able:0.021371782192323524	time:0.020644733163324852	:0.7491813241395765
he:0.20066648746892102	I:0.19445090910578364	who:0.07930964499859919	have:0.05822376928442887	they:0.05797045503262075	and:0.053902038754749304	He:0.05351756420562255	she:0.04907124714011059	has:0.041156076319416104	:0.211731807689748
the:0.2127797365208638	of:0.08302074642967078	and:0.07380683214123993	a:0.06568303652727647	in:0.027923783153467472	to:0.02344842585727404	for:0.020987680758112734	or:0.0200710438986922	that:0.01912950736957076	:0.4531492073438318
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.11248410497751717	and:0.10149390764520706	of:0.07528230108671667	to:0.0564841707354987	a:0.04334857371704633	for:0.030210193141377253	or:0.02021532907957216	be:0.018791633486930286	was:0.018782195577185256	:0.5229075905529491
the:0.32690401849989054	a:0.12999598710128737	and:0.08482376512934611	very:0.07032439150764966	so:0.06163325744888158	The:0.05466155128952598	is:0.044409878636394874	that:0.03272089111123753	it:0.032037661399696	:0.16248859787609032
a:0.503796814396552	of:0.15382206474227333	the:0.06111176185176052	with:0.05043362771849575	and:0.03851246542289951	make:0.03184161220847138	A:0.031149916463562348	as:0.029539621609550648	in:0.02708751831705392	:0.07270459726938064
of:0.20472995028652974	in:0.1698623092851468	to:0.1540718034265232	and:0.08159576408925441	that:0.07157949573478407	on:0.06819885484192584	for:0.06673229887671871	by:0.05740708495623746	In:0.04692252880583803	:0.07889990969704169
and:0.117872490061187	is:0.08472557651489009	in:0.07670791035802667	are:0.07234905242338209	of:0.0680317439147302	to:0.06091057719254297	was:0.056076525638275754	for:0.0552033235147003	be:0.048284999225402726	:0.3598378011568622
of:0.2601703610157081	to:0.14744079003872274	and:0.1442492338756582	in:0.07938080564903968	with:0.05270129960917303	for:0.03964312590244663	that:0.03665180603135747	by:0.03275823389299416	all:0.026176204496210633	:0.18082813948868934
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
and:0.07061229424146696	such:0.06817925091856603	far:0.05587853753690732	described:0.05290789838076753	well:0.05161891291520088	it:0.04461015601718269	is:0.04135493281110949	so:0.0366033003683055	much:0.03643006760624733	:0.5418046492042463
a:0.2582525565147035	the:0.23526408300326646	an:0.09762552513827448	no:0.09726664838769719	and:0.07411318546428451	this:0.04815439542131754	is:0.04733363975175429	The:0.04234944661411749	any:0.03482876313059145	:0.06481175657399306
of:0.1281026417889051	the:0.10137365144558398	a:0.08934936979602826	and:0.08450967018982111	to:0.05810237570048573	in:0.042214179829150704	for:0.039524055117411805	be:0.030178096941348286	or:0.028886545825153685	:0.39775941336611137
of:0.1451241847346	as:0.14397189628206467	is:0.12696876695734308	with:0.10317749070396261	in:0.07229791806881074	by:0.06500955630033939	to:0.06412157758436733	for:0.0609073378606483	was:0.04862558446607862	:0.16979568704178527
state:0.09509658678145769	number:0.0543921735196398	State:0.05231060008839964	out:0.049058132378567265	matter:0.04337378315206388	line:0.03633571639644662	side:0.03175767300849138	part:0.02769033173701066	people:0.025446267262908932	:0.5845387356750141
of:0.1361156065470728	in:0.12379685197203774	and:0.10261169879628876	as:0.08496345775464587	to:0.07808728338293926	with:0.07582981272100843	is:0.066413225079166	for:0.05393043785293695	such:0.0531037980197878	:0.22514782787411636
it:0.23886856113426047	It:0.18532919915453033	there:0.07302777798556205	he:0.06462928835947737	which:0.06351207776921093	There:0.060412750482963365	that:0.04518337900343026	This:0.03554753836684168	He:0.0340978953297239	:0.19939153241399968
be:0.7765374283926716	was:0.05813305527443128	been:0.05288278880929827	and:0.023235493988586195	were:0.022426096998220714	is:0.019662564273930653	are:0.01657871205481977	bo:0.012285820810337288	being:0.00760112746324517	:0.010656911934459034
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
of:0.15169285068727445	the:0.08998759643576484	and:0.06186568527022961	in:0.03263092542090407	on:0.028869873200572174	to:0.028588595745780356	for:0.027480527467639786	by:0.02498051398492923	with:0.024427557706310034	:0.5294758740805955
of:0.12551830267383224	the:0.09123979600805814	and:0.06165121311342423	to:0.04970615639404506	was:0.03589992628917584	in:0.034381762912693445	be:0.02827768691622312	<s>:0.02715589922604383	for:0.02558158944907876	:0.5205876670174253
of:0.36608050602100467	in:0.17847907900918708	that:0.08462453744108463	for:0.08112888556035902	to:0.05949539723366972	In:0.05714962935597258	by:0.03810507626153802	and:0.037216800447365056	on:0.027222555559648427	:0.0704975331101708
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
that:0.2943457705597308	and:0.13257171150034217	as:0.10058790069739312	but:0.09447787315665285	if:0.0759226360350847	which:0.054531095120993696	when:0.05383763354965405	what:0.0318465580239656	where:0.030996490697933022	:0.13088233065824997
an:0.3822963683623035	the:0.18990029513449191	most:0.14973090296829925	and:0.07958123498417757	more:0.045845330869316185	of:0.026063592433607497	very:0.025930732711475193	all:0.022577613715686513	in:0.02223460256218848	:0.05583932625845388
of:0.265595190877173	to:0.13264908321859722	in:0.08293575125826105	for:0.07764331781639691	and:0.07547752455279097	by:0.07465200335727715	that:0.06052021387281198	with:0.05840380286154378	on:0.050235608386850227	:0.12188750379829773
the:0.2107960169450072	of:0.20684711586559001	and:0.1418260638020889	a:0.04276965643890863	to:0.03281026302118168	by:0.03265893329329356	in:0.03221542709815169	his:0.029028119695766342	The:0.0266810441719649	:0.24436735966804712
<s>:0.1258394744240799	it.:0.02924559908906961	them.:0.017115542859010208	him.:0.01595005799584989	time.:0.011104782897749717	country.:0.010367917580130738	liver.:0.00973776009634258	day.:0.009015486139512937	life.:0.008059916576836159	:0.7635634623414183
of:0.12011584880558047	in:0.11955822257335608	was:0.11558534868058369	for:0.10930696064893589	to:0.09586999067167959	is:0.09441066601337876	as:0.09391408703414392	and:0.056650776032825235	with:0.05012489246473133	:0.14446320707478502
went:0.07659837764863033	go:0.059508334039175555	divided:0.051623892462973386	came:0.04767159120086741	brought:0.04744127162076092	put:0.043914987057514336	taken:0.041465586464928886	enter:0.04009426281576731	come:0.03956895519804207	:0.5521127414913398
of:0.41261529256509555	in:0.1647171094573504	to:0.06409020498458896	that:0.060906507161716104	by:0.052841172905108084	In:0.045610668794298016	for:0.04468206017315261	and:0.03883989828720807	make:0.03669155149503811	:0.0790055341764441
went:0.08683324565499717	go:0.07476330580440535	came:0.05394514230576035	back:0.047297493639340674	it:0.04706181582391388	out:0.046435294313249977	put:0.044640592301587366	down:0.04048017963153846	come:0.03746281779864652	:0.5210801127265603
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.31345202021507035	and:0.06593638610106022	of:0.0651225147148006	a:0.05689526531432771	in:0.05377710576252841	that:0.032701254961480644	tho:0.021077279701497673	no:0.01953313410030027	any:0.019192157317938614	:0.3523128818109955
of:0.21998648291869471	with:0.18279479716661798	to:0.15240131415209668	in:0.14500244262194137	and:0.06630469471664958	for:0.06565174380043806	by:0.03771802020174123	In:0.029477766875205872	from:0.02675129417261079	:0.0739114433740037
the:0.142966764715862	and:0.07632661067689053	of:0.06241803500923595	a:0.04057667817144013	to:0.020542843487997595	or:0.017001104786285057	in:0.016852174039919104	that:0.016486566831356866	<s>:0.014877762928283645	:0.5919514593527291
the:0.22872928861472513	and:0.08152046771804114	of:0.07113402306501146	The:0.055273080227615234	Mr.:0.03669290378700563	that:0.036579684601720584	a:0.025816351700665235	his:0.017348331401852015	tho:0.014714626876349762	:0.4321912420070138
the:0.2188690333326954	a:0.11685143013386311	in:0.11302927515067179	of:0.0964809228207081	and:0.06894538574888186	In:0.033947680281257143	to:0.02800267717925451	some:0.02669110394953522	by:0.02583346062186188	:0.27134903078127104
and:0.14271818012133125	of:0.12111445047110411	to:0.051029904284279094	the:0.04441184827869508	for:0.03583228197333564	at:0.021204368177428757	<s>:0.01897772282131428	by:0.015418925067903004	in:0.011930051612854101	:0.5373622671917546
of:0.2359256745589712	to:0.1352354402264828	in:0.13243035376934006	or:0.11040162839872424	at:0.05933206204858115	by:0.059051498670659196	as:0.058169838821896226	if:0.04811618981781849	that:0.047210390784960164	:0.1141269229025665
the:0.5396952320263082	a:0.1444988272276525	and:0.05291853976539141	The:0.050159756782850576	to:0.03559381267820411	average:0.024369018535241257	tho:0.02339706723199314	great:0.012188444491998443	or:0.0117154035068453	:0.10546389775351511
of:0.2554835281615303	in:0.14836357495324948	for:0.13612379210636877	to:0.11741287925594576	with:0.05978391369893483	and:0.05675585102439266	that:0.0449900732356309	by:0.044611982963859986	on:0.04147384441753371	:0.09500056018255361
of:0.372250008230491	to:0.115010741223047	that:0.10674137818426689	by:0.09020634328053226	and:0.0898824512123781	with:0.04566707098347421	for:0.030355427395795973	as:0.029725130785939222	all:0.027480574881428844	:0.0926808738226465
that:0.22669954031442704	and:0.13556820155651295	which:0.09519248155934783	as:0.09066980296564282	will:0.0694968296651406	when:0.060877718526453434	if:0.047444377471467236	to:0.04703355877830444	shall:0.04520696342447808	:0.18181052573822554
of:0.38239463151011377	in:0.13629747988019297	to:0.08284197669242986	by:0.06710185935175664	that:0.06486485954566411	with:0.05657685753085016	for:0.049087666400551636	and:0.04819806030530644	In:0.026786424062607103	:0.0858501847205273
made:0.11942847096974421	and:0.07979570471363857	caused:0.029091215056480817	shown:0.028426754301022945	up:0.02777670568714523	ed:0.027617079589566704	out:0.026630159435991316	taken:0.02626602987193105	done:0.02542850605479482	:0.6095393743196843
not:0.37510646655686164	and:0.1514003417718421	as:0.07398443887801393	have:0.04228610253456334	has:0.036725252885651205	is:0.036593552966400336	are:0.03176841012748685	had:0.02241403067654994	never:0.021764248839055245	:0.20795715476357537
<s>:0.052065995485093185	.:0.021999727615326533	and:0.01982718160825664	it.:0.013054776973009243	them.:0.01034961968105326	of:0.009234945698979974	him.:0.008700089114910239	boy.:0.008691783426989879	year.:0.007347235769325164	:0.8487286446270559
the:0.4228945252152736	in:0.11947002872282621	from:0.11601492995851374	and:0.06621307314009357	of:0.06607003815727085	In:0.0392757266757123	tho:0.021618143354257942	to:0.01843669828521024	thence:0.017639948291085405	:0.11236688819975614
the:0.39752176015428814	and:0.0819906070632652	an:0.05947016966087525	or:0.043561092960343606	this:0.042188647600685907	a:0.0416225334032918	The:0.03595417020451789	all:0.03187339514958656	other:0.02944707354892066	:0.23637055025422501
the:0.30370078382224436	a:0.21878037356743923	some:0.079812283834221	this:0.07338535837322611	that:0.06686091134933919	short:0.06124147470332114	same:0.056091068629291606	first:0.04689051308014085	any:0.03821922376635014	:0.055018008874426386
the:0.1716651147218746	of:0.12017241105327997	and:0.06386540135415332	a:0.04084798884730423	Mr.:0.0295575201857318	to:0.024580687676458077	The:0.022760397743127582	in:0.021585930007273133	that:0.015025355563077632	:0.4899391928477197
it:0.11538796975578612	and:0.08558513006049022	they:0.07750488065662994	which:0.06446205120127957	he:0.06124984395618844	It:0.05704976551727627	that:0.04959308137990716	you:0.04663866234631756	I:0.039975485631013996	:0.40255312949511074
the:0.15887476187247904	and:0.09291950853285091	of:0.0609457492111986	in:0.047014639682482894	to:0.033173909027305624	for:0.0320941136574002	that:0.031572913377981626	or:0.025769556877486086	be-:0.024768695335226975	:0.49286615242558807
was:0.12368872866477451	and:0.12165475140149734	is:0.10587092177952766	are:0.08367586652978345	be:0.06006960489135306	been:0.050992535047919674	were:0.041189061587113475	not:0.04037849998842709	or:0.027827856940822435	:0.34465217316878133
a:0.1902983519758456	and:0.15077059654067693	the:0.13031041325222883	in:0.11732269141797079	of:0.08236481065765712	to:0.06518736390460719	with:0.051909848524479545	from:0.04393055103583092	for:0.04292588970432473	:0.12497948298637832
that:0.24175127055435144	and:0.1651103951247181	which:0.08014135166969605	as:0.07194497784458877	but:0.06107179072240188	if:0.05201939817328978	If:0.034781933928930614	when:0.03476127922074784	what:0.028002394802010847	:0.2304152079592647
the:0.32427351138250454	a:0.1466961399178382	and:0.09598544479499423	of:0.09366236181986219	in:0.03641998226946183	his:0.033759347642066256	is:0.03373073668219775	are:0.025889954061930814	their:0.024307181488681166	:0.18527533994046305
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
that:0.32162847781005305	when:0.10978895792406886	and:0.08809702734424533	which:0.0747229635926207	as:0.06446107279083658	if:0.04651245418284462	where:0.04510537429293735	but:0.04392555524448781	said:0.03680389826227941	:0.1689542185556263
and:0.11741485396964671	laid:0.06654842231235991	came:0.060113690277885365	break:0.056545724826849386	went:0.053338789151098576	cut:0.05322637324841122	lay:0.052364420491578474	it:0.04897780302255301	way:0.04804336735306891	:0.44342655534654846
from:0.20353827405706174	and:0.1416940434569627	or:0.09647000331700328	of:0.08375107077512664	writ-:0.07398989030347129	than:0.06812180651664355	to:0.05802040126300558	in:0.051382457564153335	for:0.04900960584798473	:0.17402244689858712
it:0.16747301095601322	he:0.15038518671492693	It:0.15012693899070906	I:0.08673225904607307	there:0.05773480960566197	He:0.052702735132203866	and:0.03969218541356171	she:0.03926310788856527	which:0.0388707460451963	:0.2170190202070886
No.:0.07045918961567334	and:0.05712551045145394	the:0.048806571737189025	of:0.04607713813217821	at:0.03236311171617805	.:0.029496589416228184	a:0.029181043151900385	said:0.024286560721970413	to:0.022956728980699722	:0.6392475560765287
of:0.4185951135266119	to:0.11957798457998765	by:0.09851449141244105	in:0.08415417330627538	that:0.06130400596524935	and:0.04217625165952903	for:0.03430658329766005	with:0.029436723235436297	from:0.02701769101226345	:0.08491698200454588
and:0.1656754945740656	but:0.08565508476017326	that:0.0786499521128464	as:0.04116012714774539	when:0.03538396689947711	which:0.027301616983008304	if:0.024683762289245945	But:0.022976526988394228	<s>:0.022873887007398164	:0.4956395812376456
the:0.36413497880715184	a:0.2188184079027284	his:0.10628156445579562	to:0.07288668018308345	their:0.03385266407979284	and:0.03252843758323168	her:0.030513415913816445	this:0.030506826308303547	its:0.027985858302227138	:0.08249116646386905
the:0.5003147408667161	a:0.1466965774566665	and:0.049888926337907015	his:0.04694657565172572	The:0.04130558225177485	our:0.041175774316463465	their:0.039140141697635314	of:0.03703507147261868	any:0.03521307893861205	:0.06228353100988032
the:0.3536262907053096	a:0.19638225517888966	of:0.08238793669326634	and:0.07546674522113567	in:0.047232267727737864	their:0.030649192767597026	is:0.030452474380961405	its:0.028146432088355475	The:0.027156160703060008	:0.12850024453368694
and:0.1179219744531123	the:0.10988485088339045	of:0.10151063961612823	to:0.08866057866828453	in:0.04897614668521211	be:0.0378406672056019	was:0.02595027067742168	a:0.02535860102867006	on:0.024253098678597082	:0.4196431721035817
of:0.08937305479574345	the:0.07257320957318572	to:0.058384834003970036	at:0.052244728642093806	and:0.0383901638871131	in:0.024016902587410814	by:0.020826514968260258	was:0.020447842531529817	on:0.019405728093243608	:0.6043370209174493
and:0.18533940525177836	fact:0.09052443826304825	is:0.07981987937384265	so:0.04853476494194088	was:0.037059157814482935	believe:0.034028210796414174	of:0.033161142442586375	say:0.030265492683861753	said:0.02712924743395645	:0.4341382609980882
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
be:0.27717298066568896	and:0.1650812483383075	was:0.056105795266097575	been:0.04803702359453545	he:0.044993983448975754	have:0.042269160742454764	are:0.03518445892668624	had:0.033002711770116974	is:0.03199334684374776	:0.26615929040338904
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
<s>:0.1119070377220219	it.:0.01947625677977924	of:0.013695825006272647	.:0.012171703640470667	them.:0.012135910689639224	in:0.01048859315364141	time.:0.009945947985400702	day.:0.009905250063149957	country.:0.008270505200571958	:0.7920029697590523
get:0.07245670546976644	was:0.06827773018828956	and:0.06627903282426373	him:0.052442468208758614	it:0.050561188617061346	them:0.04807318223935662	are:0.047026350523610795	go:0.0433307210705129	come:0.040797963484801664	:0.5107546573735783
in:0.12895855885547713	to:0.12840871906956114	for:0.10662116490124762	of:0.1029140626960164	and:0.059508723762538664	that:0.04717863920437947	with:0.04176231778756737	as:0.035005230244633936	at:0.03350553033226715	:0.31613705314631113
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
I:0.2517477688789082	and:0.15033783042010332	he:0.1118910138538619	He:0.07581232454937054	she:0.05252091588075699	had:0.048071232273838006	have:0.04287197480279454	was:0.03058073609022302	1:0.029886991572075368	:0.20627921167806815
the:0.2791238424919222	and:0.09668351069459956	of:0.07014606650936464	a:0.0650618821050845	to:0.025596158380281307	his:0.023468130490882266	their:0.020317650494237463	tho:0.018612458927889285	with:0.018446095407023185	:0.3825442044987156
and:0.05049270609400036	covered:0.04517537158604233	filled:0.038667402650483275	together:0.030659217980718908	charged:0.023814339760940825	it:0.0213243214089443	up:0.019650106793190212	him:0.018225104095288727	them:0.016067503551254556	:0.7359239260791365
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.3571889545774311	a:0.15026877712483055	to:0.12053983130436696	and:0.09198103965497818	of:0.07214358123776266	The:0.04538394371005496	in:0.04000645982350057	his:0.025546651549248484	will:0.024553170790365078	:0.07238759022746144
of:0.28916967586087455	in:0.12605758239629244	to:0.09759588805217023	for:0.07256813185451619	with:0.06109385825849505	any:0.05995308367454934	that:0.05342994892289349	and:0.049204664451159515	by:0.04111239308366856	:0.14981477344538058
it:0.1796502958519765	It:0.1314737510553737	which:0.08831875746077457	that:0.059831162568318705	and:0.05669137968418547	there:0.04633661477885281	he:0.037780172247234144	There:0.03729202527808332	who:0.024667656060061497	:0.3379581850151393
the:0.6988394281533484	The:0.0726319276978763	feet:0.03778978235644084	and:0.0334733655873438	tho:0.028179234331925013	as:0.01990574667139189	bounded:0.016514690058147315	said:0.014185995846271664	tbe:0.012733591741186198	:0.06574623755606857
he:0.17475438872346447	it:0.1359286733624291	they:0.09637533336931273	I:0.08453683576858537	that:0.07339259747557059	It:0.07261110104187243	we:0.044348645187426095	which:0.04425071068500445	and:0.04339726392581102	:0.23040445046052374
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
be:0.17487726840512804	he:0.15013451388156793	I:0.14823024638819227	was:0.08441589327209843	are:0.056269065482356884	is:0.04871043264300907	and:0.04604760603044603	were:0.045155071937443204	have:0.04355013809738043	:0.2026097638623777
in:0.5682357486277202	In:0.18649392827732916	of:0.10931608948579667	to:0.04259031722971405	from:0.019231241417111147	for:0.017545208606000274	by:0.012687453622350827	that:0.01196161610701482	iu:0.011535596339929012	:0.02040280028703382
is:0.29707182776631536	and:0.1556331406178534	was:0.13700301732693873	are:0.12376655382400488	be:0.03978656299929579	were:0.03630526600486218	Is:0.034353528652820854	not:0.025271197042611587	I:0.021743794733189357	:0.12906511103210785
<s>:0.05165661686876961	and:0.014169822696830293	it.:0.013152082834459239	them.:0.009220277179744796	him.:0.009024013461610643	?:0.005136204751766838	:0.004767768025689809	country.:0.0046013825574863195	years.:0.004221054483432523	:0.88405077714021
to:0.523099750591923	I:0.0809455222797208	not:0.07466711231980545	and:0.07098298489390956	can:0.059066491799851115	will:0.05578801727714728	we:0.024513439535104223	would:0.021715923792320603	could:0.021022993132489655	:0.06819776437772822
the:0.20121526932133815	his:0.19809048068254342	their:0.1923539834348939	a:0.08682012666248454	our:0.058651642198984874	my:0.052176024417962194	its:0.05051250854815893	her:0.0417263755883958	of:0.02335711175483948	:0.0950964773903987
of:0.2645897715934109	for:0.12256792647255169	to:0.11307107189438102	in:0.09326001168161135	with:0.0829351871328225	on:0.052764549175662576	about:0.04322611798618306	upon:0.04010096390670294	by:0.03555204625320826	:0.15193235390346568
of:0.2989553672330469	the:0.1846404325945568	with:0.08432459824915335	in:0.07486086727729922	to:0.049601038990355346	for:0.04762554603359835	a:0.04518127570725087	and:0.0374511287715096	by:0.021541398590453873	:0.1558183465527757
one:0.016368888842335127	more:0.015000372690832826	on:0.011189338260333165	day:0.01075934247865153	two:0.010752403191876184	person:0.00789861567222125	in:0.007751399993273645	man:0.007556023970783172	law:0.006531081514130428	:0.9061925333855627
and:0.09377129454296322	was:0.04271315341537484	out:0.028524574363226172	that:0.02811573968936019	placed:0.027131868575018914	work:0.02578173844450971	made:0.024681420068921236	is:0.024021050156212566	up:0.023509378606325886	:0.6817497821380872
in:0.30039765180869205	the:0.19525529890896565	of:0.10812927410448897	and:0.09907063924955761	In:0.05281125513126655	by:0.04056413516123954	with:0.02573736988234864	a:0.022203519892070214	for:0.021534823145307982	:0.1342960327160628
of:0.20337187006200916	the:0.14753242849585735	in:0.07597426183410905	to:0.06533008470883596	at:0.058404597910604976	and:0.049391075927309375	a:0.030993788691368627	by:0.026810767924018722	from:0.025465946832224026	:0.31672517761366276
is:0.17259142955892112	ought:0.08272961521902446	are:0.08056057458647582	seems:0.07558392967483372	was:0.06572888558670693	not:0.06439114674223405	said:0.05149586598076354	seemed:0.04272828164381891	as:0.041024869025136954	:0.3231654019820845
the:0.1948285250686572	too:0.10621788983665255	a:0.10109710605995668	his:0.07229139261196829	any:0.057936622101942066	their:0.04914266483977501	of:0.04591665253084953	be:0.04455800173546558	and:0.041722267536123354	:0.2862888776786098
a:0.1999278478913678	the:0.17981914382517783	of:0.0919011639235939	and:0.05560190551126984	The:0.03213599072858181	Mr.:0.02623027293532125	by:0.024546705066150965	an:0.02166035522393662	to:0.019828949124499822	:0.3483476657701001
it:0.22856110105309196	It:0.1452820683974188	which:0.05914017695475625	he:0.0478149945050819	and:0.04416228847994344	that:0.040249019547583975	there:0.02938454306037856	who:0.024987486037450265	This:0.017718758616521977	:0.36269956334777287
those:0.3493365421117119	men:0.11569175129743846	Those:0.05562769900313716	people:0.048375164236878855	man:0.04534898524159651	one:0.04261783810650785	and:0.04019124901756883	women:0.028013949726542718	persons:0.024799182755771775	:0.24999763850284593
they:0.15760328678212984	who:0.11079496425017725	which:0.08347801707946555	we:0.0720926941477062	there:0.06456130172288978	you:0.05277041337005676	and:0.050186397875333806	that:0.047210559646119574	They:0.045683393839219974	:0.3156189712869013
the:0.10266587589026463	and:0.09639767748533458	of:0.08725627820172022	in:0.08107556814394025	to:0.06145087146700906	for:0.04801869276520893	or:0.03379711628440991	that:0.029411227367020624	which:0.023885336695881217	:0.4360413556992106
is:0.2951995005014002	are:0.21025893132141832	and:0.08745873660841062	Is:0.05708938187785746	was:0.04940934543422386	it:0.03492347727174438	not:0.029230048698795717	but:0.02834276758697412	am:0.025656813214314893	:0.1824309974848604
of:0.1652866049948965	as:0.10758684897391126	to:0.10025234234697905	in:0.09788269155906681	and:0.06941612231863409	with:0.06547925971034668	that:0.06047180734245003	by:0.04766950888609297	such:0.04515065589149831	:0.24080415797612428
of:0.19843015405694236	and:0.18072716999018565	but:0.08120873773184314	know:0.06284206899613237	to:0.060130351713249874	But:0.05374599906257086	for:0.04765512405983429	And:0.047539838693545805	that:0.042720269175454025	:0.22500028652024162
the:0.24039924150593964	and:0.08655307473014154	a:0.07739342228619499	of:0.0638543013875952	in:0.05118565062515073	to:0.024493216790618024	an:0.024280234611005497	his:0.02253083604248939	was:0.022197684825658127	:0.3871123371952069
went:0.08683324565499717	go:0.07476330580440535	came:0.05394514230576035	back:0.047297493639340674	it:0.04706181582391388	out:0.046435294313249977	put:0.044640592301587366	down:0.04048017963153846	come:0.03746281779864652	:0.5210801127265603
nothing:0.040804781505807526	;:0.03736076057033782	it,:0.018066481145268536	anything:0.01603281193180715	them,:0.013811811926715553	time,:0.01372699611946126	and:0.013059363160830673	him,:0.012402443203759397	is:0.010372565743577186	:0.8243619846924349
and:0.14526855804162062	was:0.08315808640918386	is:0.06511578731757786	be:0.06047204940106243	are:0.034449779597634865	it:0.021204356193837492	were:0.020105080281663516	but:0.0200993578545202	not:0.020049509502820993	:0.5300774354000781
the:0.2216806424720523	a:0.1220270292795151	and:0.054866170706274656	an:0.054801932779980723	of:0.039494819538064996	that:0.02618403576595926	in:0.025187713723039802	to:0.0244356260044659	The:0.021436842162468824	:0.40988518756817843
of:0.3129372219051967	in:0.15142699062566048	for:0.12487431234572693	to:0.07939828985289239	that:0.05953160377356204	at:0.052230515828101544	In:0.04547271608619835	and:0.04304738963315618	all:0.02357628225918207	:0.10750467769032332
of:0.4016190053482895	and:0.09125220785518433	to:0.0890922520868071	that:0.08834522912438617	for:0.06808678238572316	in:0.04903493418510469	by:0.048001648871144866	with:0.0305911290296197	all:0.028980658843252915	:0.10499615227048757
of:0.24348154353359294	in:0.12649470594594842	and:0.09606741255955929	to:0.09498031507013911	by:0.0762414707476365	with:0.06711437916167573	at:0.06498135087952125	from:0.06459760039493596	that:0.04855326303320254	:0.11748795867378826
of:0.420306085032049	in:0.12272579424475455	that:0.08207128850939029	to:0.07194329060086334	on:0.05986839488574511	from:0.04578072227038505	by:0.04379929861311177	In:0.042682523111462346	and:0.04036793343663607	:0.07045466929560244
of:0.2975955312912373	the:0.2408551408610802	and:0.10807451939714682	in:0.06466787514545495	by:0.029756357494357517	a:0.02416116354640676	from:0.022230893424747118	with:0.01865347409907353	&:0.016380937135876114	:0.17762410760461972
the:0.22038313903105292	Mr.:0.07937156760867098	of:0.07368785948768332	The:0.06437454493038172	and:0.05944888902093017	that:0.046904228525190425	a:0.028819451762637286	his:0.018895379103475607	Mrs.:0.016510016796138643	:0.3916049237338389
an:0.4037148102917011	of:0.16795188336981098	in:0.08608492861293274	the:0.06390520440214537	is:0.05838118888443962	and:0.050858371205116916	most:0.04653797977059714	with:0.03345762615043648	are:0.03014088424091759	:0.05896712307190207
one:0.09646332857988675	out:0.0786266680450152	part:0.061247383133403395	some:0.0515460136902897	that:0.029275101279657267	all:0.027856072378068513	much:0.02492517266273947	and:0.021643467958821636	time:0.0210511439370571	:0.587365648335061
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.38680390561082334	this:0.07399490346663631	of:0.06220325838948832	our:0.05804029891163543	that:0.0573513773648222	their:0.05331520195351615	and:0.05067370394728997	his:0.04812363935817351	or:0.0384323994520709	:0.17106131154554388
of:0.31936925678403644	the:0.20770290611395695	in:0.14166829490403335	by:0.1351478402895882	to:0.05231416605680245	In:0.02584904204594531	which:0.025182701425375535	on:0.02435861447914525	that:0.019283890993724805	:0.04912328690739176
be:0.27110964034425655	was:0.23593700786851984	been:0.15644077410525475	were:0.07842816345159208	is:0.07226886386586472	are:0.04330194039964612	being:0.031100884483730298	and:0.021501386421255528	bo:0.018524768214227525	:0.07138657084565264
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.35566384664539336	of:0.13190853094776522	and:0.06340102507265327	their:0.04082419902987586	American:0.04017979385168914	The:0.03363170331473225	for:0.03275835918705553	his:0.031923025538226485	other:0.02892677972746882	:0.24078273668514005
was:0.24206217138043698	be:0.19020101364904607	been:0.10812704594323687	were:0.09074950838175112	is:0.0826847850184061	and:0.05346403251767791	have:0.053257555842740015	are:0.04723088772817028	had:0.04107942934103689	:0.09114357019749776
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.28110928530574836	a:0.11011275521193692	of:0.07256540217452882	and:0.06890995944834136	to:0.043007068856488744	The:0.032807503759536644	in:0.02879486357296232	on:0.025210945039965443	tho:0.020446393057685187	:0.3170358235728062
of:0.4988800515212192	in:0.09542649676081047	at:0.059252010066549864	by:0.04285288746456776	on:0.0363293818387822	for:0.036056277378849644	from:0.031218596868465873	the:0.030839091791715827	and:0.02784893514234059	:0.14129627116669857
in:0.22049853752678233	of:0.19906351264608593	to:0.15533122288513138	and:0.0785194850566663	for:0.06534574782500858	In:0.049987187108269604	that:0.04990475152694579	with:0.039909240100594094	on:0.03340965344791106	:0.1080306618766049
the:0.7616982051855727	The:0.06711179139745566	tho:0.038264673583676086	take:0.027392638077789886	and:0.020498291566097285	in:0.01909913400715244	no:0.018782867300083286	a:0.012320765403882909	an:0.011711062266507056	:0.02312057121178261
of:0.1327729380955105	and:0.10825710207467582	the:0.058586363736942225	a:0.050330994032038244	be:0.037295923826227304	to:0.03335920160213288	for:0.03298889577773153	was:0.029031001523755928	is:0.028961413951970206	:0.4884161653790154
the:0.5866943646722118	a:0.12619079840224717	and:0.07469797979423025	The:0.0323229813438384	this:0.02920047012835238	to:0.026898300810005573	tho:0.026236549138547435	of:0.01368480570855334	in:0.01210187029475053	:0.07197187970726308
and:0.12777382587599814	was:0.09143984263432887	of:0.08702574048169048	is:0.0705184217995486	nothing:0.04073031884013801	bring:0.03753531132127646	anything:0.03615557464205318	for:0.03525651780625666	talk:0.03179422960169685	:0.44177021699701274
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
the:0.32316732030561446	not:0.21250705086755778	is:0.06758597250329151	The:0.05597418640034406	was:0.05170130113596649	and:0.04209981032864033	are:0.029854131367724062	of:0.02747513944526217	tho:0.020859305409279962	:0.16877578223631914
a:0.21151056624556847	the:0.20108303259953125	for:0.08099934992613265	of:0.07107076096788623	at:0.06300806829603109	in:0.04007855528181688	and:0.03328662406756198	to:0.028509436423802454	an:0.018867924690405168	:0.2515856815012638
and:0.07544575300900914	was:0.05470985637572548	be:0.0493815803273086	is:0.04706755873168884	are:0.03728901888190523	that:0.02586535239089825	were:0.023114407641360996	been:0.022080154308102656	now:0.02134740508627967	:0.6436989132477211
June:0.11631020840967395	May:0.0809246097355692	lot:0.07769928525157833	April:0.05294276340655997	July:0.04869845897042195	No.:0.04490531654323187	block:0.036729819681001315	March:0.03433150137224839	degrees:0.028383811202206236	:0.47907422542750877
the:0.3829070634105885	this:0.14847702795226844	a:0.13263139115043276	and:0.07624958495154667	to:0.06126221536916866	of:0.04551035035410838	in:0.023602725488461165	that:0.021573818747812272	tho:0.018195863852208557	:0.08958995872340457
the:0.16874414655865014	and:0.1322199612100432	of:0.1063131738551663	to:0.09438323098185222	a:0.0660166413113552	at:0.04498975717104705	in:0.039763341323115424	for:0.030597131666522438	with:0.0267886461117105	:0.2901839698105375
the:0.5094020827060872	a:0.149642891114133	this:0.05700819997710458	tho:0.03767751337544766	of:0.03466083220860062	and:0.03118050404751731	The:0.030135904843414905	further:0.022155340455341243	to:0.02204864412324792	:0.10608808714910552
the:0.19670387957172328	of:0.12034700726956073	a:0.08438228089640598	to:0.07002755359439007	and:0.06281574081115311	be:0.0453128674171294	in:0.03379866218947241	is:0.03220276533394172	not:0.029189418599409524	:0.3252198243168138
;:0.034588105121974404	nothing:0.02115105967321385	him,:0.018842001643380037	it,:0.018388783531247965	is:0.015395427949592365	time,:0.0153354069742367	,:0.011642987797406992	them,:0.010288128548044635	years,:0.009373613509082527	:0.8449944852518205
to:0.6533796880468011	will:0.05625195980457016	they:0.03307317724969701	and:0.030410361800676945	would:0.028221264074890312	I:0.02770719491633202	can:0.02752308641298706	we:0.02508976994051327	not:0.019748334103183832	:0.0985951636503482
of:0.08301276211150777	to:0.07593606350688716	a:0.04992273058419811	and:0.04762414631326639	in:0.0393815188881098	-:0.03181151266089559	with:0.03133679462721699	the:0.03074892945614247	by:0.027976741334567866	:0.5822488005172078
to:0.14873942328809442	and:0.10240102754317151	of:0.05712547684165998	the:0.04422196223221169	in:0.03350494167484157	is:0.028058542060599406	I:0.026660736993923923	for:0.02440585407489247	not:0.02404489402087884	:0.5108371412697262
<s>:0.08144526945594664	was:0.07762343002779788	and:0.07335197386389149	be:0.038516244337651905	is:0.032614713029262866	were:0.03183626154670456	are:0.027468769500260865	of:0.02695390722418446	that:0.0264435899246826	:0.5837458410896167
the:0.17862086961185886	and:0.10766992695133945	a:0.06715111339410611	of:0.06608675072327122	to:0.04590318919978256	in:0.04256933777069419	that:0.03663512560269773	which:0.027846379974258414	I:0.025348929314754784	:0.40216837745723666
the:0.18354704793675358	of:0.08652146533735898	and:0.07249271108792474	a:0.06725806372958926	to:0.02964544820692457	in:0.02784187142073062	or:0.02083102257153503	be:0.019224172313392598	was:0.019208665398659893	:0.4734295319971307
and:0.16710492654362566	is:0.0805047844482946	fact:0.07269495099731105	of:0.06539177871998036	so:0.04909091763194265	said:0.047200167909656705	was:0.04010230742979944	in:0.03994649275294676	to:0.03524853942669206	:0.4027151341397507
the:0.36041404122877263	a:0.19226844870153428	and:0.043479653125214464	of:0.023533923814495754	A:0.01972538676631098	tho:0.018605237056141918	to:0.018532543623715727	this:0.01655863847158529	one:0.014411438343945003	:0.2924706888682839
the:0.49385939097765336	this:0.18603540211063943	a:0.048184176430461835	that:0.034668637548872665	tho:0.03459815099019991	said:0.03185290721870902	The:0.024982647301389927	and:0.023021729163893147	our:0.01778031558616194	:0.10501664267201877
that:0.07244257727377629	<s>:0.04681608671934258	and:0.04368654019037678	as:0.042236965160812226	but:0.030674606462971793	it.:0.026632832225781992	which:0.020161756248069235	of:0.013547452467785505	them.:0.011753130788154362	:0.6920480524629292
the:0.11963568410447895	and:0.07951124903941001	of:0.06825226613956396	to:0.0611751701938304	a:0.05571586257257412	be:0.028594878842944225	is:0.024939862649589955	in:0.024504313993319038	was:0.024212699061538646	:0.5134580134027507
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
well:0.12991015635064773	known:0.11168587180543645	soon:0.10369035459473254	far:0.08195907566424299	and:0.06388557808584468	long:0.03755135115796446	such:0.02954466624033588	just:0.024368945136159968	much:0.020609769850901107	:0.3967942311137342
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
<s>:0.06122107145794464	it.:0.01108456716478379	them.:0.009335427384765201	that:0.008528683469215922	of:0.008025737052574105	and:0.006915593033669489	country.:0.00576897127898688	:0.005161005351512138	him.:0.0050529862371623034	:0.8789059575693855
be:0.2613351712026962	had:0.15470843591478853	been:0.12213434462578782	was:0.11256286082149793	have:0.09772881634491988	has:0.0790374721384869	were:0.05773143346023268	and:0.035232233649043376	is:0.03160583248995217	:0.0479233993525945
the:0.24709148983054757	a:0.1449033487841355	of:0.08108793045277184	and:0.06166955418168026	an:0.03668338604508333	in:0.033888033547905254	to:0.026437494988265798	The:0.02227889746404783	for:0.01838927898884994	:0.32757058571671266
virtue:0.0902395637456515	one:0.04914261531751399	out:0.049132633184089614	part:0.034098188449642144	pursuance:0.03177111261508588	result:0.026427693430353897	all:0.025413775666440302	tion:0.024025388389778208	means:0.022704350447063676	:0.6470446787543808
the:0.3778850259604103	of:0.17032871211525735	an:0.1048395899423175	and:0.06091338739661555	in:0.03784519331208026	The:0.03667957957630763	by:0.02908524079689428	tho:0.023880170240591064	with:0.019895469163754877	:0.13864763149577114
and:0.11079242003558253	there:0.07501748102281343	to:0.04506649821569008	of:0.042250514773348055	he:0.037836507558186204	the:0.03614851205907996	or:0.03494034242212841	I:0.03435101268662712	is:0.030695067671563627	:0.5529016435549806
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
the:0.15810719041826277	of:0.11538162605991592	and:0.08590614475192779	to:0.03653028467702717	that:0.03458867073426142	The:0.03264049351240182	in:0.031434889789269324	which:0.021104406239568142	or:0.01768398068680682	:0.46662231313055885
is:0.16644857584492545	be:0.1604673333198782	of:0.12292382680405899	was:0.10814579753907734	and:0.08325891053357766	to:0.06351368016391759	with:0.05522701757310073	in:0.0541180291525286	on:0.042667760690351664	:0.1432290683785838
as:0.6073264240170588	so:0.12570819864730268	and:0.06687737414795873	of:0.039878107358104826	the:0.027663856238360995	is:0.0274959420455965	very:0.02114225200612142	a:0.01573417786667885	be:0.01406779614854226	:0.05410587152427491
the:0.3278502691542647	a:0.3034076687975195	this:0.04133471924975182	The:0.030598096227054002	of:0.030533600751294125	other:0.028769346943709813	and:0.02205120762534016	any:0.02154478819374253	tho:0.016171366766026353	:0.17773893629129703
the:0.14127260653911067	and:0.08258292792033299	of:0.07465218453536096	that:0.057181480247016435	in:0.03233950725457273	The:0.021884906655732273	which:0.020891314972838214	a:0.018978691603322634	Mr.:0.018687171934215718	:0.5315292083374974
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
the:0.16916655027322977	of:0.09610972877537258	and:0.06476630762113637	a:0.05084816639771816	to:0.04541898084047627	in:0.04120047961402981	be:0.019866405767281572	for:0.0169023718586994	was:0.016076944507863202	:0.4796440643441929
that:0.27355409443618695	and:0.11555524633238755	which:0.09599762708125832	when:0.06471488773545654	as:0.06383932093874109	if:0.04619650490938412	but:0.029493957931414908	where:0.02906093617084692	what:0.025896179687907143	:0.25569124477641647
the:0.34347231210615686	and:0.12465408452396691	to:0.11868329120460987	a:0.06562785703713064	of:0.0615887963339436	as:0.050517433483219396	The:0.038279056291863935	will:0.033421986748273506	tho:0.021535226184602012	:0.14221995608623328
the:0.32621705138474233	this:0.11392308483018367	their:0.11296585429398566	of:0.08853754435005708	our:0.08020552201068971	an:0.05676535726646299	its:0.056695825677025476	his:0.04439369065061667	other:0.03757048192490235	:0.0827255876113341
of:0.1853429077721968	in:0.1380346125709142	a:0.07902050588346234	to:0.07381630250135494	the:0.07340705275250364	and:0.052508144032955964	for:0.040034844116009376	In:0.03414728178422162	with:0.02547577086867763	:0.2982125777177035
the:0.7933055567088878	this:0.07383538876322182	tho:0.02553090191780376	immediate:0.024554037009106848	a:0.021944487151524174	and:0.016925020847299344	The:0.011475378165789746	tbe:0.007905628214316538	Judicial:0.005174306159165288	:0.019349295062884724
of:0.13077952395256112	in:0.08030976238911179	to:0.04757846085755633	with:0.040341962029992844	on:0.035834372468230145	by:0.033237163218116504	from:0.030054472268327918	and:0.024226936316378032	upon:0.01863316475480328	:0.5590041817449221
of:0.10812266896163146	the:0.10710548744811675	and:0.0933250660462509	to:0.09314101613457053	at:0.05839763426326868	for:0.024469248563122166	a:0.021823370095202452	with:0.020876103337600885	in:0.019438579680392063	:0.4533008254698441
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
the:0.28420850568043865	a:0.16843540614553051	his:0.09843475436411653	and:0.07742924668005459	my:0.03958893308763055	this:0.038403201772519116	her:0.036604300609357834	first:0.03479740441624593	to:0.030054613183270223	:0.19204363406083605
that:0.22627333869334915	and:0.1279008841091601	as:0.1168336304783153	if:0.08754317545496335	which:0.07107698186916919	when:0.058693329592536266	what:0.05567366653012478	but:0.049717327549840276	where:0.033197827256468235	:0.17308983846607337
.:0.05039497606140039	a:0.028860860478347246	to:0.02484853344385522	of:0.022518289469068645	-:0.022025459324534636	and:0.01805444768866683	re-:0.01208110167497219	the:0.0117158784067174	re:0.008294485769784535	:0.801205967682653
and:0.15747858931718234	that:0.08884358144352408	as:0.06991771556118095	but:0.04307729137971479	for:0.029074672193438882	to:0.02498001230119148	which:0.01947914707324919	the:0.01944738739827059	after:0.018971514684291552	:0.5287300886479561
the:0.37352117766501364	in:0.11945734152717626	of:0.08382466570624804	a:0.0813539973906288	this:0.05526558785821095	his:0.05137495747416756	for:0.03355992103122145	at:0.02952461423066577	their:0.028833992525783888	:0.14328374459088367
feet:0.04495235193421665	went:0.03743752468218382	and:0.033735686351402776	as:0.027736606935513306	up:0.027433391570608107	10:0.027146449259928422	go:0.02519066250384891	20:0.022604194843362832	chains:0.02155757935340542	:0.7322055525655298
went:0.08683324565499717	go:0.07476330580440535	came:0.05394514230576035	back:0.047297493639340674	it:0.04706181582391388	out:0.046435294313249977	put:0.044640592301587366	down:0.04048017963153846	come:0.03746281779864652	:0.5210801127265603
the:0.22038313903105292	Mr.:0.07937156760867098	of:0.07368785948768332	The:0.06437454493038172	and:0.05944888902093017	that:0.046904228525190425	a:0.028819451762637286	his:0.018895379103475607	Mrs.:0.016510016796138643	:0.3916049237338389
is:0.14928077531100226	to:0.1349843266727836	of:0.1009975244761314	was:0.09636138916917839	with:0.09172532986148452	in:0.07623472861386547	and:0.0673333676343323	for:0.06339384628678639	as:0.05691011674018202	:0.16277859523425367
to:0.5263119890304351	will:0.12099955692726476	not:0.0779333030500788	and:0.06258817714262802	would:0.060124186360385065	should:0.03928140059263863	shall:0.03487429301901013	can:0.021749514975619066	must:0.020890480611649376	:0.035247098290291046
to:0.6315712611010112	and:0.06768974330929758	will:0.04571004268622686	can:0.037715091628390804	could:0.03254714675790416	not:0.03137061812958005	we:0.027754306234174863	should:0.02475921211423484	cannot:0.021533476681767777	:0.07934910135741177
<s>:0.0979155558012368	it.:0.016653156549448548	.:0.010213395330687046	them.:0.009156590078773265	him.:0.008576325838829646	::0.008020837252990569	and:0.006592493487915468	day.:0.0063281201217835195	time.:0.00523133519530483	:0.8313121903430303
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
and:0.06773564360884055	of:0.03511367318128222	the:0.02972829322398528	to:0.020741575231755634	that:0.01906188200396702	in:0.014603046938347656	<s>:0.013388155320716225	he:0.012310457259188548	as:0.01161622487259087	:0.775701048359326
number:0.0465569840050619	line:0.04134773052681938	point:0.028513926747724527	matter:0.02600941875690649	out:0.023845847590431866	city:0.02327997939981663	amount:0.023064133840220137	City:0.02078468981310636	place:0.020514260232188827	:0.7460830290877238
his:0.26165032061730453	the:0.15562534486436855	her:0.10267671026307469	His:0.1000417251089221	my:0.0692647652413259	The:0.0544285855112134	My:0.033966773480114114	that:0.03281066105557886	their:0.02290092932626093	:0.16663418453183693
the:0.2670809209719772	at:0.22480818296063868	to:0.1144770451440079	not:0.07776621064995058	be:0.072770847761065	such:0.0494567153123747	was:0.04551871381709694	At:0.03395053037645688	and:0.030362828016692125	:0.08380800498973998
and:0.08436890900241904	is:0.07166523247721805	was:0.07123041380488347	of:0.0457394114736129	it:0.03924129679938544	not:0.034771976915542104	be:0.03279904373450433	are:0.030989185978670866	a:0.030924722208668664	:0.5582698076050951
not:0.20639918070642818	I:0.16568289745380113	they:0.1266538419852826	we:0.11921883083035113	you:0.08748592233673953	who:0.07459089048242987	and:0.047017837172007304	to:0.04225702408876435	We:0.02957744996135629	:0.10111612498283963
the:0.3681272173634647	of:0.15909309996428997	in:0.11725437815896698	from:0.047568972051898674	The:0.03724331623900048	for:0.030078909257216287	and:0.029209734529889064	at:0.02756872515393629	to:0.027510531187491187	:0.15634511609384633
that:0.1092371713175924	for:0.1087491155518404	if:0.09840425314389728	If:0.09159362354073391	and:0.0866783815267818	to:0.07515961301416767	as:0.06868389368188287	do:0.04843613662137064	of:0.038983751918715746	:0.2740740596830173
the:0.6749325141158982	The:0.10035464977203765	not:0.05265528023960764	could:0.02731339690968373	can:0.026446697345948532	a:0.025982243357308855	would:0.025551968111101348	will:0.02512440855038276	tho:0.023928034491974642	:0.017710807106056662
for:0.7747314137431337	of:0.07389472021170164	in:0.029252063653405772	to:0.023228807581452522	For:0.0202136117999141	lor:0.016588563713924365	during:0.015099053726844645	at:0.011247898916412813	and:0.011220862200760226	:0.02452300445245019
the:0.629506354621125	a:0.06990277014068602	this:0.05411956505618159	and:0.04599668017469515	tho:0.045415894349177005	The:0.033445393585413076	of:0.03288928843125561	in:0.02018321909236712	his:0.01799139234959912	:0.05054944219950023
it:0.13478585955965747	they:0.12345642371008697	he:0.12028383360671775	and:0.09490666818440598	we:0.07253176885818008	who:0.06688025193041462	I:0.06554825935199118	you:0.05974984479604575	which:0.04576519250997183	:0.21609189749252836
and:0.1156789470292127	well:0.07556980993677288	regarded:0.04497062169191372	him:0.038248776737851944	known:0.03783818211632863	soon:0.03287802268774235	it:0.03193764873859754	is:0.029686094618060876	but:0.029025893971380265	:0.5641660024721391
two:0.0628859962919688	three:0.05895475444513877	100:0.052861320449547264	six:0.05175340675397613	hundred:0.05031174632591295	four:0.04377696543386388	ten:0.03953184670926548	five:0.03858214339058831	twenty:0.032537593247228984	:0.5688042269525094
of:0.07858503074155922	and:0.07803557080696075	to:0.07747135227581889	the:0.07243262796459926	in:0.06417305785045004	a:0.03357472856752043	was:0.030037390036403565	is:0.03001547729734283	for:0.026142527772413028	:0.509532236686932
to:0.6354415998395996	can:0.06692063871975253	could:0.055282824936689005	will:0.05282488090541306	not:0.049272015574622095	and:0.04052707545547706	would:0.02341158867935552	I:0.020217182866358784	you:0.019992073996586906	:0.03611011902614542
and:0.09611377979382967	together:0.06030448595031675	covered:0.03676937166272939	him:0.032438653052046594	up:0.030460413497620714	it:0.02269175320641507	met:0.021809108688738414	them:0.02113687577611875	but:0.01784208772281916	:0.6604334706493655
for:0.12402005120094105	of:0.11534633546372423	as:0.10788726203663952	and:0.08105038400255161	to:0.06991604265960999	is:0.0674078039909985	in:0.0608160354450999	with:0.04886288550932977	was:0.04392494313898062	:0.2807682565521248
to:0.21414441679989193	will:0.2091945587674902	may:0.11582742283200718	should:0.09034920602558501	can:0.0810894354739691	shall:0.07932641606642336	would:0.05445789058298336	must:0.047727385472245705	could:0.0474780495630755	:0.06040521841632864
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
of:0.22618930910488078	to:0.1926003045910092	in:0.13355922550000146	and:0.07160265354935783	with:0.06015396089297813	for:0.05422028386210254	at:0.051699094842630425	reserves:0.05074723877324761	have:0.044430013726393096	:0.11479791515739891
<s>:0.08746259532746431	it.:0.018125555028296585	them.:0.011220077999644685	of:0.010654068133823762	year.:0.00919606848132516	country.:0.008806673205455483	day.:0.008634553217663805	.:0.008053986747590232	time.:0.007266724809600386	:0.8305796970491356
the:0.28521122305203817	a:0.18660422520901537	The:0.05334225854449028	of:0.05255506407730861	and:0.04114208599563825	an:0.03183004670888173	that:0.02179203809636451	A:0.021605163834701617	tho:0.01898833481216079	:0.2869295596694007
and:0.07170816694434606	those:0.05960032516539547	to:0.05570956024765334	of:0.04360192808200646	have:0.042258042030446114	who:0.04100380795663049	had:0.04017393417748778	<s>:0.032787933613848644	all:0.023386898296967294	:0.5897694034852183
of:0.2651446931444483	and:0.12643392558259206	are:0.05111568304328213	is:0.048453175345894675	now:0.04353297440386231	by:0.03555583272209387	after:0.033141436023472984	in:0.027902544396671194	was:0.025482937929991307	:0.3432367974076912
of:0.28904275301978616	to:0.10425489449077704	with:0.08335158245061107	and:0.08130176230066131	is:0.07483310701908084	in:0.07117533326210203	that:0.05315215290608015	by:0.049864758545983615	for:0.049609958070349375	:0.14341369793456837
last:0.26346265696030685	the:0.2585864986039689	a:0.12789409637052546	this:0.08312928293954334	one:0.06139013964674025	next:0.050515040690573866	past:0.03656911818120269	fiscal:0.027710956917049955	each:0.021663327373843928	:0.06907888231624479
time:0.07760773988510519	able:0.06974644094241236	and:0.06321277559861635	right:0.050561441839401616	him:0.050073510455028	enough:0.04915203834908909	began:0.045680178685311296	brought:0.04473396014572456	them:0.0428095188232825	:0.5064223952760291
the:0.19670387957172328	of:0.12034700726956073	a:0.08438228089640598	to:0.07002755359439007	and:0.06281574081115311	be:0.0453128674171294	in:0.03379866218947241	is:0.03220276533394172	not:0.029189418599409524	:0.3252198243168138
<s>:0.057526646953506635	him.:0.01514176006291804	it.:0.014705411838597837	them.:0.010497693340237634	.:0.009547344012032596	time.:0.00643023577034851	her.:0.006188655784281529	country.:0.005670257082891231	him:0.005600547451445666	:0.8686914477037403
a:0.21430659904906912	so:0.17587767807679078	feet:0.12954739887111077	the:0.07462848311886827	very:0.06874990144730012	too:0.043184248056992613	inches:0.039385920117853045	as:0.03854235155854051	was:0.03692268112087623	:0.17885473858259854
and:0.08452463003138351	him:0.06566416047193002	want:0.061946135633453074	able:0.056723895164065806	is:0.0513055351336816	enough:0.04964846369052963	have:0.04604424939635596	me:0.0434188287770063	necessary:0.039785394649249746	:0.5009387070523443
they:0.15490793257827842	we:0.15005922477672448	you:0.1428942674647945	I:0.13619006830347935	he:0.11230080207760264	who:0.042949144975569946	that:0.041580131082239936	and:0.04033674941639376	it:0.03880565988854632	:0.13997601943637067
it:0.1210349288106374	he:0.11890290713262261	It:0.09173267986737713	which:0.08866680623755732	I:0.08072191041501546	that:0.047433095184380894	and:0.043693164139774	He:0.04299662014370848	she:0.039401968398857776	:0.32541591967006894
the:0.712989038554561	an:0.06190586804795948	general:0.03470828608812592	The:0.03329622386846685	tho:0.030229122507796993	primary:0.023788896782146608	tbe:0.015907866366135375	said:0.013691998244875816	special:0.012878867352893014	:0.060603832187038936
enough:0.07441354624292666	and:0.07202353556365672	able:0.0638652042671068	order:0.06159956010529576	is:0.05432058554929998	as:0.05014224302445615	him:0.044947962536253765	necessary:0.04416828268944637	unable:0.039035772180469275	:0.4954833078410885
the:0.26689561431688286	this:0.23572963487839568	his:0.07521509372736579	that:0.05677233284337012	first:0.04921960653619893	same:0.03970217316719064	taken:0.03364625187077379	on:0.0319595775055698	took:0.030204639843958044	:0.18065507531029437
to:0.2796662924653174	the:0.22839752628684307	an:0.14067882480767088	this:0.0980465979406474	will:0.04361564122453371	and:0.03452308025634876	said:0.02391379263340047	"An:0.02027806796622842	a:0.01948479085562617	:0.11139538556338376
that:0.3048592550653344	and:0.19879926436897044	but:0.06590660959264018	which:0.042310867716278906	where:0.04216322225482907	if:0.03991189958813	as:0.03341458253147177	But:0.030455862306052434	If:0.030386438730380945	:0.21179199784591188
.:0.08761927020129004	J.:0.08716735249580111	W.:0.08586476724629935	John:0.08006645488530087	A.:0.07190136603755237	Mrs.:0.05987451870228288	C.:0.05670139955475165	H.:0.05195270812619713	and:0.0418813560606507	:0.37697080668987387
to:0.09310438396615563	and:0.0926959031185987	that:0.04921028503721093	the:0.03908362385478889	for:0.028333029282703225	in:0.026054556369083142	of:0.02601027038186297	not:0.017876867194128624	was:0.01780099424415032	:0.6098300865513175
in:0.011869744770054313	men:0.0115414151932265	it:0.010600662623710278	out:0.010531823462371873	work:0.0096951136320024	him:0.009654562959676129	time:0.00952463754960392	life:0.008979847064746633	up:0.00882342863612542	:0.9087787641084826
the:0.1937306744445595	a:0.1892153045944989	of:0.06668287276733025	and:0.06603220590599232	to:0.05196721260611701	in:0.04014290543134051	an:0.03438436874353259	at:0.02189615268374124	his:0.020304240894461246	:0.3156440619284264
<s>:0.06832233601943359	.:0.043517872217983936	happiness.:0.030467682828843788	and:0.02225521781427929	the:0.019130013662705014	Mr.:0.01773846803807165	it.:0.016801724366506923	them.:0.010050090437880974	It.:0.008372512335587447	:0.7633440822787074
of:0.47456510408552527	in:0.1429976437285471	to:0.13768272963941347	that:0.05172772516444552	by:0.04662493278152208	for:0.0283436222656923	with:0.02482822907249342	and:0.0235497741034921	from:0.02300302143183153	:0.04667721772703721
and:0.11806801595638686	was:0.0656655564015758	is:0.046792063468053986	up:0.03108395308599868	it:0.03021415321434409	made:0.026603113622950526	put:0.026294257073757266	placed:0.02593741995179731	that:0.025049778326914608	:0.6042916888982208
of:0.3586956867888732	to:0.13745685756593848	and:0.07535573432687108	by:0.07021860831140195	that:0.06792442074596512	on:0.062218981448427496	for:0.04345753380819531	with:0.0382857998968645	in:0.034238856902030136	:0.11214752020543275
and:0.1116439548550413	was:0.05703137120579739	Beginning:0.046651729133374904	week:0.04256486096043798	three:0.03398331905169835	is:0.026392761960924712	died:0.025571536391660495	him:0.02554632114399739	are:0.02383754444179786	:0.6067766008552696
part:0.05436987266019125	one:0.05019527681117837	and:0.0362790206795071	some:0.02692139282789301	out:0.02613028881947798	that:0.02183211591122397	all:0.021182288252229727	tion:0.019969261299542577	sum:0.015415698106335283	:0.7277047846324207
the:0.6828942866668603	The:0.054064987640422967	county:0.03730683244364068	supreme:0.0320916161159761	tho:0.03153442204872363	this:0.031176643828262338	said:0.031032521321346217	district:0.028724064529204535	a:0.02828650541650657	:0.042888119989056755
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
to:0.34378129718365846	will:0.15287135864951518	would:0.08615903395787451	may:0.07844929048361882	should:0.05682249178971402	shall:0.05432412913287461	not:0.05091775331157668	must:0.03610577244404393	can:0.03580596083245932	:0.10476291221466445
a:0.2001242936609238	the:0.18180522282492217	and:0.08442798164937843	his:0.07253394272174385	of:0.04803497989259049	that:0.039011502216932004	The:0.03682079293941536	this:0.03578876520221839	A:0.026729459222548064	:0.2747230596693275
<s>:0.04930493137783033	it.:0.03398818557946134	them.:0.033101432660705137	country.:0.014366357346513472	time.:0.01365237999693794	him.:0.013149520123980666	years.:0.012489404540627727	life.:0.010221327919426858	us.:0.008950580776040586	:0.810775879678476
of:0.334657667752938	the:0.17520561951233266	in:0.09955144253399795	to:0.06823470071950982	by:0.05513537904263889	for:0.05100457857398085	a:0.041456603505026134	from:0.04089168190809759	on:0.039717793949193614	:0.09414453250228455
to:0.3558832421453906	with:0.11602848078281203	for:0.09847490494475716	of:0.08712123023463324	upon:0.03756410544940241	from:0.033023770050969195	by:0.02738036706972537	at:0.023959989046015713	against:0.021535386942425964	:0.1990285233338683
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
that:0.1312480027165954	and:0.09710971566551606	but:0.03484929852483764	it:0.03301940971852704	which:0.01510149484499238	you:0.01230169128558364	But:0.012062213730432883	as:0.011267781336293336	And:0.010681584973146467	:0.6423588072040751
and:0.2754649890928237	that:0.11797571890802044	but:0.07618011797491042	or:0.03214014202674153	time:0.031411747043056416	But:0.029334017236160578	And:0.018824001562938297	and,:0.01704868646044205	day:0.013376637344056485	:0.3882439423508501
the:0.11779962059490376	of:0.08596740294820827	and:0.07568776954042707	a:0.05077869504587158	to:0.04502980800732101	be:0.03528964289240952	in:0.03435426147766118	was:0.032825852443482004	is:0.018753788213466776	:0.5035131588362488
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
hundred:0.01444191217773428	;:0.011834673680375107	him:0.010388473796696067	one:0.00968896846901267	feet:0.009556811899111724	up:0.008880191153313928	mile:0.007973380143655012	feet,:0.007606228831470488	time:0.007287466987906896	:0.9123418928607239
there:0.19987799622015517	There:0.11909367785563146	they:0.11222957358263534	who:0.056454786208109245	we:0.05601581687948728	and:0.0502922509946157	They:0.044784420007141744	you:0.0424606053168946	which:0.04157105471220715	:0.2772198182231223
a:0.4753575308467878	the:0.1306417124184603	very:0.058478966495501	but:0.04620439673771712	of:0.039072878151261314	and:0.03415372238843285	A:0.02933208911443574	is:0.027539992056391988	with:0.02150405184637963	:0.1377146599446323
of:0.20696704369744634	to:0.1440613570907062	by:0.09424221195724357	for:0.09270599115880358	in:0.08340270789475376	and:0.08165772063626031	that:0.07250672407978594	with:0.06071233098321752	as:0.0347738901145914	:0.12897002238719135
and:0.23103459036722937	of:0.09522259182811801	to:0.07868641486006774	that:0.06941036662522788	if:0.05993980253852769	for:0.0509630283037832	but:0.05012021754016542	in:0.0477423516717203	when:0.039685523051694295	:0.27719511321346607
of:0.1467233621575856	the:0.13549409541932542	and:0.07205408533053825	to:0.058777346953305366	that:0.04208701181246548	a:0.03774611259476073	in:0.031032719625960208	by:0.02102034089909958	for:0.02056008075347736	:0.43450484445348203
they:0.10856774733130047	he:0.1032791568341872	you:0.1029780594342292	and:0.10127811056210255	it:0.08892829198143667	which:0.08138414439650216	that:0.06469756524205848	who:0.06076481086975357	we:0.044631813555032776	:0.24349029979339692
the:0.3323267599785442	a:0.18331230951438268	and:0.06873834785563208	of:0.061528706205406694	his:0.05062447118485602	their:0.04998950916196356	any:0.04879245547674188	to:0.030957572568050075	with:0.02700294151505447	:0.14672692653936834
one:0.016368888842335127	more:0.015000372690832826	on:0.011189338260333165	day:0.01075934247865153	two:0.010752403191876184	person:0.00789861567222125	in:0.007751399993273645	man:0.007556023970783172	law:0.006531081514130428	:0.9061925333855627
the:0.3039160899447098	to:0.14035604319550415	and:0.12537014318605524	The:0.08089793043900424	will:0.0491278090575893	that:0.034970918913851734	this:0.030491156274560647	we:0.024727302519022294	they:0.02323928506791865	:0.18690332140178392
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.3504734466370944	in:0.18074851139731715	to:0.09098444712830649	for:0.07798290507385208	and:0.05636170623341732	with:0.052640274941918336	on:0.03870549838742808	by:0.03738381606308538	that:0.03243371397214537	:0.08228568016543537
the:0.17684175369701677	of:0.13207652302976766	in:0.09720120748119097	and:0.0756839647172196	to:0.05286608740558989	a:0.04639288019877247	In:0.025494607051899845	by:0.025232489731153464	for:0.02411679410197789	:0.34409369258541145
and:0.06387179474004935	carried:0.05183872197565169	put:0.04333147883061512	called:0.039273414466970906	go:0.033418526050556605	was:0.03324337522235022	went:0.03292943675388721	brought:0.03176707459560777	going:0.02759630551819033	:0.6427298718461208
and:0.11414068672452106	at:0.08283470614190885	a:0.06776212128115378	No.:0.05800169295293617	of:0.041088418039368274	about:0.04092444570492938	the:0.038165658172147836	in:0.030614594433899085	lot:0.028797377419550445	:0.4976702991295851
the:0.3351417205189195	young:0.06694620006363963	business:0.06371561793896569	of:0.05897933906908186	and:0.057095859570076915	The:0.04750635922600106	two:0.04391623041100769	many:0.031745076722129534	by:0.029294297910931008	:0.26565929856924714
is:0.17259142955892112	ought:0.08272961521902446	are:0.08056057458647582	seems:0.07558392967483372	was:0.06572888558670693	not:0.06439114674223405	said:0.05149586598076354	seemed:0.04272828164381891	as:0.041024869025136954	:0.3231654019820845
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
well:0.10961035302276734	far:0.08007480597795599	and:0.07965839654928222	so:0.07218653606582451	such:0.04304312059094861	soon:0.03938626945911401	long:0.03421932550374117	known:0.028088050770761954	just:0.027196930732394715	:0.4865362113272095
and:0.12855148671346447	to:0.1151764699227418	of:0.0844557681653289	that:0.05189942320163221	as:0.03504804263035115	it:0.03285874479393828	or:0.026405969600137937	is:0.024895291943515238	have:0.02480208950362452	:0.4759067135252655
was:0.22856939122470696	and:0.12405449277893581	were:0.12225639902710328	be:0.11529752711229563	been:0.1108643266578351	are:0.058088884375660094	is:0.04607846753694218	being:0.034038034282843244	had:0.03361770030960055	:0.12713477669407716
and:0.21755757190026956	or:0.11584204953821049	that:0.062434910199577635	but:0.05936217901202866	not:0.053605371343697	for:0.026329150052553908	But:0.024538436258933823	is:0.022272065633860267	be:0.02193771395836126	:0.3961205521025074
I:0.1521315619189264	we:0.12578594597101328	they:0.11878193320786906	who:0.10519245697684146	to:0.09387923457423435	would:0.08928978684056936	We:0.053876384764780766	you:0.049777909956290126	and:0.04814398309478042	:0.1631408026946948
the:0.37471436319889223	this:0.21022913504824045	of:0.05990902914478139	to:0.0589950259028948	said:0.05477599725576265	supreme:0.04961015025077925	district:0.040700032076319906	a:0.026514869355120815	in:0.024455400037456977	:0.10009599772975153
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
in:0.019773193846631575	up:0.01456218548124618	men:0.01299049689661471	him:0.011846811626770655	them:0.011274506538478045	out:0.011243763726527344	it:0.011165034576593917	it,:0.011113066787121878	work:0.009330186085338681	:0.886700754434677
is:0.17715480681291765	was:0.1343448630333659	and:0.12702129399754183	that:0.11001235782465105	had:0.07408844193487155	be:0.07390912536721522	have:0.06348116760326045	but:0.051070564310387236	are:0.03440034978805883	:0.1545170293277303
be:0.14389721318583057	was:0.12819036366944567	and:0.109392992704828	been:0.07794741973719316	is:0.07343541069842513	are:0.04550117284912485	were:0.045064326219866634	the:0.0389871182735453	he:0.038724454480496245	:0.29885952818124445
the:0.5434905204116758	to:0.12927067215759327	not:0.04192069505628949	The:0.041623734184355464	a:0.03932628589215317	and:0.034037191479740714	will:0.021458392484718328	tho:0.01970425053347839	or:0.019007682571035033	:0.11016057522896033
the:0.15810719041826277	of:0.11538162605991592	and:0.08590614475192779	to:0.03653028467702717	that:0.03458867073426142	The:0.03264049351240182	in:0.031434889789269324	which:0.021104406239568142	or:0.01768398068680682	:0.46662231313055885
and:0.17294145440156838	he:0.12204536061503274	He:0.07646538277966695	who:0.06377655310242875	which:0.04840998947136304	It:0.04637880557070157	it:0.04388304872021123	be:0.03957444742419302	was:0.035634313788863434	:0.3508906441259709
the:0.23355732335882878	and:0.21261521747517337	it:0.05151886732741725	that:0.04886519511400818	It:0.04540127281548299	of:0.04431337069797225	was:0.025938944427996366	he:0.024017277978415602	The:0.022154055891489905	:0.29161847491321535
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
<s>:0.11082905226011222	it.:0.019670414951907276	them.:0.012190991834710714	country.:0.008746591992856455	time.:0.00870512491820493	year.:0.007714034926845012	.:0.007480364868792762	him.:0.006446288224152304	day.:0.006254419160896173	:0.8119627168615221
and:0.11109995058333154	of:0.10905991812368711	about:0.10673204596576533	to:0.10467099076288428	or:0.08370458087558404	at:0.08357988229247065	the:0.08077984130473227	for:0.05571915300821903	from:0.048557272927102976	:0.21609636415622277
men:0.01798684870587654	city:0.015992342623944257	gold:0.011166909514757298	county:0.010912607814137183	right:0.010699484792997573	life:0.010427164355372932	York:0.009755108591381456	rights:0.00959920395581172	out:0.009568507602087037	:0.893891822043634
the:0.18965885372917193	of:0.18346603241065576	and:0.08845777850378835	in:0.04337861017391475	a:0.039660385745948275	to:0.039456512262710144	for:0.03416583874363273	at:0.02781674532090875	with:0.01661582207187349	:0.3373234210373958
of:0.15985453877695838	the:0.09502846416525065	in:0.05845807207715751	and:0.04749673608087739	that:0.03780945476695417	to:0.031324348349176294	The:0.026721992530225346	for:0.023155839315457248	Mr.:0.019973943650508502	:0.5001766102874345
the:0.4467480949521082	a:0.11452604651692269	oppo-:0.06169357494690715	one:0.04571699119558578	and:0.04266733544021588	The:0.03737161507710704	tho:0.02599785511842491	of:0.020425246269136003	county:0.014499499230440912	:0.1903537412531514
the:0.746739207851339	a:0.06163987770478442	tho:0.028461423300377004	The:0.027993100439198504	large:0.02380110381840498	further:0.020808781881692297	this:0.020147743297800832	principal:0.017444721839921306	said:0.01541266199118466	:0.03755137787529704
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
the:0.19562286545974122	and:0.08210215890826428	a:0.07285430231959578	of:0.06740390745474954	to:0.06543949730759961	so:0.03317401232380278	is:0.0309285392337911	in:0.02758066527636791	be:0.023650834831107286	:0.4012432168849805
the:0.20849665906433557	and:0.1142767670160047	of:0.0996603529965147	The:0.06524073313159189	that:0.024980514504802553	these:0.01841332784867121	a:0.016378062967323737	or:0.01599964531259606	to:0.01465781744434432	:0.4218961197138153
the:0.3589422839729554	and:0.0930817185975369	The:0.06164722239188635	a:0.05447033550465715	our:0.04874720069299071	other:0.03784091685619927	public:0.03440952900253966	an:0.03378758629476022	his:0.033613057888707144	:0.24346014879776717
the:0.6675578334361493	The:0.08086014332903649	a:0.07266507541205215	in:0.034578847391236484	tho:0.03214149155600943	and:0.019975927359013497	of:0.01880948180088257	tbe:0.012921292747488386	this:0.012021708347266893	:0.04846819862086479
is:0.14616428305195384	was:0.14133816634097585	the:0.12665683049064175	be:0.11480866341492661	and:0.06337078189953985	been:0.055890087227750206	as:0.04121668097855302	are:0.04007275868019397	now:0.028723042358342346	:0.24175870555712256
and:0.13138779441418363	of:0.11452835077345339	the:0.10108047685654721	to:0.045355374649344686	for:0.03877034419752932	a:0.038331212563399886	that:0.03577152487086106	which:0.03465855471199002	or:0.0317270974950182	:0.42838926946767264
the:0.13798401021622045	of:0.06882999471644499	a:0.06729615092929107	and:0.06341586667400421	in:0.047531550525420796	to:0.04466917432173544	for:0.034529428489881955	was:0.020068008391127996	<s>:0.018447036338815823	:0.4972287793970573
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
and:0.11959039392562225	down:0.0502990610026891	him:0.0434482046984652	it:0.03917731027664879	called:0.03539194306337451	put:0.03461172801276357	look:0.03332890059579303	back:0.03262706944967013	placed:0.03187255513093063	:0.5796528338440428
the:0.13894449926583755	of:0.10873868036599815	a:0.08932457617544691	for:0.08211165391425851	to:0.07848297605831162	in:0.07488797255639815	and:0.049866198216903766	at:0.037950490134035064	In:0.019867006363066497	:0.3198259469497438
the:0.1910052390945106	a:0.13961492020122923	of:0.11248710961988473	in:0.07042957569835659	to:0.0632574408393963	and:0.061146050272936826	an:0.03399155502122349	for:0.01782967436567729	that:0.015846279975470907	:0.29439215491131404
of:0.32157572891049635	in:0.20713279144020502	to:0.08604579552470024	that:0.07536297683947839	and:0.05172137364020038	for:0.050014065263290226	by:0.04880595073692425	In:0.046970219702597515	with:0.03250389363098652	:0.07986720431112113
and:0.14722241597925823	is:0.13355817091373998	or:0.12634873821401615	be:0.10373419867556789	was:0.0831800230335906	are:0.06027586852372245	the:0.05765577306918963	no:0.05749232716735664	much:0.05204449488191816	:0.1784879895416403
as:0.2122907048890891	and:0.1097881208969343	is:0.08536151790353319	a:0.0716404661671508	the:0.06290540426732016	any:0.056558128943166315	or:0.045561478844701304	no:0.04517074970558993	it:0.03855373327164469	:0.2721696951108702
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
the:0.2827192220001641	a:0.21242566262887888	of:0.10012594073653394	and:0.0890051200724245	very:0.05641376752685675	as:0.03465279549244182	his:0.030206944881525203	in:0.030165464122938534	with:0.02709477425463912	:0.13719030828359718
that:0.305894510528897	which:0.09752575010273326	and:0.09709171252260333	if:0.064018363935346	as:0.0618240985175236	but:0.054431085018196754	where:0.05352228299378296	when:0.05094516670231303	If:0.029390794028594527	:0.18535623565000955
I:0.13618839252161072	they:0.12821298267386344	he:0.1161019552363776	we:0.10473898757141971	it:0.10445505453258412	you:0.05354153016546123	and:0.04261282666843772	It:0.030965991881405308	she:0.027614722377661396	:0.25556755637117873
<s>:0.06624843939043693	it.:0.01676160030815899	him.:0.012122683272625546	them.:0.011662127849324926	time.:0.011274427017094189	year.:0.00792068202360132	country.:0.007391379233286265	city.:0.007051360534955069	day.:0.0070130968391158895	:0.8525542035314009
was:0.13764665285381034	been:0.11672314440870042	be:0.1127921980343832	and:0.09979220775896207	are:0.06821650021897473	is:0.06767709047343885	have:0.05609357954426877	were:0.05609061378185734	had:0.047697373478663395	:0.23727063944694088
to:0.1311313689396937	of:0.1203095940227675	is:0.10155686908522567	with:0.08942622034643735	in:0.07950259100107013	and:0.07351385141780777	for:0.06623398629602106	by:0.0629212498438459	was:0.06088737304887321	:0.2145168959982577
the:0.22746549245674832	a:0.1284522045468717	of:0.10207284338158418	and:0.066016866826992	as:0.037690238679393584	his:0.036309160430371204	their:0.03504416362489374	two:0.028877723013489374	many:0.026295383389057122	:0.31177592365059875
of:0.09569549698789015	the:0.0946250086679643	to:0.0630469776994832	and:0.058014529430948605	a:0.04954773384368984	for:0.026796485377717942	at:0.021787986120836943	in:0.02167105698800428	that:0.018269277645658086	:0.5505454472378066
and:0.10507411921368938	made:0.07920629037538661	or:0.04000269658037959	caused:0.03211581540748149	that:0.030953152009843405	accompanied:0.030279519224400805	ed:0.02729249895303003	was:0.026893653547762023	done:0.02652843105360923	:0.6016538236344174
one:0.09533078753832613	time:0.0325726982757298	and:0.031133123876882864	day:0.02054691971290802	that:0.01206243239175957	man:0.011224091760794684	part:0.010014623768013159	out:0.00960737524910936	One:0.008788185346186292	:0.7687197620802901
above:0.3101240532277617	man:0.11350254456429827	be:0.04602164781352899	and:0.043861922728210954	was:0.040477554867243956	he:0.03232562603982494	the:0.03110917183510863	been:0.02585017763346195	last:0.025235893088247214	:0.3314914082023134
of:0.15265765059732647	at:0.09205204486287676	the:0.08551380594333043	to:0.05093424606711444	and:0.03996978718420955	by:0.03541411392026081	in:0.02247458771768524	from:0.019335728285740816	a:0.016913778111240695	:0.4847342573102148
and:0.16461161944756889	or:0.13648556894461625	not:0.12203822879465057	will:0.08189390448985313	would:0.06647466696955076	can:0.06088015757380837	could:0.057210857018966214	that:0.055581868517565414	may:0.03856547212892394	:0.2162576561144965
and:0.11567941733661861	to:0.10193864092127838	of:0.07479857784864795	the:0.0716651264869108	in:0.06435897496237938	a:0.0523776631676301	or:0.025640097155484418	on:0.02038573576822562	that:0.020227083104944397	:0.4529286832478803
of:0.08821558835300647	to:0.08540383314828587	the:0.07699147055274193	and:0.07501707955877815	be:0.045147773553477426	a:0.03588283705023091	was:0.032386687796220774	re-:0.02247985515260142	for:0.022438922834644992	:0.5160359520000121
w:0.3039400554023643	the:0.12750316971866216	and:0.07239322748012034	a:0.06223660919104251	of:0.044414657790355534	The:0.019492564463005096	was:0.019276312757113688	at:0.016270828591738958	\\\\\\\\:0.014777458831016693	:0.3196951157745807
the:0.2348537121169316	a:0.22701037508654462	and:0.08824679659358844	of:0.05971497543948589	that:0.04239171409494087	with:0.0372326731508629	be:0.037084413230487494	to:0.02755033413763559	was:0.026084940715879214	:0.2198300654336434
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.5350611982143092	a:0.1615444860055738	his:0.04586226503709104	The:0.0354494716353834	tho:0.03126201798585262	of:0.02902743427446866	that:0.028222445576238906	any:0.022953341386281082	whole:0.01769489831783605	:0.09292244156696522
a:0.2551255777611505	the:0.23510424853787223	any:0.10072378626532229	that:0.0768876047752589	this:0.04691355556726983	every:0.03993716030012861	greater:0.038243453772756	latter:0.029410411350112447	no:0.026389307740317964	:0.15126489392981118
that:0.2343825695537281	and:0.173580387735864	as:0.08804191135606321	which:0.07906296118953218	but:0.056619080841078986	if:0.04265373183385875	when:0.03823698879093279	If:0.0295628403529963	what:0.018366766902300748	:0.23949276144364495
put:0.17099523154025467	and:0.0923327807279633	of:0.06992927262574795	as:0.06372637452570641	get:0.05909472057381388	for:0.05817821893624745	threw:0.057501004925805926	make:0.053008752348107695	take:0.05128191040191484	:0.3239517333944379
as:0.06754200175598093	went:0.05664431023464283	feet:0.05348829302426202	and:0.052143780935388545	up:0.041651371873485096	back:0.036244672014561816	according:0.03583433176825173	sent:0.033531499110590036	returned:0.0326125308174635	:0.5903072084653734
the:0.14975592360770285	of:0.08674239258095837	and:0.07465434729591684	to:0.038689519384319256	in:0.02640399404783318	a:0.025036136087226147	by:0.02171652298708642	his:0.017013288131603847	.:0.015075557811300735	:0.5449123180660523
I:0.2598282957996882	we:0.13957909730737045	they:0.1388188210180517	We:0.09412798836302537	who:0.059590244341527994	to:0.05349153900233156	and:0.044784269505557875	you:0.04266533122354936	They:0.03252473414757809	:0.13458967929131946
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
the:0.5163544077986554	The:0.14560841530474614	of:0.059930786541755245	a:0.04273184567469334	tho:0.03297506329987953	and:0.03230739558331262	his:0.023818379858018057	that:0.021683881491423983	our:0.013732338277965786	:0.1108574861695499
the:0.2272545600293146	a:0.20347387051376425	and:0.0856396557343859	of:0.07482446895200069	to:0.05112688384229802	with:0.03693088136678945	in:0.031430352586942836	for:0.03142955074674829	The:0.02718860318703793	:0.23070117304071805
the:0.36343395023149294	a:0.16275377135251476	to:0.1374510961859435	of:0.039293335627573256	and:0.02592563010650575	an:0.023354576573338774	tho:0.023036123616229486	this:0.021907214755236458	The:0.01816179634681747	:0.18468250520434762
be:0.16162212973072346	was:0.15177708317983968	he:0.13417502467313475	and:0.12213209038481777	been:0.08032521257396041	had:0.07180372585849298	were:0.06260644402657596	have:0.04073942253240872	is:0.039616870152625994	:0.13520199688742027
the:0.15003941322217484	was:0.1027638393110835	all:0.0942476138105631	at:0.07181629218635449	be:0.07161949176854746	to:0.07081283511319557	is:0.06517081469809047	it:0.06391241731241022	not:0.052553100947549	:0.25706418163003136
one:0.12075228401753187	out:0.050145420556610226	part:0.03136691573913858	some:0.030607376105561246	that:0.021046088519597283	all:0.020591781542146834	and:0.019386601581706995	members:0.019036027634213845	side:0.018765667070906072	:0.6683018372325871
and:0.11294504769069787	conferred:0.06640348980854467	called:0.06554803335048456	put:0.062373196043692895	look:0.06012955349587505	imposed:0.05572376379267248	bestowed:0.04970265340882039	depend:0.04878007315242844	looked:0.04786633988028766	:0.430527849376496
the:0.14670120797655015	of:0.09165907620642465	to:0.07401831594135123	and:0.0586266496121567	for:0.051849897237811665	in:0.05031738336648579	be:0.038676617351289966	a:0.025477969370943793	was:0.02528425558078757	:0.4373886273561985
the:0.3261746982726945	to:0.2248057050135647	not:0.09494955943625628	and:0.07390516750139335	The:0.055551992276778824	will:0.055382312886070276	would:0.03406023842591755	may:0.032272640896451196	of:0.029351964620943412	:0.07354572066992991
the:0.23111184387530956	of:0.14479593210103386	and:0.08582860964053718	to:0.06150288177191757	a:0.06003102323809642	in:0.031213357776447095	their:0.028141614429536905	his:0.024479403664089038	be:0.02153222526535271	:0.31136310823767965
the:0.26532759527506405	and:0.1772962712719627	of:0.08681089961414719	two:0.06615633360629178	these:0.054306132870931154	for:0.03747998992800214	all:0.032510445649267104	as:0.031288880899339774	a:0.029234625940739983	:0.2195888249442541
the:0.23064976974816406	of:0.1251839000947097	and:0.0906191556751078	to:0.06974493060332328	a:0.04579261884899858	his:0.03895619581412924	their:0.038950986662083485	be:0.038404399040864186	in:0.03740983947926077	:0.2842882040333589
I:0.15901870739461185	who:0.09964247347719547	they:0.09743528314004243	to:0.08963129851345245	would:0.0821328541322253	we:0.06910070092136325	which:0.06684346126480264	and:0.058156761484334026	you:0.03060574382593797	:0.2474327158460346
a:0.18741537604814412	as:0.12701080097774822	the:0.09378154935365633	is:0.07469227526423021	and:0.055028311812107	very:0.052347689532579664	are:0.04424986402011729	pretty:0.04129660104100376	was:0.0405575032709922	:0.2836200286794212
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
the:0.6139244512711015	Court:0.11780103224094703	The:0.05550442145370188	tho:0.02547960652275302	White:0.024930326636601198	tbe:0.0133694794544722	Opera:0.012502523229641613	a:0.009515604421674059	School:0.008043330935005238	:0.11892922383410223
the:0.41824071499389903	a:0.20242435754414434	and:0.07438645434181707	of:0.04311588948824641	The:0.04214076394302985	tho:0.014862252426365444	in:0.013912726511879291	any:0.01313688514075309	or:0.010669133734296064	:0.1671108218755694
<s>:0.08776904932831014	it.:0.023459956156474785	.:0.017271819766839825	them.:0.013863655306631853	him.:0.010813838063756964	time.:0.00963442756212162	day.:0.007247553114029059	work.:0.006606534605336698	her.:0.006321210460603332	:0.8170119556358957
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
that:0.254978589743381	and:0.2251722583652966	but:0.07620716947300235	as:0.0665041458631763	if:0.054906113398381536	which:0.03894522230462048	If:0.0351686409714885	where:0.03281079060663589	But:0.028405027044956736	:0.1869020422290606
the:0.663441198851849	The:0.13687317164901652	tho:0.045105053589706595	a:0.029766060701135768	First:0.015138601021126255	tbe:0.015068644395610504	A:0.010106622244577269	of:0.009573015564794056	our:0.008163548475422593	:0.06676408350676136
of:0.11904574774402965	and:0.117039163175256	in:0.0579721685820925	to:0.0511186639368552	fact:0.03928633611901063	said:0.03323136332365265	on:0.029827822579143393	all:0.024787499172257966	is:0.02252394945510673	:0.5051672859125953
and:0.13171365636802773	has:0.10901855504586716	be:0.09288404190505381	have:0.09049731179571105	he:0.08523226751872483	had:0.06861456911735223	was:0.05269752456708023	I:0.04859525978821856	is:0.03869530414569001	:0.28205150974827436
of:0.4282650230680782	to:0.12804243949934394	on:0.11744218798441461	in:0.10613958159723672	from:0.045423661689523845	by:0.04350995678678248	at:0.03209701686296498	along:0.028877831514984596	with:0.025254213714866778	:0.044948087281803877
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
of:0.23401163326804836	in:0.12657694773497152	to:0.08785712082806457	and:0.08141015707341372	for:0.0771196619705842	that:0.055559378175794365	with:0.05325795732300355	from:0.04426315007769833	at:0.042654952530502735	:0.19728904101791866
one:0.13027668708462814	out:0.07742206756685843	part:0.06474114282857145	some:0.05640712659716483	time:0.03954471000289752	account:0.03620724368530425	all:0.03238127669140698	and:0.028154969476639407	that:0.02755643570827209	:0.5073083403582569
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
it:0.18143874199255758	there:0.10331969695424356	It:0.09198639939220059	which:0.08073126991269376	they:0.06240522313208139	that:0.054082648531678275	and:0.05144105994683339	he:0.03253148924096088	There:0.03214778196988864	:0.30991568892686194
time:0.15652913983281255	out:0.01664752414156729	in:0.014538642094469199	it:0.014080540842975475	up:0.012964295050934091	work:0.012227905589094538	good:0.011834694020503968	principal:0.011690345942975066	law:0.011252617582775966	:0.7382342949018919
of:0.17812164892276777	the:0.1012888456194023	and:0.08094513092269891	a:0.07630590518576001	to:0.06780754766753506	in:0.05360743862479921	was:0.029660071061225066	with:0.028416590242039894	is:0.028389348603932645	:0.3554574731498391
it:0.17446210238267795	It:0.16512138039676244	This:0.11580779511931819	which:0.07131888702327785	that:0.06268754379599907	this:0.05652048471821813	and:0.04054529143452458	there:0.036840538093569096	he:0.03013409703322793	:0.24656188000242477
the:0.2250702397820394	and:0.09218623338237099	a:0.07811928045114105	of:0.07130062777314257	to:0.03712138171467259	The:0.029709583372788975	in:0.027222149674394264	tho:0.01884428073063368	Mr.:0.018769953350672285	:0.40165626976814417
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
and:0.1885314475837406	be:0.04299416844864546	is:0.04132392745809975	or:0.03568882576929389	but:0.03414327459765041	it:0.03363722881926879	was:0.02668622285093249	done:0.02598432430481635	do:0.023776739682423678	:0.5472338404851286
is:0.16688891866606584	was:0.12398214291699491	are:0.10504473077917895	did:0.10125319919436176	do:0.09241446939744932	could:0.07426940987205648	and:0.06504621694397594	does:0.062297211422845195	will:0.06217440315044117	:0.14662929765663046
of:0.12867308189150126	the:0.05782903747014203	and:0.04553541978217455	.:0.04409608212473621	<s>:0.02650659596266518	by:0.025742308651530467	Mrs.:0.023205793703216127	Miss:0.02263130308065281	at:0.022051896310994596	:0.6037284810223867
the:0.4777385224585722	of:0.17558888723077148	The:0.14667455174616048	a:0.04878964897965443	and:0.035403566419986696	tho:0.03319274322237101	that:0.01293573448181209	no:0.012592274798087853	this:0.010290502135795505	:0.046793568526788294
person:0.08577949447630268	and:0.07502858093410518	one:0.043178425471385645	man:0.03177124317953422	her:0.031171986266940475	those:0.02870699182359891	him:0.023109025131568088	me:0.020551875907938905	men:0.01990661890831763	:0.6407957579003083
to:0.670999307970099	will:0.0644038613348904	and:0.06121690190856681	shall:0.02689545218560817	would:0.022082784177550215	may:0.02119991280390019	not:0.019506128437319446	can:0.019414911716504966	could:0.018997921175354555	:0.07528281829020625
and:0.07222361683295823	them:0.05499210847327455	wait:0.05459593741436621	there:0.04328706187656688	it:0.028241945444449277	time:0.024790103228241513	him:0.024431859762740857	that:0.01871367387911996	not:0.017667254179837954	:0.6610564389084446
a:0.2108072836844596	the:0.15761377112346206	of:0.04662880258668954	and:0.04615764025977491	at:0.030719679608839336	to:0.030339889751313815	for:0.02712426962560422	any:0.026322395634026146	that:0.026243126702709185	:0.39804314102312116
the:0.10421959197570145	and:0.08916072385470164	of:0.07180565967422825	a:0.061443282686010535	to:0.05652774612522947	in:0.036783654613900985	be:0.032862885570019026	was:0.030483588301499515	are:0.028280740362652056	:0.4884321268360571
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.24640745797682367	and:0.12860300463252866	in:0.08402316741524031	that:0.08309137886027049	to:0.08147199045483966	for:0.0607056451418568	with:0.05917609802896042	all:0.045839483618160856	by:0.0448020386250283	:0.16587973524629082
of:0.2840639054233679	to:0.17457293021812656	and:0.10586958971921044	in:0.08608745857943335	with:0.07645439953531627	for:0.04507919501980053	that:0.04299548030713471	on:0.04012291162766321	by:0.03759946408866892	:0.10715466548127811
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
hundred:0.15604367101341324	two:0.10275976948897493	one:0.03087834730951554	three:0.013572712839617421	feet:0.008945210791262814	wife:0.008199268491215198	dred:0.007693337369864255	four:0.007503670353228803	and:0.007415132838061897	:0.6569888795048459
to:0.4454468734291315	of:0.15839413569040756	in:0.07990651537373535	at:0.06098135318966565	for:0.048483752157050225	with:0.043258166314994254	by:0.0404863040929121	and:0.027915233205033398	from:0.025860959536598723	:0.06926670701047126
get:0.07245670546976644	was:0.06827773018828956	and:0.06627903282426373	him:0.052442468208758614	it:0.050561188617061346	them:0.04807318223935662	are:0.047026350523610795	go:0.0433307210705129	come:0.040797963484801664	:0.5107546573735783
that:0.2276383157519232	which:0.13471274326827423	and:0.11655288405271948	when:0.11605124170350248	as:0.07524685350619156	if:0.061142895635181424	where:0.045663142366659616	but:0.04105878757055821	what:0.033876173613986954	:0.14805696253100284
an:0.5873185098065695	the:0.18224487996018515	no:0.03769882415302875	and:0.03468795851426035	this:0.032925071012616415	his:0.021978190319385915	An:0.02001049067990114	The:0.018864890156267678	of:0.016525057106280678	:0.04774612829150438
the:0.6460533606077787	a:0.1094599790525803	The:0.07901684275246049	an:0.05847887872783737	tho:0.05129544723213699	tbe:0.013122149871273038	our:0.01166152164630384	this:0.010500136273398783	A:0.00746213617030316	:0.012949547665927354
more:0.06726363703573705	one:0.038672096400847705	day:0.03794832639185017	person:0.03357191096176338	action:0.024489532297066383	law:0.024467180158491426	right:0.022774033784410955	interest:0.022338385035236476	vein:0.021520424160458646	:0.7069544737741378
the:0.1977845526251706	of:0.14119823539549062	a:0.09855880021319634	to:0.07833683349269033	and:0.04529598622962805	in:0.039631419001508586	The:0.027667189144435625	that:0.022116743501525326	for:0.015571177201586	:0.33383906319476847
the:0.14331823963293128	and:0.09355876212745572	of:0.07463273146561433	be:0.06278863594112566	to:0.06176958664817019	a:0.051281754511237586	in:0.026094173529248855	or:0.023324903599032325	is:0.02210694829741953	:0.4411242642477645
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
the:0.1267647193691124	and:0.11338807285191588	of:0.08930627077035622	a:0.04053969764143991	I:0.03553304973790511	be:0.03122394803700593	that:0.030694355059295624	was:0.030172476728062104	he:0.029426814860562908	:0.47295059494434394
the:0.19765944413001754	1st:0.11059503755556872	first:0.09159328042083008	a:0.07596581773098715	25th:0.058877517517977276	7th:0.050144164699482324	10th:0.04774505795975605	12th:0.047349873882118795	21st:0.04468978504119164	:0.27538002106207043
and:0.09377129454296322	was:0.04271315341537484	out:0.028524574363226172	that:0.02811573968936019	placed:0.027131868575018914	work:0.02578173844450971	made:0.024681420068921236	is:0.024021050156212566	up:0.023509378606325886	:0.6817497821380872
to:0.2615996413931071	would:0.17509257942050194	will:0.1009957249070145	I:0.08163403102913733	who:0.06886361856047417	they:0.06713344116690809	we:0.06681275024607067	not:0.05049055630963955	and:0.04937968185951612	:0.07799797510763054
the:0.24649087806622086	of:0.13951287610781102	a:0.09569311550373324	and:0.0864388701070549	to:0.05285305226602269	an:0.04576698362501052	by:0.04001368955213754	be:0.030828669604908605	his:0.029011781459776346	:0.23339008370732428
so:0.3502506118776952	as:0.2000063099573229	too:0.1091417118147057	very:0.10279437191614758	how:0.057065081726304936	is:0.03265388744548048	be:0.030986540209866912	and:0.025321331808565384	not:0.020800501788580273	:0.07097965145533063
and:0.19092068026657236	fact:0.07842616783137771	say:0.07835292406805523	know:0.06598166082161198	believe:0.04837423586362953	said:0.04700397342501858	all:0.03831339073168142	so:0.03745292393764081	think:0.033796005270179084	:0.3813780377842333
in:0.02638428018357941	;:0.022948193168088	Under:0.022257726760128087	given,:0.012259186448498384	him,:0.009247354898396268	them,:0.008968743245138962	,:0.008936750842298911	up:0.008725773137890296	thereof,:0.008656362438106123	:0.8716156288778756
one:0.057139256521097186	some:0.029411516746495392	all:0.02471884505538341	part:0.022392057286609455	that:0.02178059855172521	any:0.02020712397360314	portion:0.01993934099943003	out:0.01862758715342626	many:0.015928670104973546	:0.7698550036072563
to:0.29882038807544314	will:0.24603475936467994	may:0.09442146974670816	would:0.08162681679718142	shall:0.06808055767135791	should:0.057214755412357654	must:0.04265321161485721	not:0.040017724454018556	can:0.03492911128027462	:0.03620120558312137
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.20026031967155397	of:0.1832385185566339	in:0.07422590663820373	to:0.045820186739333836	and:0.04263321832316093	by:0.02832470201669432	said:0.026562742213149734	on:0.026030248818878932	a:0.02459090276573585	:0.3483132542566548
he:0.21809103871514754	it:0.1096026447208259	It:0.10087756188977845	He:0.0901345290960052	I:0.08262578139171614	who:0.07865441926892316	she:0.07072736584036206	that:0.048632580192682275	which:0.04692671748735294	:0.15372736139720633
is:0.516788950028605	are:0.2119519987596117	was:0.06206914985418849	Is:0.05754783247096334	and:0.028598672066478807	la:0.008536866749773232	were:0.007809023645525737	it:0.007621936125360669	arc:0.0062575429723749215	:0.09281802732711811
of:0.30057194315197666	to:0.14335868722163195	in:0.11124254703253822	by:0.07511763593059159	for:0.0741747094325996	with:0.059310404707717264	and:0.05619057384742307	that:0.050817551333108106	from:0.039137361647546144	:0.09007858569486737
in:0.17831071634309084	for:0.15288283829349295	of:0.14608337491179252	within:0.07753756007710011	and:0.06785450787002224	only:0.06190377207193627	In:0.05627073922004922	with:0.0471648322568348	is:0.04003434387689471	:0.17195731507878634
and:0.13312964580575487	of:0.08209389939114965	to:0.07736318623637065	the:0.038214032645260756	thence:0.02897536680604244	at:0.025915213255004545	.:0.024151719650634892	a:0.017919010454362647	1:0.015506560808100318	:0.5567313649473192
and:0.08362943294997585	together:0.07769806815080653	connected:0.0635902168573379	connection:0.06228367212358626	accordance:0.047530813078388766	comply:0.026000666542743977	acquainted:0.023189098613704624	compared:0.02214887744238745	contact:0.01973810078197255	:0.574191053459096
it:0.1498091589528566	It:0.12067881091891201	This:0.09507484261927178	which:0.09267919140940752	there:0.08192390770737927	that:0.07311278244056109	Nor:0.056237431699712646	and:0.04883124442024579	what:0.04512869574878704	:0.23652393408286623
of:0.1787399785033536	in:0.13316552568037954	to:0.11946981813960898	as:0.08074969852261231	at:0.07536113817726696	with:0.07073810466225501	and:0.06587341544052712	such:0.06071193207181544	for:0.057322316522170146	:0.1578680722800109
covered:0.08521611145428121	filled:0.07223589454693174	and:0.07088966638147053	him:0.032463579423506084	together:0.032130077556053675	up:0.0305015312370106	loaded:0.027542293496156254	parallel:0.024642351670859004	charged:0.024380846684898132	:0.5999976475488328
of:0.22011702610588432	the:0.14718264671302253	and:0.12413054560002282	about:0.10227479953597907	than:0.08087601538401092	or:0.0625330649299535	for:0.05494123370175522	in:0.038093131643531855	over:0.03641789705551673	:0.13343363933032304
and:0.10968615154899033	that:0.10300191553271104	as:0.06787944444478897	of:0.06784266536627429	to:0.04946776343917317	make:0.04536235238254599	which:0.043134291809455536	but:0.03568964334384511	if:0.0324340118960915	:0.4455017602361241
rate:0.2640770563812231	sum:0.1609192798111071	period:0.06141349746558942	upwards:0.04979307181667969	depth:0.04960309690040178	distance:0.04113464027753977	number:0.021098265317273508	one:0.020253594651292173	expiration:0.019667096153342008	:0.3120404012255515
and:0.10548630338651747	passed:0.09140587720959385	passing:0.0685443609106643	way:0.05311523531478971	went:0.039583806275237346	it:0.03896384370082981	go:0.038534827098956045	all:0.036585705983466055	pass:0.03545384287426356	:0.49232619724568183
of:0.2536075754845786	in:0.1432229592006922	to:0.11129561962098836	for:0.08481482426570468	on:0.08328719539798489	at:0.08058009547557934	from:0.056687898853295914	and:0.04890360677047771	In:0.04587203990609063	:0.09172818502460772
and:0.1224851030068816	a:0.11663765521929836	to:0.10487184236668161	the:0.09870275897252077	I:0.0633623382017915	for:0.04898702032480906	of:0.048090702860478916	be:0.0477402606243122	he:0.04561297003230804	:0.3035093483909179
for:0.4700552680890504	of:0.12446606342101678	to:0.11588425292417749	in:0.09641394786365741	and:0.029252994476933213	with:0.027753575290475663	at:0.026113335675291113	In:0.02554355764178923	that:0.020233118057659177	:0.06428388655994953
the:0.19202758963538796	of:0.1737095548261018	his:0.13272744063315844	this:0.09968480772048119	my:0.08108849464244226	said:0.058424599143103675	her:0.044706863456906124	their:0.04067165616844275	in:0.0403871143400891	:0.13657187943388668
the:0.42223187112427096	The:0.09818924977198268	of:0.07363782504134121	and:0.0569512064667484	that:0.055192739085089204	these:0.04301069570497141	our:0.03989615731013339	other:0.02915598454838973	as:0.028363728115568556	:0.15337054283150442
the:0.26784217067959515	and:0.13804663158202024	of:0.08514786465544258	a:0.08026468816678595	this:0.06600520796783967	to:0.049497998010701885	their:0.047771296721385664	all:0.043173584357582284	that:0.03944488347304534	:0.18280567438560122
the:0.3864992520346706	this:0.09174231457933496	The:0.08918453648340069	that:0.07093862263909646	of:0.06593009722306797	his:0.04636291465268859	a:0.03467387355283068	tho:0.0319490940851571	This:0.02401920622028868	:0.15870008852946427
and:0.1110868755083757	the:0.07010352453817022	to:0.06951209882010935	of:0.059056017532933366	in:0.03400074723056331	he:0.023896631727683144	that:0.023466958256947404	or:0.022936226641444225	re-:0.02222153490505041	:0.5637193848387229
and:0.09377129454296322	was:0.04271315341537484	out:0.028524574363226172	that:0.02811573968936019	placed:0.027131868575018914	work:0.02578173844450971	made:0.024681420068921236	is:0.024021050156212566	up:0.023509378606325886	:0.6817497821380872
a:0.35833232038846446	the:0.20291295768314074	to:0.10540176701015744	of:0.09103898755021189	and:0.07538263211695168	his:0.05528534190465276	our:0.02390850368098033	in:0.022733133963600993	my:0.021576030569529545	:0.04342832513231014
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
the:0.7951668942643497	a:0.06976859604669865	The:0.0374486172913504	tho:0.034478828809229776	tbe:0.014211441462235085	and:0.011880525162647213	this:0.005972781320733822	his:0.004388674084838075	whole:0.003060761200229296	:0.023622880357687934
with:0.13126028193069583	of:0.12738947510687	in:0.1145217036610469	to:0.11294697641774827	is:0.10800540305700532	was:0.09028738077619429	for:0.06860905577672548	and:0.06030135793050781	as:0.05960662479255843	:0.12707174055064768
and:0.14185082984847144	of:0.08033187847220079	or:0.043756126273973774	I:0.035867663294489635	all:0.028862882069157422	from:0.028536841324771196	was:0.025000612741960852	be:0.023295185073043876	is:0.02318089278400742	:0.5693170881179236
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
the:0.5532424226524021	and:0.07628797480176934	The:0.0672324511297138	a:0.06479524950478595	tho:0.02865507299871205	tbe:0.013849771410115798	most:0.012920357100336732	in:0.011269787455226034	all:0.009480106327864356	:0.16226680661907386
of:0.1016187022402546	in:0.0820172103160613	to:0.05712487187979762	on:0.054922919082090085	and:0.029680598358861682	with:0.026873153858056033	upon:0.02360193600355762	for:0.0197178512479021	from:0.019483428467526986	:0.5849593285458919
in:0.35199555138144517	on:0.15255625173687998	of:0.10432538070245871	In:0.0852717035837412	to:0.06133593098680268	and:0.05564881537720275	all:0.04092609325792948	with:0.03526804395371578	that:0.028999707275552598	:0.08367252174427164
and:0.13732985396453365	of:0.12168513720465819	to:0.08925250113449046	the:0.05080265983340616	in:0.040950694956941015	with:0.039925123352269	on:0.028555017332719302	from:0.02330903845793814	as:0.022674497699183827	:0.44551547606386027
that:0.24153227312828068	and:0.12536245864260825	when:0.10884006396402711	which:0.08867749892191798	as:0.047281660193161414	if:0.04665535094138793	where:0.04485225438704934	to:0.040568052216367174	but:0.038652319778827	:0.2175780678263731
Miss:0.2607911841462427	and:0.1529217653658975	of:0.045346751957252296	Mrs.:0.03854335563215065	said:0.03432849790690469	the:0.03047450981007373	by:0.019210328282631573	Misses:0.012805013968878185	.:0.009171532427973852	:0.39640706050199487
and:0.17585063722392302	fact:0.10400902578517979	said:0.06844377842999533	so:0.06232472237382234	believe:0.04519952307692614	is:0.039634011181226815	say:0.03675663629906361	know:0.036060715732595706	found:0.03095250753294034	:0.4007684423643269
and:0.04711950470981025	as:0.04557489579867504	is:0.024537711503905518	it:0.024152036798046655	up:0.02267924795152587	him:0.02095091008257167	feet:0.02001876618974321	right:0.01905418532567607	went:0.018611725783682805	:0.7573010158563629
a:0.4102757250982712	the:0.21146274753257188	of:0.04503866620810331	his:0.04030136367071567	and:0.03779110859653583	very:0.024795857687088446	two:0.022753503108498944	an:0.0211734427145732	three:0.020526594880421876	:0.16588099050321964
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
and:0.10759124854776815	was:0.05262477001875888	is:0.032642523767802634	found:0.026946789880043204	made:0.026435001559149233	are:0.023591436446863727	that:0.021493290575667283	but:0.020984332537349677	up:0.020526232499788858	:0.6671643741668084
the:0.21757766705989637	of:0.10696081369201656	to:0.058240743874082644	a:0.042952572620993244	on:0.03886982614728889	in:0.03369418958194501	and:0.023938738690949774	from:0.018263402246362397	<s>:0.016130734745868278	:0.4433713113405968
this:0.11630763539417988	other:0.10822183075212856	the:0.095719807530542	of:0.050414922714297955	all:0.046766505966243724	public:0.04519897327417182	same:0.04187984855129538	their:0.040639099329661116	one:0.03962176668544522	:0.4152296098020343
and:0.055967033536257114	miles:0.052923577282244894	far:0.03865620282278348	free:0.03329035891616628	or:0.02576955710236909	away:0.02433130021849293	taken:0.022023518504586077	it:0.020747507086434927	him:0.020377010604420452	:0.7059139339262448
to:0.6107226175923778	will:0.0999191805304267	not:0.04824219603984723	and:0.03841855465535041	would:0.03775061363148449	they:0.021719603086962712	I:0.021454757634401113	may:0.019838769448875904	shall:0.01949596126163468	:0.082437746118639
the:0.28089993578176586	of:0.18222419177252966	a:0.12241141747982258	and:0.07350792590277892	their:0.03744654502504561	his:0.03213337731850709	to:0.02559617684402521	with:0.025125582452303293	in:0.021618206318710403	:0.19903664110451136
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
or:0.192244396448114	the:0.15289343379120102	of:0.11908628716615115	and:0.11621774574430023	in:0.0656645018532462	for:0.0524986600308158	to:0.03579661421477152	about:0.029235770917258888	by:0.028213378357689924	:0.2081492114764513
and:0.07183289031255977	demand:0.025944685217575657	ready:0.021477506387310677	used:0.020653840313379437	time:0.018693235575541325	not:0.014344251169100857	vote:0.014321157386397571	it:0.014219992250690474	candidate:0.013420651590409303	:0.785091789797035
a:0.32278202333105216	the:0.15579664696348428	of:0.07608852753464093	and:0.06586610244422483	to:0.06575416436379442	for:0.05602416640220802	in:0.031820502908779705	two:0.021913609783306455	with:0.021452045428655024	:0.18250221083985416
the:0.19497025113330696	and:0.0875815220306628	of:0.07984163958979933	a:0.0657736621853989	The:0.04257859527121813	Mr.:0.039375693324975314	he:0.026527346646550983	that:0.02477200065032707	I:0.023289611702476534	:0.415289677465284
of:0.36280620372665967	for:0.10164266514401649	to:0.08020704865029944	in:0.07633591514318737	and:0.07384200826043509	by:0.06292100981160885	with:0.053535407361143615	that:0.049910956085937846	from:0.03268957455880813	:0.10610921125790355
and:0.15365945153307556	that:0.12140087526966925	as:0.09583342536017343	which:0.07625584764315943	when:0.04364163968955194	but:0.03584302532142242	what:0.03008430073912826	if:0.0253491283868819	where:0.016404133735187915	:0.4015281723217499
the:0.14195633072452002	and:0.10532315267524232	of:0.09188967192020338	to:0.073694988809677	or:0.028176478409029503	for:0.019989460545621656	that:0.019774048137550418	as:0.016881543796894858	which:0.016185105813018186	:0.48612921916824264
the:0.3997476997033884	of:0.08939392723194385	this:0.0691488117632036	The:0.061360339218156014	his:0.05021812372627574	their:0.04778435478146154	that:0.037881237192038446	and:0.037074789478289766	no:0.03474363987162462	:0.172647077033618
the:0.3594615143191466	a:0.28844699118336276	of:0.067335733722617	to:0.05870614573933315	no:0.0526790484332417	any:0.036724861433890456	The:0.029507592360518857	tho:0.022678751114539927	his:0.020155806644474066	:0.0643035550488755
the:0.6186563053784182	of:0.09882808725732044	a:0.08767210716049627	in:0.028332274379490083	tho:0.02786664915162849	The:0.02754642461904339	this:0.025553435500087953	his:0.015566090970487868	our:0.01418915988572412	:0.055789465697303135
it:0.18143874199255758	there:0.10331969695424356	It:0.09198639939220059	which:0.08073126991269376	they:0.06240522313208139	that:0.054082648531678275	and:0.05144105994683339	he:0.03253148924096088	There:0.03214778196988864	:0.30991568892686194
the:0.6214509041590544	The:0.08590827396135507	of:0.06961848095343383	and:0.0425078638823136	tho:0.028714523771388417	to:0.021999774981071994	in:0.021905810253037415	a:0.01618489016575369	by:0.014530653698295598	:0.07717882417429606
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.1936320497278477	that:0.18453586024770408	as:0.1309006539330437	which:0.0838179809157182	when:0.06201232033666147	but:0.06156987228278937	if:0.04900882758897206	what:0.0354722579890304	If:0.024390767970129824	:0.1746594090081032
and:0.2790357498297588	days:0.10695816232244239	that:0.053686955406168	and,:0.0484442257032455	one:0.04236838807544499	until:0.04002498796381896	soon:0.03838674550433769	year:0.03788015361531294	shortly:0.03280616801341277	:0.32040846356605795
boy.:0.3851486845748652	girl.:0.3749724915588891	of:0.04862363152244098	Mr.:0.023585961249929968	and:0.015123413224821256	the:0.013014427347772887	Mrs.:0.009909056138148204	to:0.008787847800164374	by:0.006255378951874382	:0.11457910763109364
the:0.1844233306268219	of:0.0730744250814601	and:0.0710039977826242	Mr.:0.06761341681010165	a:0.046314970511787235	The:0.03569780117959245	was:0.02310188251145345	to:0.019060862327954453	in:0.018024687039049976	:0.46168462612915456
Miss:0.15534396381277113	and:0.13685031426506905	of:0.1283488484524729	Mr.:0.0690273206153184	D.:0.041883264096722855	Mrs.:0.03492940840052341	the:0.026416816560517968	with:0.025884903884961525	said:0.024389366529020056	:0.3569257933826227
of:0.4432111801669169	to:0.12307206780672685	in:0.11677179690941465	on:0.07639773410881326	from:0.061521323309127844	by:0.04794086579804147	that:0.023384906747506463	In:0.0202538080922501	and:0.019594704949165143	:0.0678516121120373
the:0.5689497149488729	a:0.2659170729882225	The:0.03566852171176203	tho:0.029013901602581507	and:0.015751291128891176	this:0.012545821536485889	his:0.012442686983456464	large:0.008872942122052398	tbe:0.008465474541022304	:0.04237257243665279
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
to:0.2848476814060835	of:0.16162158114924838	with:0.12386719790913991	for:0.06660585147749627	upon:0.06185026897067025	and:0.05686180270745915	among:0.0350814382005947	by:0.034141748129263266	from:0.03354385081181976	:0.14157857923822478
of:0.14450592664945514	and:0.14007739228862165	with:0.0932648469813503	as:0.08771186808066125	to:0.07808279375377333	by:0.0725628382548454	in:0.07128931206396028	is:0.060977129663721326	was:0.05092779247247908	:0.20060009979113225
two:0.661103933829643	three:0.057785698690687205	one:0.04237929622407642	Two:0.03442921290259537	four:0.02791298037951852	five:0.02011611351176371	ten:0.016295117157964712	six:0.013494369932302519	more:0.012103402824504377	:0.11437987454694411
years,:0.01184461821854182	time:0.009356434745111731	in:0.008999771834895101	;:0.008613479246975659	porous:0.007473513963247233	hundred:0.006870414313547528	it,:0.006786658829433457	States,:0.0061876025375332475	manner:0.005937196325960979	:0.9279303099847532
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.26085085194546737	to:0.12614212315331924	in:0.11483919284865896	on:0.08801899060682282	and:0.07002802182982863	for:0.0685209015546801	with:0.05968585356484711	by:0.059259015268539904	that:0.0460602314753961	:0.10659481775243979
away:0.07419763619767243	and:0.07396326183703006	them:0.04509353126561444	taken:0.04397240565642391	him:0.04178290537538169	free:0.03842301878786514	come:0.032280715537590376	out:0.03190046675187955	in:0.029668404054435327	:0.588717654536107
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
a:0.39189365014275424	in:0.10079833408400254	of:0.09432278715410226	and:0.07630960571902713	the:0.06026993525880891	to:0.053584400270112735	with:0.05331686416794867	most:0.03665717956598289	is:0.02464168406524219	:0.10820555957201843
the:0.3571534091784249	such:0.15425244508792701	a:0.12351156234709296	his:0.08156826992713256	as:0.06431905385524754	this:0.055215166159476796	same:0.034154745255984324	The:0.0339161911855347	my:0.026319109388746636	:0.06959004761443256
a:0.2865387275027769	the:0.28182257714986775	and:0.12049141118473661	of:0.05314581418831509	The:0.04408699259467748	our:0.04257320082292161	his:0.03860609945382907	their:0.03607693264667244	its:0.03148140731692993	:0.06517683713927308
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.16276223412006535	of:0.11267571719687008	and:0.07072565813797663	to:0.04062996155939479	a:0.03168828073834718	in:0.029463824147310348	.:0.024095014188923757	at:0.01898034413307546	by:0.016311637043598805	:0.4926673287344376
the:0.1604777071641891	of:0.09628143957659278	and:0.09147588405425362	to:0.05741482824463259	a:0.05114069893731013	in:0.030607907853788124	at:0.026181093752583436	or:0.020026452424352997	The:0.015037561518255832	:0.4513564264740414
to:0.15268481782656382	of:0.1456496979623424	with:0.1394191048224754	is:0.10442068401783498	in:0.08991063771481331	as:0.06670777301277334	for:0.0659286410549382	was:0.06383949826261832	and:0.052569649738758134	:0.11886949558688209
and:0.11806801595638686	was:0.0656655564015758	is:0.046792063468053986	up:0.03108395308599868	it:0.03021415321434409	made:0.026603113622950526	put:0.026294257073757266	placed:0.02593741995179731	that:0.025049778326914608	:0.6042916888982208
the:0.32924513462099186	in:0.16471479041345083	an:0.07951631377325882	such:0.05155401980620174	and:0.0430323633793891	of:0.03307696494489598	In:0.028563426836025644	this:0.028308203117271405	his:0.02746715073036356	:0.21452163237815108
the:0.6678936287592828	an:0.0907188350804981	The:0.04375784281798013	great:0.039444244576543504	tho:0.03150193419257127	large:0.028718622526082864	and:0.0257617967880971	some:0.020905651493466057	vast:0.01713346305761249	:0.03416398070786562
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
time:0.019773786825602702	it,:0.017243336146778917	up:0.01425905115693526	man:0.013468987360252127	them,:0.013118094109535983	him:0.013081814051126668	him,:0.011868379655102854	;:0.011722800434207464	one:0.01097702765387069	:0.8744867226065873
the:0.2712405539346051	a:0.13032932396652305	of:0.07197445724196214	to:0.05597897339685334	and:0.049904609277162254	in:0.03543336498093538	his:0.0254485082555594	The:0.02479840145323868	an:0.01956483623573203	:0.3153269712574286
a:0.3750466683835626	his:0.1661301287735801	her:0.10542343885492865	my:0.08483604290234692	the:0.057885836507388745	old:0.024436510894974242	your:0.02400666491395137	A:0.022801909524835007	their:0.02165664133227147	:0.11777615791216092
of:0.27267766687063744	thence:0.09450299815745833	said:0.0867629368412834	and:0.08104545737614997	in:0.05600044052060427	a:0.05424365489366988	the:0.041523169430434825	certain:0.03162840746359041	one:0.0293863794701432	:0.25222888897602824
to:0.3738033805346711	for:0.13152227634582322	with:0.10995365502849003	of:0.06589770406744189	told:0.04931271596062851	upon:0.033185703845420446	tell:0.03171088658590752	at:0.03128244665933267	asked:0.027023253016395132	:0.14630797795588946
of:0.14363103284544904	to:0.12214062670062564	as:0.11433475982302348	with:0.08440444371002045	that:0.07307514409899159	by:0.06945670258851568	and:0.06682467674792116	is:0.0611267991540139	in:0.05863275267440312	:0.20637306165703592
of:0.372250008230491	to:0.115010741223047	that:0.10674137818426689	by:0.09020634328053226	and:0.0898824512123781	with:0.04566707098347421	for:0.030355427395795973	as:0.029725130785939222	all:0.027480574881428844	:0.0926808738226465
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
June:0.09659080852983283	April:0.0923788075393604	March:0.08330291760322549	No.:0.0819462509254172	and:0.07822546557437073	July:0.0668837795454731	May:0.06557301728663706	January:0.03272046367764561	9,:0.030236035974379443	:0.37214245334365814
be:0.3067145029611976	was:0.2154821927532097	is:0.11013633725591106	been:0.078920242655601	were:0.07561317635007617	are:0.06831509102397791	and:0.03567945201918066	being:0.030159165697569906	he:0.02257518186459521	:0.056404657418680774
and:0.2576986133751406	or:0.13740746913514654	not:0.09268117077153433	that:0.038713276353342464	to:0.028600202166494604	but:0.026667602503002333	is:0.021630843807288407	of:0.02049771636266536	was:0.02047895907455455	:0.3556241464508308
and:0.2152292672800875	the:0.08105016509012154	of:0.03363532786654446	to:0.02419840631970815	.:0.01865375486551036	is:0.014244396825104024	was:0.013665664348116315	be:0.012172964210307693	Mr.:0.01184341893902709	:0.5753066342554729
of:0.21756876854847318	to:0.1649932303536586	in:0.1626580656907625	and:0.06514421858628479	for:0.06428933172639224	from:0.06282945175713137	at:0.05491252501501066	on:0.05185711763781134	that:0.04709366648368863	:0.10865362420078668
the:0.1965336443028651	a:0.08508986192276768	and:0.062305776741439146	of:0.05648933607036798	Mr.:0.0562022225964682	The:0.053652410018117526	was:0.028984328973424317	his:0.02297995708966965	is:0.02158389361947694	:0.4161785686654035
it:0.19420228395943576	that:0.13897533132031492	It:0.08972484868113559	and:0.07356488800784929	which:0.04926625895847577	he:0.03181342677935042	what:0.025853595480440337	There:0.024526031213202508	there:0.021665701907273068	:0.35040763369252237
the:0.228044593719416	of:0.09079143370774617	and:0.06984882049960921	to:0.04227324868199713	a:0.03951369953699124	in:0.028696730401263304	by:0.021879839365205225	on:0.021245809797283372	at:0.01692323370430724	:0.44078259058618113
made:0.11942847096974421	and:0.07979570471363857	caused:0.029091215056480817	shown:0.028426754301022945	up:0.02777670568714523	ed:0.027617079589566704	out:0.026630159435991316	taken:0.02626602987193105	done:0.02542850605479482	:0.6095393743196843
it:0.16350626033844187	I:0.10472294887177956	he:0.10295430777169175	It:0.07859537163205821	we:0.0774136693557266	that:0.06820113554196607	they:0.062014966498360066	and:0.06024095065323672	which:0.060167595799674255	:0.2221827935370649
the:0.18812799695428165	of:0.08007818683511964	and:0.07301252646324419	to:0.04738449951567506	at:0.032767764490973586	a:0.02116078088390485	in:0.02078935359266596	.:0.019275554880817673	his:0.014729601431866215	:0.5026737349514512
and:0.09139867058514084	to:0.07499285424463352	the:0.06975941273220114	of:0.06171113575950207	in:0.05498152992983528	be:0.05225150513661704	was:0.05187235829435128	is:0.04291176532976229	not:0.025810295304159247	:0.4743104726837973
they:0.25702891228471986	we:0.16658069737513498	who:0.09968552578860192	I:0.08097383836594063	to:0.0706429193614028	We:0.05898924009331405	They:0.053803596937017244	you:0.04518851648652098	will:0.030837460838717738	:0.1362692924686298
of:0.1450571409926798	to:0.09036825854479257	the:0.07748009797689333	in:0.07142398351262862	and:0.058672965508336644	for:0.04146027711339394	a:0.03828346957744192	that:0.027010243332978433	be:0.023003940310132736	:0.427239623130722
a:0.29018670185593604	the:0.21061625571735612	and:0.10118515519870892	of:0.07400610516123556	most:0.045651553668776025	this:0.03283890531955025	is:0.02692343244972925	that:0.026137014521237734	will:0.025286929032035926	:0.1671679470754342
the:0.2310543729945498	of:0.172400207942605	and:0.07802430497705978	for:0.05486797767146628	by:0.05316700184948596	to:0.05173626973624928	The:0.04574018995182148	a:0.02753169487206103	in:0.027019474173345014	:0.2584585058313563
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
it:0.17179737676551296	he:0.125829304720175	It:0.12209201472181	I:0.05849427898476466	He:0.055779185057685615	which:0.05343899164929195	and:0.04479014026557512	who:0.038085293062393825	there:0.03504686283043146	:0.2946465519423594
the:0.2927718821182676	of:0.10304401081365484	to:0.05375007541609378	in:0.05153694102950825	and:0.04234711069902532	a:0.030827282893517015	at:0.027101226400904843	by:0.0235926495159881	that:0.018091743805967536	:0.3569370773070727
the:0.42042591614524455	of:0.17852517050714156	and:0.07670510854146612	by:0.05246039902219108	The:0.04267279729243645	an:0.025708049607617387	that:0.022496428626547715	in:0.021225521161600227	tho:0.020958259810561503	:0.13882234928519338
the:0.152286976712241	of:0.07752863734461875	to:0.0705019454985685	and:0.06709651752293638	in:0.0296228648381102	that:0.025076930540120973	as:0.021476519631899203	on:0.02137563289764577	by:0.01932572196010865	:0.5157082530537506
the:0.2753805914615319	of:0.08532616127858508	in:0.048711341130280875	and:0.04493319966128209	a:0.03682630884764916	on:0.03488644127452268	feet:0.028810060847873683	to:0.028495444918412275	that:0.01890761002544608	:0.3977228405544162
the:0.08776453918579159	and:0.08404909952775357	of:0.07511201563157917	to:0.03903756188011336	was:0.029261686464068945	in:0.027870050444211314	for:0.022881903481582925	he:0.021524025396045254	Mr.:0.02045710427467145	:0.5920420137141824
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
the:0.24173186644873054	of:0.1264804730623645	and:0.08331959595593887	a:0.07678669948469065	in:0.02227872850197047	to:0.019468778320699653	or:0.017891130897969953	The:0.01759084026465017	tho:0.015524648398075488	:0.3789272386649097
it:0.18904170014579288	It:0.16884417222386788	he:0.09483356325036163	there:0.07890214334685214	which:0.06705600598962512	He:0.056464050127530134	that:0.04778058626269535	and:0.04570194479328678	There:0.03126490097352155	:0.22011093288646652
we:0.1496344432703497	they:0.13537098140256948	you:0.11309917696906295	it:0.07828404502670057	who:0.06767565388539015	he:0.06760571633135762	which:0.06076380889141276	I:0.054781629702177315	that:0.050889040858586296	:0.22189550366239316
thence:0.2643333591810703	bears:0.04930893104586852	and:0.040011622278418445	.:0.03499062749299741	thenco:0.026594041608836713	the:0.022468666975056686	Mrs.:0.01949616597817293	<s>:0.01900493048353689	of:0.018050396829578545	:0.5057412581264635
the:0.571426029036682	The:0.09858284497399791	and:0.07121651314963008	his:0.04990917664954768	of:0.03867433612113378	a:0.037902930785627446	tho:0.029385069960584917	this:0.019832662450233633	that:0.017007865028315534	:0.06606257184424692
the:0.20534368770996841	a:0.1692806002897847	of:0.095142126363231	and:0.08829934605589056	his:0.03976552765972748	in:0.032087172590711616	as:0.028580818489902713	that:0.026810166332646084	public:0.026269242560681427	:0.288421311947456
at:0.3894422716291684	for:0.2045158619331344	of:0.05982789207999612	and:0.0579120272546698	as:0.05221326924994936	in:0.04613016337375366	to:0.034159550815324326	is:0.03233818139552165	such:0.03179824224017714	:0.09166254002830519
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.3849532771176872	to:0.1318750771091201	in:0.12364494109219412	on:0.10423086162352899	by:0.050540531085480844	from:0.04450064745737128	for:0.03807615647198541	at:0.03318966777090809	and:0.025803907091769	:0.06318493317995501
the:0.706267603616932	a:0.05636348896816322	The:0.05615634050545773	his:0.036193828450937306	tho:0.03319410511645874	their:0.01520376490787205	tbe:0.013571792730350847	of:0.01342125924992503	my:0.010987702397548208	:0.05864011405635494
of:0.1955503947961204	to:0.14871459242446147	in:0.12221943937366506	and:0.09211154335573195	for:0.07761692649600455	with:0.07338272002897632	by:0.06061680303832383	that:0.05516663476464859	is:0.04298192906315351	:0.13163901665891434
the:0.1825716306451698	and:0.11462737224435109	of:0.07150710088559817	to:0.05690388794543929	a:0.04975329854295113	I:0.028197630403334305	as:0.021027828209260448	that:0.019788278808165347	in:0.017986346321365424	:0.437636625994365
and:0.13532308598971374	feet:0.05974327429105853	was:0.03722932037563471	lot:0.03192949565664661	inches:0.023945558851762277	is:0.01897804562620731	that:0.018044347424617066	recorded:0.017469219949674326	are:0.014969564556698947	:0.6423680872779864
made:0.10652527031473276	and:0.10281400880873391	that:0.04069130623322182	secured:0.0362057161985526	or:0.034878964897658744	ed:0.020184572757768655	only:0.019815270424203005	it:0.01952875797654523	taken:0.01887535525176121	:0.600480777136822
the:0.17453270521516778	of:0.16919323244929402	to:0.0499772403984993	for:0.04709531155872511	in:0.046390781466715096	a:0.043298747559257264	and:0.042496255187605664	by:0.032571971432167585	at:0.020401966048878725	:0.3740417886836895
and:0.2109622172577488	so:0.04578864452426585	is:0.04272079875309314	of:0.039501568367601915	was:0.0382026021702825	fact:0.026057868227860815	all:0.024821447163017693	to:0.024471515010054422	but:0.02226102008968301	:0.5252123184363918
they:0.1688448108650608	who:0.10045215328306022	we:0.09201623567438437	which:0.08870867417890872	there:0.07700899795250477	that:0.05404051067376348	They:0.04588648589875279	and:0.04428233895555999	We:0.04419966447682515	:0.2845601280411797
of:0.3596603812736689	to:0.2046255737355391	with:0.06993480022157432	for:0.061519785401430875	in:0.05923213244655114	by:0.05894334329631967	and:0.051230817891121036	from:0.029342178749859477	as:0.027060528118286065	:0.07845045886564943
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
and:0.13138779441418363	of:0.11452835077345339	the:0.10108047685654721	to:0.045355374649344686	for:0.03877034419752932	a:0.038331212563399886	that:0.03577152487086106	which:0.03465855471199002	or:0.0317270974950182	:0.42838926946767264
they:0.21305830188971142	we:0.10531971073945005	who:0.09983608328034757	there:0.0741400555206198	They:0.06963669844921483	you:0.0635861615192129	We:0.05376371088772237	There:0.0444825832766945	and:0.04337416048214261	:0.23280253395488396
and:0.087645969315239	it:0.040026096413492716	called:0.027765494768715124	demand:0.027551759698592526	paid:0.02753955216641523	voted:0.027463858969845087	him:0.026679574335581394	time:0.02634527219229167	necessary:0.025832567442757644	:0.6831498546970696
it:0.12285162367292227	he:0.1157301276717374	It:0.0913494966024665	which:0.07736629608709422	and:0.07308054934615862	I:0.058943164737508186	He:0.04709650524788701	that:0.035234961604134064	she:0.027041552652730175	:0.3513057223773616
it:0.11538796975578612	and:0.08558513006049022	they:0.07750488065662994	which:0.06446205120127957	he:0.06124984395618844	It:0.05704976551727627	that:0.04959308137990716	you:0.04663866234631756	I:0.039975485631013996	:0.40255312949511074
the:0.6564708935989626	a:0.047024416771243756	The:0.04149923308230182	tho:0.0367415323576781	and:0.03276062966132387	any:0.023170211767114077	all:0.022704151873925035	or:0.01740375650231636	tbe:0.0158259559617415	:0.10639921842339287
of:0.09924636802463128	the:0.09190321226143573	and:0.07873357061964639	to:0.05403607539554666	be:0.04740400120181518	in:0.03165088556212201	or:0.028533597054211397	for:0.024261752734536787	re-:0.023287272260284375	:0.5209432648857701
of:0.20674979621800735	the:0.18522185597253912	and:0.09777124816922264	his:0.09513039160212579	to:0.07459834442825931	a:0.07323649237924201	in:0.07283572767686397	their:0.07084931061641402	our:0.03508739723639314	:0.08851943570093265
and:0.08296040376566996	able:0.06504171041020183	order:0.0621408185377654	him:0.053813073784472795	is:0.052874348919057894	was:0.05026577439717304	time:0.04985952724781956	had:0.047685864843216075	as:0.047027809783576416	:0.48833066831104704
and:0.11473073993713902	to:0.05905983715228313	of:0.05538542172799043	the:0.050277768392062445	that:0.032033354648049295	in:0.02791536410480944	which:0.023979258770660827	not:0.023584058560391436	con-:0.02035717338630867	:0.5926770233203054
of:0.219009104177768	in:0.2167914748455754	to:0.13807196876038716	and:0.06823397775718351	with:0.06816245054473986	at:0.051145612360805545	from:0.03855154711572858	on:0.038382792934835645	for:0.03820920894216999	:0.12344186256080628
of:0.2060200679737407	and:0.1430663402049533	that:0.13712516399814054	to:0.10141963595633444	in:0.07129786002510177	on:0.06071817734462624	for:0.04285841078615828	with:0.03639111756957555	which:0.030437101438540094	:0.17066612470282908
it:0.12375136471596841	they:0.11705938281861716	he:0.11108669409306636	we:0.10166157366904294	I:0.07286435348819423	as:0.07169063426717488	you:0.06769402942879228	which:0.06282695016856861	who:0.062087723572723894	:0.20927729377785123
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
Mr.:0.09825073407035029	of:0.06861680696886432	Mrs.:0.05844152968995958	and:0.053291868320641644	.:0.05263332875447939	to:0.05118443516875123	John:0.047828340661807134	W.:0.04405171574889284	A.:0.03976042269507018	:0.4859408179211834
of:0.35966680400509793	to:0.11234713250218642	and:0.07832374400899336	at:0.069789257113196	in:0.06132270530064985	that:0.05767520848340644	by:0.041267780374754315	from:0.039091870559593296	on:0.037289152546686556	:0.14322634510543583
of:0.20900134137736484	in:0.12888614828750564	to:0.07278557473670749	on:0.05988811244696047	with:0.057207011785830715	by:0.05464483070821459	from:0.04497807488797532	and:0.037380168782744014	for:0.023091237576184573	:0.3121374994105124
the:0.27252302869358636	and:0.06891107213993641	a:0.06738361288551885	of:0.06729969597724512	to:0.038021163979115966	The:0.029444281010157867	by:0.023465363509809538	Mr.:0.022502155610996968	in:0.02203376435707579	:0.38841586183655713
out:0.04184126394155787	sum:0.039323188120726715	instead:0.02925438113430242	that:0.026399279136418673	part:0.024198901981584996	think:0.02410197306823439	use:0.02169726968211318	matter:0.021470836656882968	number:0.021426092706251666	:0.7502868135719272
and:0.12384005997561694	the:0.11932954171313578	to:0.07419494819885426	of:0.07030503305604285	in:0.03613959185444827	that:0.033997511216636675	which:0.03293923989302032	a:0.029605368210859292	or:0.025576535792269737	:0.4540721700891159
.:0.04396627989367577	<s>:0.03436551616298338	Mr.:0.02735589070569931	the:0.025726061665799646	lot:0.01827910693998896	and:0.017358175248793198	it.:0.0138423345328978	it:0.013259182978116837	them.:0.012756809872341417	:0.7930906419997037
of:0.26922929459058614	in:0.16870190207082805	on:0.11076703826838867	to:0.11004218844260374	by:0.058003086133303385	at:0.052436540676548044	from:0.05118154303255048	and:0.04712585715706156	In:0.03601085182887961	:0.0965016977992503
is:0.16875862649405082	in:0.1332100991152321	was:0.13021467478246238	made:0.08941816877327435	for:0.08237673178963895	with:0.07554414246337839	as:0.07394580861713206	make:0.07219579706927319	be:0.058294309702591446	:0.11604164119296635
it:0.2834030725463564	It:0.23869947315892012	he:0.06361093780148354	there:0.0618799603153546	which:0.053981210955323856	that:0.04369272734238851	this:0.03143321285797801	This:0.030533814048383415	and:0.030374721819487117	:0.16239086915432446
and:0.1090847019573023	was:0.048419494551940584	that:0.044757354034283305	be:0.04172595106506687	is:0.041229231303420974	or:0.03846924527001238	made:0.0301487597433424	it:0.029046844632926165	are:0.02636776277827936	:0.5907506546634257
and:0.11200366769747992	of:0.08221479117922502	the:0.05419621757878766	to:0.05084508279360451	in:0.047240432482155294	be:0.04717450179462963	I:0.03679131825400441	was:0.0319730056133422	is:0.029310474690608542	:0.5082505079161628
of:0.26372903543712006	in:0.1150666432418301	by:0.04535033200116407	In:0.03921871676579299	to:0.033974177303869105	the:0.03239840539200029	and:0.031463140534293624	from:0.029262138366428676	<s>:0.02019866556683075	:0.3893387453906703
of:0.2821713169657478	with:0.11893040324897584	to:0.11292904707228411	in:0.07287064835468651	and:0.06341124137966275	that:0.0631298397102681	by:0.054482903243583625	on:0.04748033789161238	for:0.04211623754148556	:0.14247802459169326
of:0.28176870513374913	in:0.21541115838130967	and:0.08450555181263744	for:0.07850499131055923	with:0.07141762759398337	to:0.047548258742154896	In:0.04568291396686469	that:0.03255976222311499	on:0.02384802332073876	:0.11875300751488782
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.32377462102092003	of:0.09243140736324473	in:0.0892346736743844	a:0.05957741560899234	to:0.0471376584882267	on:0.03856065986023946	In:0.03273027541759758	The:0.028917517933492363	<s>:0.028213108516855493	:0.25942266211604686
the:0.35236147303387666	and:0.17981956539566865	The:0.0784286473838097	a:0.07819215836659227	of:0.0325958448568523	tho:0.02471561636525446	that:0.020304124951035927	any:0.01804602045704553	or:0.013550907836308593	:0.20198564135355593
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
the:0.40782273506672334	land:0.28790993556296685	The:0.0678870180194716	and:0.05926646643158495	tho:0.018724311761279495	a:0.014588371401669357	as:0.013585356130567822	or:0.00739446216836931	tbe:0.007368722095753098	:0.11545262136161419
is:0.13837037058574908	and:0.12367075195182554	of:0.11859537855144553	it:0.06042717321957771	are:0.05139423871074992	was:0.049238052578814265	now:0.04079260593140225	same:0.03595589220936923	from:0.030390574291743428	:0.35116496196932306
at:0.2678553240284367	At:0.10390759350320021	in:0.1017450497698161	any:0.09387053876420545	of:0.07944252969466474	to:0.07105609051303687	and:0.06451416051269085	no:0.04827829160440206	from:0.0450584214934997	:0.1242720001160473
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
of:0.24299782680532497	the:0.1629504457739283	in:0.1409240644451342	and:0.07641531100415211	from:0.04956145620356765	at:0.045121110552033376	to:0.04444633562397289	In:0.042957344559188246	The:0.038767019818966	:0.15585908521373226
and:0.10690531972400924	that:0.05061481453751272	in:0.038178785695968165	the:0.0308278750744109	land:0.02248837277242843	office:0.022368160410135177	county,:0.019167817469346062	property:0.019035882520646398	acting:0.018505417166422563	:0.6719075546291203
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
and:0.1844067257192308	of:0.15844819325183107	to:0.14960782790468144	in:0.11793583584578866	for:0.05913774643952482	on:0.05351066471963778	In:0.02918492865903565	that:0.0251918336338634	at:0.024651656289604352	:0.19792458753680206
to:0.34378129718365846	will:0.15287135864951518	would:0.08615903395787451	may:0.07844929048361882	should:0.05682249178971402	shall:0.05432412913287461	not:0.05091775331157668	must:0.03610577244404393	can:0.03580596083245932	:0.10476291221466445
cents:0.12017017784134733	cent:0.047783251497637964	50:0.03529504985957761	6:0.033989380735828835	10:0.033848450381236225	ten:0.03253990161593547	5:0.027404958345440388	1:0.023945265062901785	2:0.022190885923161107	:0.6228326787369333
the:0.38185865497260363	of:0.19342982577528936	and:0.0626930106839177	a:0.038922143629783114	The:0.029324581256403325	his:0.028535510375144017	in:0.028292168665934557	tho:0.021773394039310175	her:0.016683435854585073	:0.19848727474702907
and:0.15929355771124695	to:0.11426614900719842	I:0.03875109242927522	not:0.03473620440252995	would:0.03419067533064566	was:0.025997023650109297	will:0.02524450014566706	which:0.024305984612294936	he:0.023226078239427725	:0.5199887344716048
know:0.24111345655170585	of:0.10215263971853404	from:0.0916453427543756	and:0.08722640195162491	is:0.07660857985444072	do:0.05839631715997819	for:0.0518968603553826	to:0.04854732166992754	in:0.031696838171445516	:0.21071624181258503
of:0.21074540754272725	for:0.20112202057383705	in:0.12804099578229114	to:0.11540077415320542	with:0.06912503184417167	and:0.06214833774369151	by:0.05045947668245463	all:0.04050720240240756	that:0.03516661620370277	:0.08728413707151099
manner:0.1103951809557842	and:0.052453475314599624	that:0.03036937771827381	way:0.019689239401330938	time:0.015058937839784212	it:0.013360831017844856	all:0.011946359345780016	one:0.011858054142763546	part:0.011827296831737295	:0.7230412474321015
the:0.20674797625342997	most:0.17620587257556378	an:0.13474309810719937	and:0.1289341804662207	of:0.10215804897495008	more:0.09260968278307331	to:0.04627656743730646	by:0.04052254889375653	very:0.03360586343240657	a:0.02819616107609324	:0.01
to:0.3259801469693781	will:0.13993748426760008	not:0.08196652651763425	have:0.08093231799512987	had:0.08000522934036094	has:0.06457908476069485	be-:0.053361610171885974	would:0.05148334867238211	and:0.042338486554962335	:0.07941576474997152
the:0.5524131041074272	of:0.06670687345521316	and:0.05596226804062145	a:0.0433437533970309	to:0.030184331238528407	said:0.027280332970873088	tho:0.02074759044289346	his:0.02035061363234044	The:0.01646336924068329	:0.16654776347438863
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.1313056501793289	made:0.034551030036317	necessary:0.03191530070016697	provide:0.023191256277008975	him:0.021827387004521748	time:0.02091411247587312	but:0.020346196766889778	pay:0.02006785098451588	responsible:0.019399383232926184	:0.6764818323424514
and:0.18758642915503854	was:0.12372924568804233	is:0.10489129128568536	be:0.07608048191263606	are:0.07388673764480849	been:0.04782725748041508	were:0.04203494150363902	not:0.03954661265518317	or:0.02095724753402316	:0.2834597551405288
have:0.12698476016321888	is:0.12038873355715572	had:0.10169806088037799	with:0.10139998897304621	of:0.09851290993695158	was:0.09421352649084347	has:0.08014863434609588	in:0.072542144067445	to:0.06545974420628968	:0.1386514973785756
be:0.2879683378003683	is:0.1389156620192896	was:0.11923210356142303	been:0.10254834371780844	are:0.08579643720114552	and:0.05926458643529825	were:0.05022984230798211	being:0.026772332585242396	Is:0.021297467541294097	:0.10797488683014826
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
it:0.1647729696802889	carried:0.1026431506075788	go:0.08273109522517767	them:0.07976047927971051	went:0.07860082660863453	come:0.057520400400264564	taken:0.04967969886835522	get:0.04398355824364893	set:0.04282893856470754	:0.29747888252163335
and:0.16968792471083358	to:0.11847807325243383	of:0.05572715874491009	the:0.048825706231723616	will:0.047679205049437685	for:0.04538202029102632	would:0.03970531446053859	a:0.031644531180182386	in:0.026044732258156133	:0.41682533382075776
the:0.707143739661173	The:0.054527264225411896	a:0.050624332070255136	tho:0.03636386807235776	of:0.021943550872356485	and:0.01892603698596437	large:0.015913963486530704	in:0.012373140879420107	tbe:0.010633815121107715	:0.0715502886254228
the:0.17941424507911072	of:0.1407058246689109	and:0.05986117147638954	to:0.05531484940500692	in:0.04651650362944854	on:0.03426480129046743	from:0.023390494924311486	that:0.021459459299247058	by:0.020833673638698088	:0.4182389765884093
and:0.19712615033197636	fact:0.07722519025994683	said:0.06258946616103155	so:0.05112232986118901	is:0.043298823531513625	say:0.03859534773042259	was:0.0380557480618063	him:0.03726814659203925	found:0.03558464235197909	:0.4191341551180954
the:0.16100264669306366	of:0.0807342969206723	and:0.06690826749103311	.:0.03730153630496895	a:0.029659729434355478	to:0.02434323335368277	by:0.017823437121083797	<s>:0.017045794657347565	in:0.015211071756570224	:0.5499699862672222
a:0.23046221172297665	the:0.1752283302248171	common:0.10354770124166705	their:0.07320781275969852	no:0.05840633659963394	his:0.05726021817725056	any:0.046937716785552315	good:0.04266351039117901	every:0.03732355911738005	:0.17496260297984478
of:0.24708976070346536	to:0.17789941738730686	in:0.14289516606379896	on:0.08749752105327921	and:0.07075931141929313	for:0.04986281017047345	that:0.04868372737896437	by:0.047280743783283334	with:0.044085094924095715	:0.08394644711603964
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
to:0.5722852368347805	and:0.1115427146321448	not:0.0568732287158959	will:0.03755873683230478	would:0.0331630836069715	may:0.0303442583643209	shall:0.020118584105435378	I:0.018253729608158072	they:0.016810832574541593	:0.10304959472544661
the:0.37246384088986184	of:0.1880003622486019	to:0.059148706134159436	or:0.05429648637890834	such:0.044769474823440666	and:0.041809147452794744	that:0.03949344873457089	no:0.036508021063930474	public:0.03012176748685287	:0.13338874478687882
of:0.342027554625614	in:0.12684190944651358	at:0.10561297969364883	to:0.08077028162403685	on:0.07962653793535981	from:0.061543354977009385	for:0.05759906050094821	and:0.03433801075555585	In:0.03096358502386148	:0.08067672541745197
of:0.1872942664145055	in:0.1767727433102303	at:0.13048332409902375	to:0.12696558664912777	on:0.059355629523724786	and:0.04880897603180523	for:0.04630091166286908	from:0.04448674316459576	with:0.03641882108880385	:0.14311299805531397
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
of:0.12446742195962507	a:0.12042860096436925	and:0.1048204426472122	the:0.09689240057510463	in:0.05427180506670741	to:0.05360975006743844	an:0.03539098911837642	with:0.025581441123385246	which:0.023394327320172312	:0.36114282115760904
the:0.47662562625518173	this:0.15913625898053957	of:0.09283126065277397	his:0.0601243615247514	our:0.04186873195775135	an:0.03797194015919077	their:0.03411424665013251	tho:0.03177098896583997	The:0.02905386026522793	:0.036502724588610806
the:0.6582508418130162	The:0.09941903205755633	tho:0.06501417286708133	tbe:0.026346448875229363	and:0.02373927560143499	this:0.023154982786378692	a:0.021821755230047656	of:0.01984943750329124	his:0.013893496035728864	:0.04851055723023533
the:0.4380071874031795	a:0.40516475870009344	this:0.041637770358077524	tho:0.012939908910689761	The:0.011354510517371342	that:0.010967552362519001	and:0.007949235509343915	no:0.007013659930731829	his:0.0068582233554605205	:0.05810719295253314
be-:0.34592056074466165	hereto-:0.1348612278623611	there-:0.12664531879222904	be¬:0.11027914435284053	be­:0.09682148397162575	be:0.022052678625212173	there¬:0.02053784793718722	and:0.015998880538693437	was:0.012367964569400498	:0.11451489260578858
of:0.28127307908017496	the:0.1539288829841148	to:0.09306367917419264	a:0.08993893723219762	and:0.06297313033132859	his:0.03602130069680127	for:0.029335598366948646	said:0.02735675583054626	in:0.025754766740266298	:0.2003538695634289
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
carried:0.11439930605553023	it:0.11274126363829032	go:0.08754719428476353	went:0.08021660208870492	them:0.06268649004848269	come:0.055210703792335496	get:0.05319095787576402	came:0.05307699286097292	sent:0.04556943092770292	:0.33536105842745295
the:0.24935427719408193	to:0.16447130494007528	and:0.12766493189426673	of:0.08849058515587978	a:0.06329151939630584	in:0.044228341366291384	with:0.04337967503668437	for:0.03985732544115408	or:0.03860641405185236	:0.14065562552340824
and:0.23024654498404792	of:0.17408535852142826	for:0.10854755902942415	or:0.08564082348287314	to:0.08249277307136758	section:0.05405851094927731	at:0.05297858103370233	the:0.050539249162408546	in:0.050250912147010086	:0.11115968761846066
or:0.17823506326385416	no:0.15289862718459937	and:0.10713279224426044	much:0.082486468304848	of:0.07674072173112818	any:0.0727125249082178	the:0.05846691501875836	for:0.053313291281922116	a:0.0487460274024083	:0.16926756866000328
men:0.0283257881172733	man:0.012273743800203563	women:0.010506762328197944	up:0.009898493202191667	time:0.0096024518610598	President:0.009183724168955583	rights:0.009123233580333462	power:0.009006404076528274	labor:0.008927077857499157	:0.8931523210077572
the:0.5019362453799908	and:0.06272396446226793	of:0.052315348702042	tho:0.03179062329572265	his:0.029175159380435196	their:0.023907764743161947	The:0.021207766584273858	her:0.020878557488548725	tbe:0.015630072042193473	:0.24043449792136337
the:0.11274797112010776	of:0.10197607131357447	and:0.09925766508982277	by:0.0724282938825821	to:0.06243226255723504	for:0.05946376310916746	in:0.053277770652614694	a:0.047706947478816646	or:0.03660843513873434	:0.35410081965734475
the:0.5939039122954316	a:0.06794057087605349	of:0.0664711231041984	The:0.03363124275611795	tho:0.031191147143855093	in:0.026218718993463654	and:0.020795892042836755	by:0.014259846456834988	with:0.012110370247776068	:0.133477176083432
in:0.249034067309987	of:0.17746816445001654	to:0.08311835241771827	with:0.07600803095235803	under:0.06897418568492535	and:0.0565233045466873	In:0.05415365052282346	by:0.05227608468510729	for:0.044634009571178454	:0.13781014985919832
the:0.10722231815190483	of:0.10718975860001069	and:0.09255291978505842	to:0.07629791018325559	a:0.03865623537964932	not:0.028659989914849766	for:0.027150271025144827	is:0.02410369949431326	I:0.020769173490093582	:0.4773977239757197
a:0.41856289262247387	the:0.27113811584359176	large:0.12635085054069922	A:0.04594086297011524	The:0.04175548918575393	great:0.017008438314189897	total:0.013415267234016297	and:0.01067435991872196	tho:0.009477507450615605	:0.04567621591982222
the:0.25214749071187414	be:0.15558539136662547	and:0.14475092418633717	is:0.12691598879665017	was:0.058797502060763195	are:0.05062383046635307	The:0.04706693110453323	not:0.04614388674150515	of:0.04161944770296069	:0.0763486068623977
the:0.6012503446751407	an:0.06348301426168473	tho:0.043603958128020565	The:0.035698753213488185	of:0.02752374430696792	a:0.024450189199077085	and:0.02129745998604386	his:0.01771183552264869	her:0.013807850770396165	:0.15117284993653204
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
be:0.1316266382311353	was:0.129332399857945	is:0.12834371908374465	and:0.08460894206549378	he:0.07413173590496379	not:0.06865757077769315	He:0.04192036678640974	been:0.03536355842509892	I:0.03480639214181116	:0.27120867672570453
<s>:0.13858192195996527	it.:0.022639455525729615	them.:0.015766829059242315	and:0.014644859828419787	time.:0.011259478714629203	?:0.01011381064741381	country.:0.009824593138858681	people.:0.009427521937180078	year.:0.009087415826383106	:0.7586541133621781
the:0.2516509699024918	a:0.0941836408424519	and:0.09410157096383318	of:0.07566963661826562	Mr.:0.04347455605727113	The:0.03507990342452307	to:0.02834134833848876	in:0.02415920563893589	an:0.020519985514620472	:0.33281918269911814
the:0.12219597915044403	of:0.0911074858297847	and:0.07485006097714235	a:0.0639310829755559	to:0.06271027188689325	be:0.032325471139670145	was:0.030707823471521626	in:0.028057220415748145	at:0.017893126384922742	:0.4762214777683171
be:0.1746085132934611	was:0.16443046220767055	are:0.1342068114878937	is:0.10864305680532697	been:0.08768217414540229	were:0.08189019133642648	and:0.05590049077266013	not:0.03512470901586572	he:0.027845221832944106	:0.12966836910234894
be:0.2973733098157446	and:0.15912391453801925	have:0.08871739216018903	he:0.07001413346658653	been:0.06532322799730719	was:0.05195570546852469	had:0.04927577603677073	who:0.042624994016691925	is:0.04060692306778776	:0.13498462343237833
of:0.11904574774402965	and:0.117039163175256	in:0.0579721685820925	to:0.0511186639368552	fact:0.03928633611901063	said:0.03323136332365265	on:0.029827822579143393	all:0.024787499172257966	is:0.02252394945510673	:0.5051672859125953
one:0.13027668708462814	out:0.07742206756685843	part:0.06474114282857145	some:0.05640712659716483	time:0.03954471000289752	account:0.03620724368530425	all:0.03238127669140698	and:0.028154969476639407	that:0.02755643570827209	:0.5073083403582569
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.37912129441661707	to:0.1292209375788265	of:0.11563379324387435	a:0.0640285392329816	by:0.05078288365415376	and:0.045956018649820296	any:0.025365835807035095	tho:0.022656767867311384	their:0.021431284428850346	:0.14580264512052962
of:0.34562844403725923	to:0.08509085716282533	the:0.08142641927320728	in:0.0605324979678097	and:0.05570989643791606	by:0.04249005122706404	from:0.03788980117954664	County,:0.03253556778246626	In:0.02242896761527903	:0.2362674973166264
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
the:0.406490447341065	a:0.22072265879364722	The:0.11131438923346261	their:0.033756782547433375	this:0.03286308480722758	his:0.02863976704318687	tho:0.023164806228286094	no:0.021425490870422066	some:0.02016600487607051	:0.1014565682591987
for:0.16987906277459477	to:0.10937326199569637	of:0.10541371113444531	and:0.055847883684365364	by:0.05566509686033276	with:0.0413815162003998	that:0.03087415251847055	or:0.021442025756235637	before:0.020899814389049164	:0.3892234746864103
and:0.11806507856352491	the:0.10814712449907181	of:0.08775219100044983	a:0.0719217800025943	an:0.05776768870249771	to:0.037870786734286795	in:0.03181132685058579	or:0.03065769442605724	that:0.027975088440716802	:0.4280312407802148
able:0.08623336366143251	as:0.08394231164573787	is:0.08352666925277315	was:0.06328072490606236	and:0.060945425722165325	order:0.060093536550048295	enough:0.05220060091852314	time:0.039463730245835674	right:0.039331898567277035	:0.4309817385301446
of:0.29101867198091264	to:0.11813174100818619	in:0.1172972311449329	and:0.06830399127118737	with:0.060605934900068804	for:0.05419409192275341	on:0.05219893444697187	by:0.041348689452230795	from:0.039219237042174226	:0.15768147683058184
the:0.11465877822957096	and:0.08691397614958754	of:0.0684481415135792	to:0.047612852416672874	in:0.02458400066508134	that:0.022156300571771172	said:0.02177707665441787	for:0.020119557938665083	his:0.0199577743010974	:0.5737715415595566
that:0.21815081062476865	and:0.11866037749720372	if:0.09048663327091269	which:0.07922264993123977	If:0.0717097051385436	as:0.05243202162362924	when:0.034780101564803115	but:0.032019297539203025	what:0.030103710670479997	:0.2724346921392162
of:0.4323655884604342	that:0.10653975656667515	in:0.07766478674278822	all:0.06545665082762997	for:0.06338381296686058	to:0.059288102350116056	and:0.04893844956450888	with:0.0428665532818244	from:0.027051053571001925	:0.07644524566816065
and:0.08238355125522606	well:0.081674460935502	long:0.06939567202071034	just:0.06362278901112627	soon:0.05325132330681635	such:0.04218017857052004	are:0.04195529411707202	is:0.04159127990425014	so:0.04020810498944663	:0.48373734588933015
hundred:0.14544369881508673	the:0.0914378097175749	few:0.06603865403154385	100:0.05363106411702826	of:0.04099807359720771	200:0.03842225371616858	300:0.034809533647861844	fifty:0.02921283296165601	twenty:0.02875117435301806	:0.47125490504285406
was:0.20621329182303577	be:0.1520461161863476	he:0.09614165620957463	been:0.09054872486713318	and:0.05935095434108638	had:0.05616620080036685	have:0.051928396603095985	is:0.05083633721622384	has:0.05019723900010407	:0.18657108295303168
and:0.13661679432843812	that:0.06635474263672914	he:0.06516276978627354	which:0.05526421281379382	it:0.054265946896624374	as:0.05319482008270977	who:0.03888816664718907	It:0.021642830397813576	there:0.0196195384028167	:0.4889901780076119
the:0.18927580197235688	of:0.10268000335673094	to:0.07193089873803327	and:0.06302722590064451	in:0.035804951354373886	for:0.03552877544733519	be:0.029165863199114864	was:0.021230450879771812	is:0.019324942212557497	:0.43203108693908115
it:0.1392655652583725	he:0.12198865129870436	It:0.0920730759264974	which:0.06588711175855988	I:0.06221487354667309	and:0.05220228347513967	who:0.04105502827225842	He:0.03721999320042121	that:0.034840913784500716	:0.35325250347887277
and:0.18355185197223145	of:0.08869690927476565	the:0.08427056959156703	thence:0.05425807026976145	was:0.052002506961193344	in:0.040986423091105124	by:0.03435104123061788	a:0.03405665396166313	is:0.029563450700609967	:0.39826252294648495
a:0.2551255777611505	the:0.23510424853787223	any:0.10072378626532229	that:0.0768876047752589	this:0.04691355556726983	every:0.03993716030012861	greater:0.038243453772756	latter:0.029410411350112447	no:0.026389307740317964	:0.15126489392981118
the:0.45734553877332645	on:0.0717567276220282	day:0.04201831766584462	and:0.04014737560166198	The:0.03936607133449497	On:0.035403339435633265	tho:0.031573786743012526	of:0.024449051205796504	until:0.021700237211920912	:0.23623955440628058
;:0.012532836547920072	him:0.007519071266724382	it:0.0066308946745183405	time:0.00604490706197771	up:0.005941731071240183	,:0.005677825596429657	years:0.0054496028840478545	feet:0.005241561860850326	it,:0.005231726227616767	:0.9397298428086747
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
of:0.2890240249921685	at:0.1658602420555644	on:0.10710688168854551	in:0.09461570603777053	to:0.07134864654463795	At:0.061599812132758835	that:0.05992971340495499	from:0.03947016120328834	and:0.03379439902362352	:0.07725041291668741
<s>:0.06402011258897143	and:0.04329061040057091	that:0.04276173219057309	it.:0.03514952301848204	them.:0.021710891911696287	.:0.015291772468205315	time.:0.011748259517529041	law.:0.010572459795325506	him.:0.010253524185146788	:0.7452011139234996
and:0.0805244503287671	it:0.044042273911445405	as:0.03524461096356781	It:0.032942312991947914	be:0.028279878720253355	<s>:0.02220275793925939	is:0.01866885178978155	was:0.01771013800166822	.:0.01572044914838989	:0.7046642762049193
and:0.1313056501793289	made:0.034551030036317	necessary:0.03191530070016697	provide:0.023191256277008975	him:0.021827387004521748	time:0.02091411247587312	but:0.020346196766889778	pay:0.02006785098451588	responsible:0.019399383232926184	:0.6764818323424514
is:0.4104881891417079	was:0.2127079384541664	are:0.06409585481379489	and:0.06194311666545192	Is:0.054675323906239845	had:0.03212787586840269	has:0.02876911932348076	were:0.027106659720939952	have:0.023155276586665684	:0.08493064551914994
and:0.08794624066362791	that:0.08641690555981606	as:0.05539632308046359	but:0.04913126344879957	I:0.042346563358128246	what:0.03771570095384224	when:0.03722438247090489	do:0.03505523274137862	which:0.03010047805139025	:0.5386669096716487
he:0.29617279976043875	who:0.18562294827557158	and:0.12985773140052417	He:0.09284584036561906	it:0.0535501609510475	she:0.04005759293040499	It:0.033787596059957826	I:0.028668576582706447	that:0.02166156282430911	:0.1177751908494206
the:0.3148276839679721	of:0.16475410840822416	and:0.09355163224269351	a:0.0651609071928436	their:0.05115298440252977	his:0.046405826657783776	by:0.04511129593131214	to:0.036112248391205436	for:0.02438540474885022	:0.15853790805658527
is:0.2523767456615741	was:0.127417732905363	and:0.12186052838620667	not:0.07544692710292313	have:0.06449990652875554	are:0.05899238480181188	has:0.055283120408925294	will:0.05080302895929106	would:0.04147279558246755	:0.1518468296626818
and:0.09630495132294735	the:0.09130724994461598	of:0.084515190640246	to:0.07974302071329185	a:0.07087361289617415	is:0.05038900554363002	in:0.03685649453491671	be:0.032345344083434105	an:0.0299588468830829	:0.42770628343766093
and:0.02901582743535684	it:0.025710877441896127	made:0.01457813407562035	them:0.014551853358874326	feet:0.012697273638409865	well:0.012632130722970843	be:0.012413939432819203	up:0.012166799129105265	him:0.010708559212882735	:0.8555246055520644
of:0.22327480790613202	in:0.11017921128681647	and:0.0832785310431562	by:0.08320200325335991	was:0.07980431454468233	to:0.07508552133876369	is:0.07394410205283615	with:0.07285458549168068	as:0.0541359330374495	:0.14424099004512306
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
and:0.2525909561752565	so:0.05979313483983861	fact:0.05361669986124201	is:0.04777671663322431	was:0.0403109648918209	all:0.029095787518977085	but:0.026147654657400494	know:0.025571292238719876	found:0.022987370969604567	:0.44210942221391564
the:0.41625498676747485	and:0.0619533602916247	Presbyterian:0.05002160368224539	Baptist:0.04350714588852756	of:0.04346202873263082	The:0.04217776541508539	Methodist:0.0348463275460201	a:0.028797972465415798	tho:0.027690271235696732	:0.2512885379752786
I:0.11481251607308036	and:0.0481488806433466	he:0.04014452585716381	who:0.03013633063525224	man:0.01923524902361803	husband:0.01821248925812962	that:0.016088758546470922	1:0.01465535394045224	He:0.012811341130948901	:0.6857545548915372
the:0.1478863281850865	and:0.1358027073017694	as:0.13164015486784506	of:0.11376372707333102	an:0.08205020642755187	their:0.05050136439142765	to:0.04970986416127836	his:0.04185592410531241	much:0.04166234931816133	:0.2051273741682364
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
of:0.14882024571021024	the:0.128806626128806	and:0.06398279764021447	to:0.04942446894155036	by:0.042350950467195836	Mrs.:0.030444463654672984	in:0.026829520893658514	<s>:0.02357078701237357	Mr.:0.021210219517078452	:0.46455992003423957
and:0.17585063722392302	fact:0.10400902578517979	said:0.06844377842999533	so:0.06232472237382234	believe:0.04519952307692614	is:0.039634011181226815	say:0.03675663629906361	know:0.036060715732595706	found:0.03095250753294034	:0.4007684423643269
the:0.1331954013331003	of:0.10395761905650669	and:0.09166744382168995	a:0.0674867672110823	to:0.04481959524883369	was:0.033914181021321675	be:0.027669522756191306	is:0.023821375196731925	been:0.01992601692954109	:0.4535420774250011
that:0.1988134164511144	as:0.134236844074391	and:0.12251903582706526	if:0.060958258712420166	but:0.06086387801789048	of:0.040570713960542036	when:0.039610628717380636	which:0.03909617938545093	what:0.024431981152703907	:0.2788990637010412
they:0.12301274031911126	and:0.07915763243045959	there:0.07888072556515104	who:0.06771730536970044	which:0.060201514416648415	we:0.05856157103505117	They:0.054155051220114714	These:0.04450000838709223	that:0.043233622664107275	:0.39057982859256385
to:0.7095836247538713	and:0.05400099020000648	not:0.05353750994998477	will:0.05287066920951885	a:0.03663809859309244	shall:0.019314842149974122	may:0.018371451081695793	we:0.012027895974313437	would:0.011374823631016367	:0.03228009445652651
of:0.3836332381151868	the:0.11878012139220424	that:0.09037911911061475	said:0.08285300111215993	for:0.07722744645474033	and:0.05678667138169439	such:0.04349312608720182	a:0.042718004609625014	public:0.02936271423744812	:0.07476655749912459
of:0.1740449550455355	the:0.11980413230518858	to:0.06456352741649714	in:0.05453479609755336	on:0.040600662783194574	a:0.038739595224523526	and:0.03701511453381656	by:0.034425799960206886	for:0.026069071894816557	:0.41020234473866735
New:0.8884621930153055	of:0.0279483258291341	the:0.011936555904276822	to:0.011317035256738571	Xew:0.008506620651579564	a:0.00549882762212906	Now:0.004847316761974246	for:0.0038283228388968893	said:0.0032630098769080183	:0.034391792243057204
in:0.05025336484033966	up:0.02301732859632884	to:0.012527862995846153	men:0.011282390903154346	;:0.009877252160266504	him:0.00954960651504621	them:0.007343461647046136	In:0.007245141950405912	out:0.006908669946101234	:0.861994920445465
well:0.09289188070909403	known:0.09150792033496646	such:0.06495686320865282	and:0.057675598864368814	far:0.05283258664895302	soon:0.0367922664062837	is:0.033512873427505765	just:0.033213473437915655	was:0.02672271563617947	:0.5098938213260803
and:0.20991948924244738	I:0.12192587393799273	it:0.10687186109727405	he:0.0956055599752383	who:0.07473086248972617	they:0.06951634928700348	It:0.05057615119549422	was:0.03834795936807374	1:0.03704072817610614	:0.19546516523064378
and:0.1420869454156904	the:0.0812716479728215	of:0.04697808522198288	to:0.034455697395561063	a:0.025557051290937407	in:0.023376726514457376	I:0.021600051995367242	as:0.020953505546853112	will:0.018697051729756484	:0.5850232369165725
<s>:0.04717619598466373	it.:0.018240568076436713	them.:0.010094392045081635	.:0.009114767965523251	him.:0.00908294736163895	day.:0.005022788625104321	time.:0.004642658374170715	I:0.004635239483754534	It.:0.004428615428108169	:0.887561826655518
A.:0.6594456583392048	J.:0.03702083912534276	N.:0.03198405406274075	by:0.030820196668445207	.:0.029715408723514098	of:0.025732527226180378	John:0.02522759539015083	W.:0.020527745991532936	A,:0.01842632830033455	:0.12109964617255371
he:0.28685394552275617	they:0.15232625641218855	I:0.13007331217220494	she:0.07698586745847341	who:0.05890023727781446	we:0.04869517934886555	it:0.03856826081573326	which:0.027845487171419464	and:0.02754449817803738	:0.15220695564250683
of:0.29101867198091264	to:0.11813174100818619	in:0.1172972311449329	and:0.06830399127118737	with:0.060605934900068804	for:0.05419409192275341	on:0.05219893444697187	by:0.041348689452230795	from:0.039219237042174226	:0.15768147683058184
Mr.:0.07252882163197837	.:0.05763274245871516	Mrs.:0.04860113159180348	W.:0.03973131879703889	John:0.038634309008376826	Miss:0.03359744109111793	and:0.03304274963835011	the:0.02649910341479235	of:0.026098581547575307	:0.6236338008202515
land:0.12042619180974769	was:0.12010651423158641	and:0.07855355326952987	is:0.047660648786912466	situate,:0.040390736855936714	been:0.03689050278478187	be:0.03294816585026236	were:0.03221447551345268	are:0.028038706113640607	:0.46277050478414933
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
<s>:0.03860882290790066	the:0.03252628619794407	and:0.02792022401664445	a:0.017930621912869142	.:0.01739166661469991	this:0.017025166006661315	1:0.01697291178205815	pro-:0.011829995742501712	on:0.011435616664112634	:0.808358688154608
<s>:0.0912221503767035	it.:0.01811032403498561	them.:0.014775431296034777	country.:0.008239741263737997	?:0.007322918785141387	day.:0.0072282122081409024	people.:0.007132418358012721	time.:0.0062317476285562124	men.:0.0061272393341363345	:0.8336098167145506
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
was:0.22551061913915335	is:0.18687154768408293	and:0.12180833576082654	be:0.11593584334655838	a:0.06509442077945995	the:0.06268792471908222	been:0.05613189035463241	have:0.050776132591597654	has:0.04369619177225893	:0.07148709385234761
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.17400946547346474	of:0.1005591321511009	and:0.08826614949155956	to:0.0453668567978259	a:0.03974407148603198	in:0.033718444319693695	Mr.:0.02556230257880391	that:0.021067176133362783	this:0.01874834427166031	:0.4529580572964962
of:0.3573916029729714	to:0.10954701544073465	that:0.09797727043981568	and:0.0894100276326551	by:0.08077773290127524	in:0.06105662413404008	for:0.04371176973310106	all:0.043607449393657634	on:0.02483252210361336	:0.09168798524813583
feet:0.1501968703210874	and:0.14508196608498783	so:0.07528605739450574	the:0.07249567406680829	to:0.06760593263565381	a:0.057397874544894	that:0.05456515945813897	all:0.045616328673014184	as:0.034734175758181184	:0.2970199610627286
one:0.13027668708462814	out:0.07742206756685843	part:0.06474114282857145	some:0.05640712659716483	time:0.03954471000289752	account:0.03620724368530425	all:0.03238127669140698	and:0.028154969476639407	that:0.02755643570827209	:0.5073083403582569
it,:0.02139380678065631	in:0.020880815416464343	;:0.019474625552366745	them,:0.015332814003141433	him:0.012362202564611428	him,:0.010347586242350519	it:0.009738650635858045	me,:0.009579906465660227	up:0.008421122123245296	:0.8724684702156457
sum:0.12921897686510234	number:0.07981316352633502	years:0.043932355841701944	rate:0.042061308514471936	out:0.03603298247502578	full:0.03343470801493981	line:0.03043607383786228	amount:0.02755732895380951	kind:0.025516981837841377	:0.55199612013291
the:0.20511264653759115	of:0.19407638164365026	in:0.05647066643756275	a:0.05562008588719134	and:0.053064132568599015	to:0.05240122849480719	by:0.030231137144954495	on:0.024746929107800384	from:0.02404804005158559	:0.30422875212625783
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
the:0.5214559010720078	The:0.08481035028134207	his:0.0645837124061804	this:0.059396834782179615	of:0.039508905475050794	their:0.03821125350752073	a:0.03510896915790136	its:0.029202413077711483	tho:0.026662794537971577	:0.1010588657021342
and:0.10550149942495249	them:0.04147829214892056	it:0.032758945708715764	that:0.02999021822099609	was:0.02409053953453997	men:0.023300715607652882	or:0.023136816190742975	made:0.02194223869948482	him:0.021767094855356894	:0.6760336396086376
of:0.4159575528856038	to:0.11825338432981926	in:0.08220373050014891	by:0.07205359091894699	on:0.057194672302113725	that:0.050087497075537654	from:0.04119435021023779	and:0.035827613608226866	with:0.034580420567046265	:0.09264718760231873
the:0.8858414312006397	The:0.04064328351423359	tho:0.03566971676953437	tbe:0.012293149109962934	and:0.004619106679945443	this:0.0044430494988017205	his:0.003138108726690986	of:0.00294483323270168	a:0.0024459061586838745	:0.00796141510880568
N.:0.36326172842338217	the:0.1680900396285694	X.:0.05693790710142721	.:0.03710977778076449	of:0.020999960129673183	and:0.01814458820716959	J.:0.017289687919570047	A:0.01621021911324498	W.:0.015515755231024308	:0.2864403364651746
called:0.35990859639602013	agreed:0.18118385538549817	looked:0.08287880417283547	relied:0.04864454942930546	acted:0.046397908291826516	levied:0.027408983237381855	depended:0.024151560127296173	made:0.023772967685950865	imposed:0.023565133531805293	:0.1820876417420801
of:0.15623361282471382	the:0.12370552075798275	and:0.10639478714554221	to:0.04077036368028677	for:0.02888148624086982	that:0.028496021673708093	in:0.028154700298973507	by:0.024873058841397486	or:0.02346866182299934	:0.4390217867135262
the:0.20652929480594112	of:0.0985463090297763	and:0.06693253398244224	that:0.05900862020852831	Mr.:0.041033997610204084	The:0.04001372520961834	a:0.038071161445162795	this:0.01954812218166994	or:0.017427556315847043	:0.41288867921080985
of:0.2785225880405675	in:0.15467908297004868	and:0.0846807236348456	to:0.08206790954514209	with:0.06640157482187065	for:0.0614254827780926	by:0.043711686748207815	all:0.043470888275559734	from:0.03969257951618359	:0.14534748366948172
of:0.20428332722993858	and:0.058604196007126554	in:0.04268056590361868	Thousand:0.041163617922521094	the:0.03924801185730288	to:0.03178005008528299	<s>:0.01999598616700779	Township:0.010007906685850951	In:0.009295603418067606	:0.5429407347232829
the:0.7655854187817741	The:0.06623540898277144	tho:0.04345691726389688	a:0.03713244511407504	and:0.018436320375487533	tbe:0.01568640690498189	no:0.008613267733515746	an:0.00825684540830198	this:0.006288950822297647	:0.030308018612897735
are:0.18336345999844758	be:0.13185462279675408	the:0.12559559338426407	is:0.11484626307241437	not:0.10807553534460866	and:0.10186176636946714	was:0.0750406083560643	of:0.05605883513844704	most:0.047354743232111064	:0.055948572307421666
and:0.1280930618212179	put:0.05617719018504804	was:0.04616527853991886	placed:0.038173483438214695	is:0.02906141432112159	it:0.028154396615684456	that:0.02745249243588715	out:0.026128782789040197	down:0.02478179953772463	:0.5958121003161425
and:0.11770920586208125	him:0.02652458526496277	reason:0.026088207156801928	made:0.02589174143551295	but:0.025031317555575812	enough:0.02244353884399602	asked:0.02140113704667773	time:0.019604906534980888	them:0.019458932819847542	:0.6958464274795632
a:0.34562053315633073	is:0.17084867718810273	and:0.09079771625338244	very:0.06621405865101666	so:0.0642860472668013	are:0.06284999328378464	was:0.06015409153866805	of:0.04307235436852804	the:0.04137644703424275	:0.05478008125914267
the:0.16569121758626051	of:0.08135426229140956	said:0.06747913067974108	and:0.06260175116631932	such:0.060152997361879644	no:0.05446006370650387	or:0.05309579407371025	any:0.04031465082961952	that:0.039679285463011214	:0.37517084684154506
and:0.24740299288865314	he:0.10478185104499431	I:0.06061954519124543	which:0.041364175310816015	they:0.02984512827653033	who:0.027189679247192712	that:0.025436933349321993	it:0.024448159143116294	she:0.024112108800800773	:0.414799426747329
-:0.03629588428051514	day:0.034560099232389035	and:0.022462476898425048	t:0.02032353896595819	in:0.01853660375090387	to:0.01829655874301775	feet:0.016807040826845678	1:0.01591993196613299	of:0.01473294080800054	:0.8020649245278118
feet:0.09124682453705052	poles:0.0730701371555321	up:0.05088279168420823	chains:0.04885658892872941	entitled:0.03694920633644442	went:0.034748145318504654	came:0.03280590556373315	down:0.032521221296211	him:0.032446562119539564	:0.5664726170600469
the:0.2405561177885986	of:0.10096115900733743	a:0.0785436237618652	and:0.07558779918895976	to:0.04415390277309089	in:0.033471219201035414	on:0.026191747561680256	The:0.01951366934659854	or:0.019464868206932266	:0.36155589316390163
the:0.0930072672300486	of:0.06846494344309874	and:0.06508762759681429	be:0.05721012719057899	to:0.05502551084654882	was:0.04887356091582504	is:0.036450096984708476	a:0.028533290990081422	are:0.02762552804330822	:0.5197220467589874
the:0.37607477006960427	a:0.1498703949139266	one:0.13578972103472037	some:0.04052090739241079	The:0.040376301392887254	his:0.03746763049605624	two:0.03638256309951425	tho:0.027053765975813986	their:0.025320564168475484	:0.13114338145659077
of:0.14371951221238882	and:0.09728868105836595	the:0.09247828989192461	to:0.09087163104440367	a:0.05541153081346279	in:0.048587839182515274	that:0.027147261957255062	or:0.02682989100644808	which:0.021619033300141685	:0.39604632953309404
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
that:0.34509079763207556	which:0.12007881948877014	and:0.08137652876211703	as:0.06041316548085244	where:0.04728672644872489	if:0.04621753601473145	but:0.040882224706913155	when:0.03581660853568659	what:0.030526135953862322	:0.19231145697626642
and:0.324422882278816	or:0.11291865418547421	that:0.0811942772577852	not:0.06836332368793072	but:0.050385438925821244	to:0.03293624672952324	But:0.02036415870227427	is:0.017866432164139943	for:0.017572664891993304	:0.27397592117624187
to:0.29799716642869656	and:0.15710833441927508	be:0.12243650190738685	was:0.07566209865688292	he:0.05723229872373393	been:0.039440434095056126	I:0.03669117163079076	were:0.03429732088924222	had:0.022191763042649647	:0.15694291020628592
the:0.22044466523706352	a:0.19736567938444116	of:0.12783772002031296	for:0.09494482142851168	in:0.05903926109507496	at:0.04377401817988772	and:0.03231527460512579	that:0.026742065752721884	to:0.025749228904520843	:0.17178726539233952
the:0.35800419005261797	a:0.1544475270832108	and:0.05257049368895144	The:0.049539443484301456	his:0.03807582325063091	of:0.03638327038098374	any:0.027446110637643698	in:0.023144682048579106	tho:0.021783917386555197	:0.2386045419865257
is:0.12420665696584307	very:0.12259752120475685	the:0.1106353466848494	more:0.10498452801845334	be:0.10316325066373404	most:0.10265521779858035	was:0.08908277396860032	an:0.082008840527553	are:0.0574965819037336	:0.10316928226389604
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
quarter:0.021974280715432427	sum:0.019864549744021718	one:0.01808331824019599	part:0.017065045823415826	that:0.015589656905899493	purpose:0.013343948488390807	instead:0.012455969410245285	and:0.011225868532162774	number:0.0111030498671593	:0.8592943122730764
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
that:0.19127126437919392	as:0.13402646233458543	and:0.12378200679407961	which:0.090337534876512	when:0.08940125393328303	if:0.06470061830861343	but:0.03923800926816915	what:0.03471935316568323	When:0.03331912241495325	:0.19920437452492698
and:0.10559168754454262	was:0.0527143329340065	is:0.03694091904253561	up:0.03211384286292709	it:0.02952629865247593	that:0.029154241687633396	made:0.027505134378369173	them:0.02610904882085594	him:0.02557823914144655	:0.6347662549352072
is:0.23216353943235807	are:0.12776851139432974	was:0.08051971312627265	be:0.07883164788657884	and:0.07133254717333047	not:0.03858541732629131	so:0.03397630005694195	Is:0.03142308514113887	were:0.028595549473406656	:0.2768036889893515
he:0.1602031915958829	they:0.12435334156047534	I:0.11933772542570778	it:0.0983734431136648	who:0.08066113105022438	we:0.05971298691105342	that:0.055177145645869174	and:0.053455443009939256	which:0.05213839463822279	:0.19658719704896016
the:0.09976735507891123	and:0.07101410717031968	was:0.04812293680812027	as:0.0461017271828457	is:0.03162567782513118	a:0.029571178755831658	street,:0.02627396952044168	of:0.02551405964273267	so:0.021871647919286266	:0.6001373400963796
of:0.11771738954028904	the:0.09868614078368744	to:0.09212056890625077	in:0.07857194033039676	and:0.04790233948160106	a:0.04002102888960169	on:0.03540721452633973	by:0.026391007459795064	at:0.02379889748362829	:0.43938347259841015
the:0.36020806695843605	a:0.15849009123619426	his:0.12173416732353828	The:0.09622970841270201	my:0.05291137862422219	and:0.038820211796597254	of:0.027846673730041127	A:0.027317111438536983	His:0.024095369664410306	:0.09234722081532158
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
be:0.2994121393859754	was:0.14947007158599965	is:0.11588432273808921	been:0.110292937848168	are:0.0649803582644996	were:0.044958404210532356	being:0.037929611745336635	and:0.03144694081986772	Is:0.02116742145635095	:0.12445779194518049
the:0.21006466074457938	of:0.14610611451534491	in:0.12817178063019818	and:0.07940452555770441	In:0.049484212790036224	to:0.0482556263307915	for:0.047106876831172005	their:0.02929125577143231	this:0.028512425290023385	:0.2336025215387177
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
the:0.28882374211188466	a:0.19235993399922666	of:0.14989559105078962	and:0.0596796779252945	to:0.05670580693797857	in:0.04084286357981325	his:0.04053572644939874	that:0.03194565792244887	this:0.030818263879968995	:0.10839273614319617
the:0.15036501964645538	of:0.1414467674770207	and:0.08891496936108569	a:0.0707370716977938	to:0.05560282537236963	at:0.053588109854283326	in:0.03202846209307526	for:0.019627360065197108	his:0.018277059323878606	:0.36941235510884046
for:0.19442185549199983	of:0.16692031258466508	to:0.12450171172630216	at:0.10961035118094693	in:0.09774675421627439	and:0.05289648223003138	during:0.04058042847702694	all:0.03745353197427918	on:0.0344390964102572	:0.1414294757082169
day:0.021804481375026608	and:0.019443373596073298	made:0.018186033264452076	out:0.011357878517566476	up:0.01115085593062071	feet:0.01024406777987943	them:0.010042908390218484	him:0.009541789856413695	it:0.009297387753628136	:0.8789312235361211
of:0.11090583981016233	and:0.09426516431304555	to:0.09136690423437806	the:0.08163310571414373	at:0.05117242359913938	in:0.04285397134387068	for:0.04014457322737911	a:0.03612477181562692	be:0.023513085268901456	:0.4280201606733528
and:0.08296040376566996	able:0.06504171041020183	order:0.0621408185377654	him:0.053813073784472795	is:0.052874348919057894	was:0.05026577439717304	time:0.04985952724781956	had:0.047685864843216075	as:0.047027809783576416	:0.48833066831104704
away:0.06925205172028555	and:0.06007808449668492	taken:0.04760906637168378	miles:0.0428166599829834	feet:0.03837562943164214	come:0.026889243450533045	them:0.026073675669967263	out:0.02484981837258804	came:0.02410733092637395	:0.6399484395772579
is:0.12384314696798751	and:0.12262404106505624	of:0.11775014351598256	was:0.10023335637232013	by:0.09228259576729919	for:0.08976314513885907	in:0.06062856945336933	that:0.05564913862019247	to:0.04722160527999775	:0.19000425781893576
the:0.5625097139129069	a:0.24049857778817813	The:0.04036621849601683	tho:0.027540613448691686	of:0.01376107849638917	tbe:0.013318330268965466	this:0.012752771727049384	and:0.008805859588259617	great:0.006274345564543166	:0.07417249070899963
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
a:0.3460365588159651	the:0.2687476336598082	no:0.05121849363629588	The:0.04641076954174122	of:0.04500846576413033	any:0.04182032040140076	such:0.03754640483640638	his:0.03463358268066272	and:0.03460075909659309	:0.0939770115669963
and:0.16690700790730678	of:0.11212174803638357	or:0.1077405770095297	within:0.08303629944448637	the:0.08247105380821546	as:0.059118927999458344	in:0.0567664153765598	than:0.04200005834815462	about:0.04009723532456068	:0.24974067674534467
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
city:0.0958567151323105	county:0.04997334089364057	City:0.047297838786782787	day:0.04158297662552226	State:0.04134116657389596	state:0.03990017016339182	County:0.034765630198875415	Board:0.03453458106664373	line:0.03125530134750432	:0.5834922792114327
of:0.16814181177329018	the:0.13002829750467382	and:0.07276669640322679	to:0.0600807682677132	in:0.025536838387080558	a:0.022927741499145875	on:0.020647906599168868	The:0.019220844290562426	be:0.01901148647614933	:0.46163760879898896
it:0.14814379514494458	It:0.146170482997488	he:0.09546716605751586	which:0.07228840575714467	and:0.06067983274796756	This:0.060052326101234954	there:0.04419985159407814	that:0.04141351039979141	He:0.040529289086990085	:0.29105534011284473
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
his:0.3152324026225771	her:0.18042350148458045	their:0.13083136456453603	my:0.06104837765601329	of:0.054317048230570056	the:0.04887132511358169	our:0.03548222140469959	own:0.029128745485731057	your:0.023807358778992913	:0.12085765465871777
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
the:0.16034095759089487	of:0.08337930770201633	and:0.08167606873219838	a:0.06797230011329618	to:0.06200499524654075	be:0.030872590248614943	was:0.024646243111901316	or:0.02030169971211091	is:0.017847106309518128	:0.4509587312329082
the:0.4986416615714981	a:0.19897677292809834	The:0.059674861104977286	to:0.049005340239926226	and:0.030876973744346774	tho:0.022024956897512143	no:0.02190673810461779	of:0.015376635197766343	tbe:0.010406866031667666	:0.09310919417958938
the:0.18861996250258234	of:0.08565195484198723	and:0.08324688658395407	a:0.06038100286752601	be:0.053750523937410755	to:0.05144544879315743	was:0.03567267067106865	is:0.03318058657602842	in:0.028042289187465	:0.3800086740388201
of:0.3098020027293196	in:0.1299089498884026	to:0.11305402238355486	and:0.07358095336282966	that:0.07079007026622987	for:0.05185803069695239	by:0.04356337526608694	with:0.041723239171690324	from:0.03591509374719882	:0.1298042624877349
of:0.2546481006603631	for:0.1516026056409978	to:0.13304926009288656	in:0.09350605732373257	with:0.08267671370528393	and:0.07631348815676149	on:0.05903364606610371	by:0.04029105527618716	that:0.03341127696061575	:0.07546779611706791
to:0.47411976192035143	will:0.1979294733697404	would:0.046556218290397786	can:0.042719976421299245	and:0.039124283818295164	may:0.03283858121210423	not:0.03223802606936653	could:0.027080492987108948	shall:0.020828981442033892	:0.0865642044693024
in:0.3080284683501333	of:0.11112228429815432	to:0.08782549147348974	and:0.08722534168144866	In:0.0852252946780761	the:0.06636667628677295	with:0.048713296633019404	without:0.041100560784661365	a:0.037741370401393214	:0.12665121541285093
It:0.36161446026019267	it:0.2479055321647898	and:0.057185773903799114	which:0.05177078287203559	he:0.03778254813687312	as:0.028309924940847705	He:0.01612352727050025	who:0.011941435975151637	that:0.011019837902959479	:0.17634617657285062
of:0.37931569765866413	the:0.21308551922111857	in:0.08245141834852862	for:0.05724573457418974	with:0.04610037168520339	to:0.04600269898235976	and:0.03717494752064868	by:0.023557344135877012	a:0.020987739429580005	:0.09407852844383012
the:0.4687835049804146	a:0.2530547532395482	The:0.15256891006455184	tho:0.028255862991420914	A:0.01867675222319026	and:0.014440463034767863	of:0.01224286894340196	tbe:0.010146776685922138	his:0.006256210021774497	:0.03557389781500776
a:0.3549662392506107	of:0.13274678896806075	the:0.09952774290047617	to:0.08575590455701725	and:0.08563465577232447	in:0.05043627659116651	for:0.04169151457558854	or:0.033728477417634385	his:0.03231194904434114	:0.08320045092278007
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
it:0.27957038428918407	It:0.14069168722916756	there:0.0780604064737155	he:0.0673522127670591	that:0.061371482220746135	they:0.04852180992353207	which:0.044772571877851546	and:0.031977859656019285	I:0.020031431466088268	:0.22765015409663647
it:0.1898936989228213	It:0.08998462207640943	there:0.0790469860324584	they:0.06140208113455	that:0.05582443981464942	which:0.05166683548741283	he:0.0503760176127662	and:0.049222407474872956	I:0.03738029063895694	:0.33520262080510255
is:0.2399291033290002	was:0.15896283398158595	had:0.12725821875041396	have:0.1232813857257334	and:0.06416986475766304	do:0.04973498934395539	has:0.046362730667474907	Is:0.045516927199353	that:0.0450041557931643	:0.09977979045165586
be:0.2704826920513101	is:0.13244586326973956	was:0.09211938926899073	become:0.07338439110105936	amount:0.05754690101250068	are:0.05718563344240346	been:0.05341824910661432	in:0.04186302738891698	now:0.038942241282827895	:0.18261161207563695
of:0.14792764905599534	the:0.12886676686659154	in:0.07194275603871003	and:0.06245349476645905	to:0.06127810696619752	a:0.05669369025589301	for:0.03480972262818638	at:0.030354265745876022	or:0.024192464415226718	:0.3814810832608644
the:0.1677358806731248	of:0.14213068286338554	and:0.11548949370087304	in:0.08142395801106306	a:0.04759725329984451	was:0.04180326252080823	is:0.03301953996150877	are:0.028585562231514504	be:0.02738162752299306	:0.31483273921488447
and:0.08069192043124397	of:0.07291658460774962	to:0.054023875442718465	I:0.05083631143564672	the:0.03974288545393314	that:0.03077255029503787	a:0.030675899851162317	in:0.029120453987352413	for:0.01737581201261804	:0.5938437064825375
and:0.15331140879100438	was:0.14748987796566734	be:0.12915989364906535	he:0.09853646762040628	been:0.06006774966341637	is:0.054993380992422874	were:0.03532659401680296	I:0.03510835341989981	have:0.031891726228849886	:0.2541145476524647
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
the:0.6172621327883853	of:0.07872456613647263	and:0.03571195626066111	The:0.031950350943107206	by:0.025500119396462795	tho:0.024014545143730352	Vice:0.02304276494269888	to:0.01919904534600589	tbe:0.012189622225878863	:0.132404896816597
the:0.5194539204106059	of:0.12618317667347065	a:0.0935732070975291	civil:0.06674581246962821	The:0.048852784409899624	tho:0.031862817754295926	this:0.029007426487106993	Civil:0.019234304569077695	his:0.01727615404728624	:0.047810396081099604
made:0.0790296235209462	and:0.05705100705773677	shown:0.03461319695473793	out:0.029294540496996844	him:0.027997058080497895	up:0.026865458198186008	ed:0.024498134397126364	done:0.024102633899391015	or:0.023889294434736443	:0.6726590529596446
and:0.47592213514640225	the:0.0693530222575535	was:0.05627112474704985	I:0.04305335498164541	is:0.042446873412880205	are:0.04243256241851995	of:0.04241291864484234	or:0.04133207596098853	not:0.030202862865590336	:0.15657306956452763
thence:0.10347387059338739	came:0.0656099465658592	and:0.06547480738910696	went:0.06172780836397798	get:0.05901425527390254	go:0.05566727485896064	going:0.037349350728241304	all:0.033747507343883675	walked:0.032096070681883714	:0.48583910820079657
and:0.19592341874389535	of:0.09540023039978093	fact:0.07909542139024357	in:0.05297224946828278	is:0.03037907049851937	to:0.02858098662409381	for:0.028064929526628778	all:0.026651880675077864	say:0.02605062101268116	:0.43688119166079636
the:0.12662951290975194	of:0.07145873659490239	and:0.06731004571434146	to:0.04754513564387218	be:0.04011002601094167	a:0.035879561831581835	was:0.026562777518600394	their:0.0226159866335296	in:0.020559453258187886	:0.5413287638842906
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
is:0.21895110501796927	was:0.1509165980247029	and:0.1220684196955762	be:0.09792971323873106	are:0.0919894587633563	were:0.05780145330160359	been:0.03692531499795037	not:0.033912469688658534	Is:0.02930049817509489	:0.1602049690963569
the:0.34318698614601445	of:0.1583700748929722	and:0.0851306413421953	The:0.08394765227046616	for:0.02324990091573622	that:0.022869859329506356	which:0.019794688453098876	tho:0.01704310807373033	Mr.:0.015959026267871063	:0.23044806230840903
the:0.19670387957172328	of:0.12034700726956073	a:0.08438228089640598	to:0.07002755359439007	and:0.06281574081115311	be:0.0453128674171294	in:0.03379866218947241	is:0.03220276533394172	not:0.029189418599409524	:0.3252198243168138
it:0.07368213034402585	that:0.06992333793149329	and:0.061164039826608965	which:0.05839662273330607	he:0.0562337078242338	It:0.03986687656175868	who:0.03860277831145656	I:0.023779744754294257	she:0.013057280512705965	:0.5652934812001166
and:0.28104097151169644	that:0.06024927728334805	time:0.05917386302884967	but:0.04627643024842162	was:0.021235249010512398	except:0.01947827328966157	day:0.0179948664828643	and,:0.017146774557195706	or:0.01590990513222623	:0.46149438945522403
the:0.31751966396827686	a:0.1994551392959651	of:0.10200217524878932	and:0.053297312266786585	in:0.037638590013437445	with:0.03521865267506952	his:0.02694529258322416	to:0.02593388287513705	this:0.02167619587565138	:0.18031309519766262
the:0.15770647503958596	his:0.15586130898740064	their:0.09908068820404688	of:0.09723513976924925	no:0.07880030939320683	and:0.07022251675360953	in:0.06532610209221151	two:0.0652554569045887	her:0.044330739493106334	:0.16618126336299438
the:0.27766713520848296	a:0.1412517273633403	to:0.08461165440226899	this:0.07127653694356274	one:0.04530239334702804	and:0.03578050234052151	other:0.029824533833175463	of:0.028539606163101812	any:0.02749777826276656	:0.25824813213575165
the:0.40143922052136166	a:0.12304234995174745	of:0.07166834378252364	and:0.05398345828330196	The:0.050540421703461264	an:0.023486901301589543	tho:0.02133261096378659	to:0.020454974158643762	with:0.016262758181860397	:0.21778896115172372
the:0.46821462061190944	a:0.12550317072045727	of:0.07360680347710263	to:0.06658956803204732	The:0.041287298789250367	tho:0.027035753247221524	and:0.02503037248429872	for:0.0219487666016125	no:0.015038632285492931	:0.13574501375060727
to:0.34378129718365846	will:0.15287135864951518	would:0.08615903395787451	may:0.07844929048361882	should:0.05682249178971402	shall:0.05432412913287461	not:0.05091775331157668	must:0.03610577244404393	can:0.03580596083245932	:0.10476291221466445
and:0.13964430780569842	the:0.13285220546404242	to:0.0899410624326995	of:0.08147365844280587	was:0.04428321878091211	is:0.027517824267527847	be:0.02353483268624153	will:0.023086601232386292	are:0.0214810014661452	:0.4161852874215408
in:0.2683424573479827	of:0.1828213323174907	to:0.1482726015293107	and:0.07309253401767919	on:0.07240922869798873	In:0.043734811550179276	at:0.04245745443410418	with:0.040947522114789005	for:0.03675373448148028	:0.09116832350899523
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
it:0.28927957209061933	It:0.1697177058873023	which:0.0877735969783695	and:0.050842739136291094	that:0.04640939568163862	he:0.03898082602715809	there:0.03594200532122894	who:0.027210691341073547	as:0.016603967407582944	:0.23723950012873563
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
to:0.12598524829719449	the:0.09900547854809552	of:0.09224742680642657	and:0.09086482164008894	in:0.03286833766345547	a:0.02584872107804633	be:0.0222011308372901	not:0.019454319597599426	or:0.018623112043488595	:0.47290140348831455
to:0.5950612766695843	will:0.084169659695772	and:0.07791586913740499	would:0.041862921687905674	in:0.023645315314046542	a:0.01962283328576398	not:0.019398695390846283	the:0.01784330236361681	of:0.01666389749285086	:0.10381622896220859
and:0.19111362730443873	was:0.11411152907613518	have:0.10945883319117858	had:0.10802968873291975	has:0.09761812855229114	is:0.08248640894017309	I:0.06499628564964899	he:0.0501175421624237	but:0.04780834012250201	:0.13425961626828883
the:0.7688099177388634	a:0.062088768493707105	tho:0.03321889091116825	The:0.03222286547409115	and:0.013740796195700471	great:0.010684465015648072	tbe:0.009815520803352627	no:0.009576922345614176	an:0.006686486648962849	:0.05315536637289184
of:0.21183424055817313	in:0.19905315026218284	to:0.10514066071963014	for:0.08229903032276319	In:0.06851707190842629	and:0.06490431465415077	from:0.03101276298530466	with:0.030666578267066036	by:0.01826856884682559	:0.18830362147547736
a:0.7181844364348504	the:0.07994414060086488	one:0.036482660286103474	A:0.028586670337486898	every:0.022420812233205238	and:0.014056970813237047	first:0.012275032631560498	large:0.01174800162714133	The:0.00988290333744978	:0.06641837169810044
to:0.6274464011594418	in:0.06789128657230876	not:0.06017657057541944	the:0.03941796253269224	and:0.03841375398123059	his:0.03658222309842323	had:0.0293296088506957	In:0.024854867377072612	will:0.021973168148049126	:0.0539141577046665
have:0.23636571777651957	and:0.19040735136710396	has:0.12821542354213683	had:0.12271877780762702	I:0.05667381995720566	they:0.0478315692335859	is:0.047531204651056404	he:0.046030454065197485	be:0.034034310885410715	:0.09019137071415646
the:0.6356489286292822	a:0.10723745175799618	The:0.047217688348568355	and:0.03139668992216411	tho:0.030899043362458165	of:0.030260298377544455	for:0.026497012563153042	tbe:0.01203269301639721	as:0.01170085985826895	:0.06710933416416734
the:0.3011365484510512	his:0.2737392080426707	my:0.09431414312287185	her:0.07465028215721725	their:0.035413929253159546	a:0.031568878224953134	of:0.031125406510495852	its:0.02198994149887109	our:0.01756452778863952	:0.11849713495006986
time:0.012001341548687563	up:0.011801757681476814	;:0.009273328782464311	day:0.007903924773529615	house:0.006993756408864698	him:0.006903600599566118	men:0.006780656944617343	:0.006538548018127475	made:0.006314881319852942	:0.9254882039228132
<s>:0.03773524462406388	them.:0.017364838754209716	it.:0.017361908196697726	time.:0.008511576071519486	him.:0.006735831015953373	as:0.006421670779378724	day.:0.005698614398966813	tion.:0.0054235378882442255	country.:0.005408355066601526	:0.8893384232043645
they:0.18134216889765165	we:0.10369731683064741	who:0.07271911656058452	there:0.07034014141501493	you:0.06622472210397223	which:0.05456310250668204	There:0.04992650594130576	They:0.04836151368006016	that:0.03495565544554614	:0.31786975661853517
so:0.2145869564125346	is:0.1383838123430736	not:0.11916541760283594	as:0.08398060945039296	are:0.0768777934466947	and:0.07212951598427038	was:0.06635853410025756	very:0.0662920487675699	a:0.0532110534943543	:0.10901425839801605
D:0.16540202352998326	S:0.07756664911692912	A:0.07602798480673738	C:0.07491891521190773	J:0.06874852035710025	W:0.06317018268633856	M:0.06157821194129863	E:0.05957867413994975	F:0.04874499493153102	:0.3042638432782243
the:0.2322420822667984	any:0.22953601603400614	a:0.21173881731865912	of:0.06169806851673101	no:0.0537502223991659	other:0.053344114235789386	one:0.03736332004592495	some:0.03536086882095841	Any:0.032782669235323414	:0.05218382112664327
and:0.11813560831405068	is:0.07901469362241163	of:0.07217411094264704	was:0.06571596187286058	it:0.0640694630089007	are:0.05804631735810475	now:0.045167462215606996	as:0.031248895279325156	there:0.030210269173575062	:0.4362172182125174
to:0.5819935657455977	will:0.0835706836896735	would:0.06611999164660351	and:0.06316960447393322	shall:0.0372110475179294	not:0.032997329546554655	may:0.031318569172185604	should:0.024954783989244177	must:0.017789977187202145	:0.0608744470310761
most:0.23854183315553526	is:0.12550546854107847	more:0.1205996366828504	and:0.08323634604180148	was:0.07976489335783606	the:0.07937332265359341	be:0.07307809140236107	an:0.07055265208848453	very:0.07035985381063983	:0.05898790226581949
the:0.14020565490274778	of:0.09224476935430082	and:0.05880982470166523	be:0.055326977021051785	to:0.04245399451728125	his:0.03367914638135115	was:0.033371442080588384	re-:0.029747945937562414	their:0.028411416107375125	:0.4857488289960761
the:0.3239579232901531	of:0.16167573306641664	and:0.06774532413025233	The:0.05509411682953798	tho:0.02364432047870877	in:0.023570091275576046	said:0.020865230799554	by:0.018894698146862413	to:0.017376993189151237	:0.28717556879378753
a:0.26656111153713	the:0.20513089647107466	of:0.06791381825567923	this:0.06546231506815277	to:0.057910682850696116	and:0.047227639385372076	that:0.03792183275074298	one:0.035627743145011714	on:0.035142179188182646	:0.18110178134795776
the:0.4640887220377278	The:0.10123119449321304	cold:0.1000712253376152	of:0.06392912374488088	tho:0.03756097809990451	our:0.030307934307467425	this:0.030001195414522567	a:0.02779250826592416	warm:0.02696382412058536	:0.11805329417815905
of:0.2641837160307026	by:0.11308389426930938	and:0.09489229121157161	with:0.09193821802727564	to:0.08122515243596938	that:0.06351745451345746	in:0.05875439020602028	as:0.055882018849703397	is:0.03739294567167021	:0.13912991878432002
of:0.3193244776246517	in:0.12382844221810257	to:0.12123576815632456	and:0.07850546827361983	for:0.06616228830763195	with:0.05016513402401725	that:0.04254044874115643	on:0.039396913852462016	by:0.03867317338863631	:0.1201678854133974
in:0.5470701044860894	In:0.10771839252184956	of:0.08126190850570572	or:0.05412878884042843	to:0.04168504559167938	at:0.035019748648876185	for:0.03255062949150159	without:0.02987789607615491	by:0.022255839582377913	:0.048431646255336976
of:0.37417394142768434	in:0.15666428464893262	to:0.10614839660388611	by:0.05908835917571334	on:0.05164709150446436	and:0.04554135760836276	that:0.03762298614366215	from:0.03483979431466047	with:0.031179389965107298	:0.10309439860752655
the:0.14727374770709076	and:0.08429899469151092	of:0.061978487376914866	in:0.03336396732355623	to:0.03222299079872638	that:0.02786806527164334	was:0.02596823952193748	I:0.024951558740915883	be:0.02403668786403321	:0.538037260703671
to:0.5985921306128762	not:0.05942786037328122	and:0.05789408636645536	can:0.05173452963541896	could:0.0509311817455606	will:0.040262540666966176	I:0.027780569450623266	they:0.024418224446270034	would:0.022394025361167313	:0.06656485134138085
of:0.1768462222491855	for:0.1314195548585169	with:0.10277697909425305	is:0.08214604287746513	to:0.08186392059119957	in:0.06852480001175192	and:0.06823794166533181	as:0.06704162622474313	by:0.05147174977081022	:0.16967116265674279
of:0.5401264789727779	to:0.05442176638862638	in:0.04978939717033645	and:0.03742875216015362	the:0.027734434896374047	for:0.02168646970035977	<s>:0.010369259961517616	from:0.007740138636069629	ot:0.007408654476938013	:0.24329464763684663
of:0.11097570909723532	and:0.08768345739574622	the:0.0684481286706683	to:0.061059605596027786	in:0.05245587645669168	that:0.028422428182966995	for:0.02591156199632769	or:0.024803316404292935	a:0.021039367721696234	:0.5192005484783468
that:0.17572124799030187	and:0.12092000481957313	as:0.11500357856383778	when:0.1131957886694387	which:0.09132551910213718	When:0.05176818898429454	if:0.05123216027924158	but:0.04037572287577642	until:0.02766461975851785	:0.21279316895688094
well:0.12991015635064773	known:0.11168587180543645	soon:0.10369035459473254	far:0.08195907566424299	and:0.06388557808584468	long:0.03755135115796446	such:0.02954466624033588	just:0.024368945136159968	much:0.020609769850901107	:0.3967942311137342
the:0.199587516676878	to:0.08667866084703935	of:0.08280754172853354	a:0.08097546041556015	and:0.0519457977712415	in:0.041606793046020704	.:0.018693924767224056	at:0.016857672301849844	or:0.013340161600504882	:0.40750647084514796
and:0.12266363898153274	of:0.11113444373415585	the:0.10617714525219572	to:0.061207123646843595	a:0.03715067978278012	I:0.02308559547826327	in:0.022918172644893476	or:0.019341413370572692	for:0.018576408515418353	:0.4777453785933442
the:0.23753242394800675	a:0.0939731928347832	and:0.08932868819403889	of:0.07974779260526793	to:0.04260504694127761	in:0.03695737011543249	The:0.024469678940792335	an:0.022821818718158263	Mr.:0.022567988967216186	:0.34999599873502635
and:0.11923748241494796	I:0.052261374351058036	that:0.03847414410657877	the:0.027473900352614773	but:0.02437321325821077	can:0.02364932754168495	he:0.023120223668031077	or:0.017262512297285863	will:0.01578366016694563	:0.6583641618426421
of:0.37432443851717745	the:0.17269190960410113	in:0.16441993274752173	by:0.11115470972800723	to:0.04231088619757643	on:0.03253247506199026	In:0.022050845961055755	from:0.020174707597664866	upon:0.019014094744892292	:0.04132599984001288
and:0.15071742689810924	that:0.12862528231277748	as:0.060667540184715776	but:0.05417575249040459	made:0.051376741526762214	make:0.036667044218769596	to:0.034526841790008034	when:0.0331921853373352	of:0.032221785488652774	:0.4178293997524651
they:0.15798971219453062	who:0.09060026739081677	men:0.0707791906087833	which:0.06880939386043902	and:0.053296156460751955	They:0.03894990161516553	we:0.038829150885420334	there:0.027032724830921662	that:0.02391622922054875	:0.42979727293262204
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
of:0.11108350328080033	that:0.04626250856517041	and:0.04275686416417719	in:0.03451574468998762	after:0.020980156123611333	to:0.020129284501285153	for:0.01953175273177773	by:0.017370837758580067	from:0.014717106703012616	:0.6726522414815975
the:0.32998920300008133	of:0.1097510737621639	The:0.09027102706703508	that:0.034950568565128404	tho:0.021491127269984846	<s>:0.019685617586182893	Mr.:0.016762340799679712	and:0.01576847410410988	by:0.01296314122782006	:0.3483674266178139
the:0.22803852557760027	of:0.1001165758509234	and:0.0972312706720185	a:0.09483900249285233	to:0.06338709772488403	in:0.046834975406953555	The:0.017298370215452125	tho:0.016990137458082175	for:0.01689176124421891	:0.3183722833570147
J:0.047890534189649565	and:0.04742756156494744	W:0.04256415380725016	of:0.03196581000491697	at:0.02659650232347807	<s>:0.026008907852208284	E:0.024327918034749735	.:0.023912249284971158	the:0.02174498963834142	:0.7075613732994872
<s>:0.05426565324719795	and:0.044445972365426564	made:0.021694712583539576	was:0.020931920880133754	recorded:0.017387201838834423	that:0.01661780384100564	be:0.014822874002807063	is:0.01378718404889997	o'clock:0.013297718418623995	:0.782748958773531
and:0.07880178444975741	place:0.026013157630494013	was:0.0217129929928295	held:0.018802255252499293	made:0.016444552221553835	committee:0.01588027032294663	work:0.015476132370100851	Minnesota,:0.014207519763010294	up:0.014078495802401291	:0.7785828391944069
do:0.46031243666209026	did:0.26260982010512784	does:0.10755235268953929	could:0.04852685791043995	would:0.04351196459954879	will:0.03087686964720613	and:0.011023663495462126	is:0.010694936458693743	should:0.008643270715935155	:0.016247827715956713
was:0.1536833084432079	of:0.1473317196376739	in:0.13777854045363974	is:0.11518834024279859	and:0.0881495629523886	be:0.06353586057465756	are:0.0559290972287597	been:0.044399364702607566	not:0.03516010854312115	:0.15884409722114526
this:0.19349519910316315	the:0.15135450184742405	an:0.12723326392409756	a:0.09878857092594655	his:0.07723152412978526	one:0.050282379338429994	no:0.04575615898933268	every:0.03825923451254368	such:0.036775702120627723	:0.18082346510864933
the:0.3153926586940215	his:0.11203181817157347	a:0.10107069933242414	of:0.09243089547207319	and:0.057139058430515755	said:0.04182598594914935	their:0.040304409696952266	my:0.032168690487293566	with:0.025886091280622806	:0.18174969248537393
the:0.36131512453237835	and:0.05705134016281611	of:0.050801363436863936	The:0.03686910716877306	said:0.03216915730346887	tho:0.02287390071941608	in:0.01993403501589452	that:0.018212097586162594	a:0.01580225347681981	:0.3849716205974067
of:0.19808800768069218	the:0.11549812907179478	in:0.07478635671437824	and:0.0631672124813939	to:0.05910657377578241	on:0.030554766091998024	from:0.028276520265653967	for:0.027100102326041823	a:0.0269871377782873	:0.3764351938139774
spite:0.04559317197445746	out:0.04469516928781942	and:0.042816006793876885	that:0.03185133010767678	value:0.0312894207837324	part:0.029526243717860473	one:0.027326223207267606	sum:0.026527445086863187	amount:0.0238170635976946	:0.6965579254427512
that:0.2221560044426313	and:0.21326960995043437	if:0.10148573849140893	but:0.06653231847217558	when:0.05646904084241493	If:0.05084434935681823	where:0.04531542292600506	as:0.04356904677985629	which:0.03804806324113948	:0.1623104054971158
the:0.7450134582381879	tho:0.035901720191522636	our:0.03141590036162093	of:0.029256670657038186	American:0.025968011121568397	a:0.017878880707571522	and:0.016780573028753194	tbe:0.015636403553464132	his:0.014116852710055847	:0.06803152943021726
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
to:0.34645959783228364	and:0.266164345948242	the:0.0850119765528044	of:0.0705674922598621	would:0.03886904163399867	for:0.029823222155502403	in:0.027318760614189586	that:0.024759405656060482	will:0.024694493255035376	:0.08633166409202132
the:0.5385352171012253	Judicial:0.08393708152630748	in:0.04681225752671044	said:0.044626382740647216	tho:0.028945542900757692	of:0.02798506272718003	Congressional:0.023812356290569374	School:0.019840479521148834	a:0.01819959875940357	:0.16730602090605007
taken:0.12194222297548751	far:0.07998728819651674	get:0.07892164512685511	put:0.06981099347236201	carried:0.06796687022874345	went:0.06495820252080002	go:0.05884995037174993	them:0.051945897101146055	take:0.05172269488816203	:0.35389423511817714
the:0.24831434219200654	and:0.20710408710080142	The:0.041154027343998464	of:0.03741062924042771	by:0.03695391262429361	as:0.02462880124761221	.:0.019848380814249045	tho:0.015561694265687414	<s>:0.012950259268006399	:0.3560738659029172
he:0.17387980222708666	It:0.16627609566059678	it:0.15758569981271695	and:0.14245850119078118	she:0.04664546714946119	He:0.04167138448902854	who:0.036776648991552606	I:0.035390910239293916	that:0.02734610823444412	:0.1719693820050381
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
the:0.28749432988774454	a:0.09135921774123942	and:0.046249348344090016	The:0.045903966702411	of:0.04111527806381179	.:0.024898091268519815	A:0.02437898195989976	Mr.:0.020192631907542388	tho:0.017588425088730715	:0.40081972903601054
be:0.24255305791841683	was:0.12142879706403396	and:0.1155005738372376	been:0.09060183301732715	had:0.07099548815506986	have:0.06786388944433916	is:0.052596269129136716	has:0.04783698527116416	greatly:0.042696635909027794	:0.14792647025424677
of:0.16715852205944423	and:0.042261009223306584	to:0.03738970902944593	in:0.03447653848679979	that:0.033344349425007705	by:0.022197792949630816	from:0.021996647697480227	for:0.021006540574259477	things:0.019817005259757246	:0.6003518852948679
of:0.26123285619447284	to:0.11310721016847632	in:0.1039909538957225	with:0.07455011065855971	on:0.054074785230624686	and:0.04825484186870484	for:0.04614046881623299	by:0.04250258410398604	from:0.037844811989733496	:0.2183013770734866
one:0.03675374902184537	and:0.03152763412544154	two:0.02345506069236847	side:0.022863485662621717	out:0.019294102294199287	part:0.016818981467557115	reason:0.016721533058496368	people:0.016507890783629135	that:0.016040910940233008	:0.8000166519536079
time:0.018148368085338314	it:0.013034655361612092	more:0.010666004354547308	hundred:0.010083491741158357	up:0.009373675871617335	him:0.009174611334612039	life:0.009087201298426663	out:0.00889619763433223	in:0.008215790797773338	:0.9033200035205823
to:0.11611623202716108	and:0.0927670277041291	of:0.05480015358824163	the:0.03853384443427393	is:0.03353964289198347	in:0.029809014802675858	was:0.0288691907044105	con-:0.025306563829559637	will:0.02411726427444757	:0.5561410657431172
of:0.21215296388921814	for:0.16560272479983706	in:0.13359005066347956	within:0.12494428212789307	In:0.08748568918396615	during:0.05784857415831345	and:0.045405774339884915	from:0.0371942814143381	to:0.03589732458355182	:0.09987833483951772
so:0.2198473720485485	well:0.10175930101808689	far:0.04368541861024625	and:0.04293731254846399	such:0.03762681449236444	much:0.03266149523896232	it:0.026089134412509325	manner:0.02389645719624483	doubt:0.02232483788512375	:0.4491718565494497
<s>:0.04422558003113497	of:0.027559875460649894	it.:0.02738860542720863	them.:0.01886065642905259	and:0.01744597563233495	as:0.016328036782439687	that:0.013794626122333334	him.:0.013191500450728075	in:0.011739803344938463	:0.8094653403191794
the:0.5448109554680582	a:0.15551285228889708	of:0.10664090233347963	tho:0.037148025885674334	The:0.024977243300492967	his:0.022200352425268924	and:0.018636424335787546	our:0.01662106807022826	their:0.016565268366112464	:0.0568869075260006
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.1331954013331003	of:0.10395761905650669	and:0.09166744382168995	a:0.0674867672110823	to:0.04481959524883369	was:0.033914181021321675	be:0.027669522756191306	is:0.023821375196731925	been:0.01992601692954109	:0.4535420774250011
of:0.2748170700431965	dated:0.10772480507387483	in:0.07670417979575164	on:0.07624611986898797	and:0.05652272611121771	at:0.05226551590515225	to:0.03965403992860926	the:0.033359565658439325	for:0.028090722355295424	:0.25461525525947515
act:0.0653961110661003	day:0.044551402100574594	part:0.029261127599376036	State:0.026372292190983478	and:0.025007559513880367	city:0.023994353462997966	out:0.023182407605133716	that:0.02145556315920186	Act:0.020628797488854246	:0.7201503858128975
well:0.12991015635064773	known:0.11168587180543645	soon:0.10369035459473254	far:0.08195907566424299	and:0.06388557808584468	long:0.03755135115796446	such:0.02954466624033588	just:0.024368945136159968	much:0.020609769850901107	:0.3967942311137342
is:0.3127419222070161	are:0.17019162258244755	and:0.15097410092444477	Is:0.04653328101748006	was:0.03354461540112265	not:0.03246671288747277	I:0.031102430855612522	but:0.02616802785224171	have:0.02512142227142016	:0.1711558640007417
the:0.18850181828564358	of:0.13999761670761218	and:0.07409110117404955	a:0.05549936134263849	to:0.05395457885348824	be:0.048716173980404724	in:0.0323910616632134	for:0.02851018994188836	their:0.027676475628078817	:0.35066162242298266
of:0.4561390829455456	that:0.10467622839008597	in:0.08483029328318949	all:0.06503865995385393	and:0.05579073281418011	to:0.04780758991564098	on:0.0389754756265693	from:0.03830593522176563	for:0.037352803207061955	:0.07108319864210705
it:0.17489098376266068	he:0.12572110827127383	they:0.08866173788731024	It:0.08153426680293747	who:0.0725201320380785	which:0.05864025767173767	we:0.05588843069756023	and:0.053997606842996135	you:0.038231828871216816	:0.24991364715422842
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
that:0.17489589854242737	if:0.17406992056480342	If:0.13654506950155634	and:0.11563952204116922	do:0.06105904792994068	which:0.057905495912052324	Do:0.04469436559792362	when:0.03897646987779931	what:0.03256218362127876	:0.16365202641104895
of:0.27345349423124865	in:0.16564376515996235	to:0.12203108495462602	and:0.08085615813004969	for:0.06517262764775017	that:0.05701074267606683	with:0.05526970289106984	by:0.046845536698301424	on:0.04222694312605267	:0.09148994448487233
the:0.14064329623479374	of:0.12168187170230468	and:0.06899817569185192	to:0.061925296590934036	a:0.034333439171932954	in:0.024861017538384936	at:0.023646075716428887	was:0.0228721507005909	is:0.02141063369426901	:0.47962804295850897
he:0.17794400199066407	it:0.15597074316646872	and:0.09168190376905146	It:0.07877413153899393	He:0.05598520231524198	she:0.04895720280816201	who:0.033029046147948056	that:0.029156712236019997	which:0.0281417816408537	:0.3003592743865961
the:0.25776397366060516	a:0.11599445744846382	their:0.06823861647203398	his:0.06607772269981725	of:0.06359651343197306	and:0.04801788048928238	are:0.03491703384261651	in:0.03093943038771255	its:0.030908628139330138	:0.28354574342816513
of:0.1844588317939931	in:0.1419822191499887	by:0.09591811708824804	for:0.08366050532712234	to:0.0831912234999175	as:0.07501218251947718	with:0.07038014325086724	and:0.04828241083308177	that:0.04457646977988542	:0.17253789675741868
was:0.2583184635213574	is:0.21599328546481147	are:0.08523826843735817	I:0.07177864025579796	and:0.0620869427802941	be:0.06030170532383897	were:0.05693657746267082	Is:0.041456996274427185	been:0.036124268115788415	:0.11176485236365548
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.4678515591241955	The:0.07990999768177041	this:0.05549345423075572	that:0.044088343896803515	a:0.03778523165411987	and:0.03425134494990608	of:0.028771988831289015	tho:0.02473563592981194	one:0.01780988479597805	:0.2093025589053699
and:0.13031836659099444	was:0.0714797540781702	brought:0.06551334467973256	is:0.050733734705370195	that:0.04459176575324916	talk:0.04286925109690573	bring:0.04038717614176942	all:0.038867729585947745	nothing:0.03442309889690068	:0.48081577847095985
him:0.02494659599230191	;:0.01487772965405297	man:0.012826628951379817	him,:0.01053555299716851	up:0.010332831893804855	and:0.010083138836835061	himself:0.009258682528632555	in:0.008913702740427201	man,:0.007933669360602887	:0.8902914670447942
I:0.24468267400783855	you:0.1630427800213098	not:0.14723753112772328	we:0.11548946378490049	We:0.06791372721313763	and:0.058935326045038774	they:0.05875585276587278	don't:0.046397430901143934	who:0.039122754027238145	:0.05842246010579658
and:0.1350948781200908	of:0.08416938649765933	the:0.07883588553881102	to:0.06319353765011483	be:0.03245071952652813	a:0.026770205880640798	more:0.02621769628374212	in:0.024296842775432162	was:0.022754130718847965	:0.5062167170081329
the:0.1698356660073742	of:0.13261482548403453	a:0.10422772084566337	in:0.05306465492492315	to:0.05138822018751849	and:0.04124328636200038	by:0.028581686852495604	for:0.019110478055598165	that:0.019000786279017436	:0.3809326750013747
to:0.11272467325873015	the:0.09570920935957357	of:0.08084508540075111	and:0.07746796351453314	a:0.03161606912023797	in:0.024763881588432984	at:0.024446783401682257	for:0.018599489625864805	is:0.01726400145434898	:0.516562843275845
the:0.1800494455738009	of:0.16396808909491387	his:0.10366246313467879	their:0.09834164860547315	and:0.0583361814059977	in:0.05010609724275917	public:0.038164926361558306	at:0.027423407145411298	with:0.02714010700633185	:0.252807634429075
and:0.08362943294997585	together:0.07769806815080653	connected:0.0635902168573379	connection:0.06228367212358626	accordance:0.047530813078388766	comply:0.026000666542743977	acquainted:0.023189098613704624	compared:0.02214887744238745	contact:0.01973810078197255	:0.574191053459096
the:0.3345663880315435	an:0.1719516513358862	of:0.08780783501110818	a:0.054315521643070255	his:0.0469678850563584	The:0.03944228405467209	tho:0.03799827256123128	An:0.025648614680716927	and:0.025574648179125362	:0.1757268994462878
that:0.26828136564152333	this:0.20092083824471255	the:0.12397530532867199	first:0.05682188271191921	any:0.03481036325152464	taken:0.03320481014080055	took:0.03193028301190667	on:0.02348974270452594	to:0.019940177340561978	:0.20662523162385316
the:0.3293711084484047	a:0.20602424851238374	to:0.06849836868214762	and:0.05726535368316628	of:0.05477396191336262	that:0.03365831056890049	The:0.03325328679906718	by:0.031001893948354713	no:0.027384572381160845	:0.15876889506305183
of:0.2152206343537612	the:0.07916900349131557	a:0.0551994181556221	<s>:0.0376348634398789	that:0.026556752290139336	for:0.026503372193805556	by:0.024799358683289894	to:0.02421087465795844	and:0.023649152053435124	:0.4870565706807939
of:0.29600480547612057	to:0.13189799211777906	for:0.09236238753601354	and:0.0871544245157991	in:0.07184842095248704	with:0.056969378238540876	by:0.04981061384933921	on:0.03654943024085669	from:0.03641848234984184	:0.14098406472322203
it:0.2688622516387871	It:0.23427900518209507	which:0.050723980099763574	there:0.04334280385555211	that:0.03953369004185275	he:0.03850576606170018	and:0.035247997510000496	This:0.02992876110744867	this:0.02426520741082047	:0.2353105370919796
it:0.22856110105309196	It:0.1452820683974188	which:0.05914017695475625	he:0.0478149945050819	and:0.04416228847994344	that:0.040249019547583975	there:0.02938454306037856	who:0.024987486037450265	This:0.017718758616521977	:0.36269956334777287
the:0.7026701205886294	tho:0.04039265372406226	said:0.027010430682514457	of:0.0243803588396988	tbe:0.02170108092146818	a:0.02106234365285353	this:0.01987480095568639	The:0.017569400598146875	our:0.013867091798961872	:0.11147171823797819
the:0.30411184029569843	an:0.22394285379451861	his:0.09909153293499617	The:0.07978147387645522	and:0.04996163142828165	their:0.048016151358847375	of:0.0378777309454417	its:0.031314477615526436	a:0.027191446041006588	:0.09871086170922781
the:0.5050504076215904	of:0.12729639218907407	their:0.05871245398210219	his:0.051986968414942915	a:0.04894327310601704	and:0.036626119836353256	tho:0.0323730663433898	our:0.031102552588978222	or:0.028598879912221816	:0.0793098860053303
of:0.18370278899406497	the:0.16466572660395656	and:0.06931762733161752	said:0.05352405902075939	these:0.04133165261203763	all:0.03616109146097424	by:0.030217495672435354	or:0.02912026276514973	for:0.027928579056111826	:0.36403071648289276
of:0.16536837772429697	to:0.13295552179180933	in:0.08381209472782636	at:0.07638732149245955	by:0.06872768489706071	and:0.06446707850313066	for:0.053521326205519984	with:0.05155651779224191	on:0.03154756986921177	:0.2716565069964427
the:0.38587520856648166	this:0.19371453959277915	a:0.08847369768539959	The:0.07176740857715626	that:0.06278814131577971	and:0.04530522094409799	This:0.027740928083653294	tho:0.01942883835810029	of:0.01810951779242281	:0.08679649908412924
the:0.4574026829899298	and:0.11420537544740228	a:0.059538733489851135	of:0.05332258288397472	no:0.03712470552414852	The:0.03341891246908026	tho:0.03198392122353917	all:0.029824274803772435	their:0.029140323859291994	:0.15403848730900968
the:0.4573785555733693	this:0.08383207606361953	in:0.06933663048707195	his:0.061407353513856545	post:0.05921941123649788	of:0.0573670532443847	to:0.05148579912667619	tho:0.021040344971910145	clerk's:0.019784876258888265	:0.11914789952372548
of:0.3462302482214033	to:0.14699030571915775	on:0.10120768713136724	by:0.07857448203559092	in:0.06272934316229144	at:0.05965069780471665	from:0.052673803148064004	that:0.04583445863326028	with:0.0425663162331494	:0.063542657910999
or:0.2534712289220423	not:0.09300479790459729	and:0.08873034865779925	much:0.08621860182327792	be:0.06736959328361504	of:0.06593569813496229	with:0.052524712643321134	use-:0.04681440666924684	doubt-:0.03204363303863909	:0.21388697892249883
and:0.10538732664878817	able:0.06268374361038515	enough:0.04828452398048118	is:0.048031281228169666	them:0.04716650253648549	him:0.046011810991080246	not:0.04562550003025196	order:0.04069280255251849	as:0.03919032885129705	:0.5169261795705427
of:0.17465210928996913	in:0.16526694075142362	for:0.1147956789586039	by:0.09561985615814882	to:0.08588914257492353	with:0.08197224255956698	and:0.06575510462690493	In:0.05640422547059475	that:0.0537629488301015	:0.10588175077976285
to:0.6123995125365729	and:0.13151247548848632	will:0.05571073855691977	not:0.024678930370591146	would:0.017417928974230033	I:0.013009049435671037	must:0.01278054189092715	they:0.012028159157067628	you:0.011321590876692236	:0.10914107271284183
of:0.17163102017487253	know:0.16182743084037238	and:0.10551552121318349	to:0.08576744699204825	see:0.05924075208459653	in:0.05253135507688537	with:0.048112711401631716	matter:0.04772032046661556	some-:0.04728888551999583	:0.2203645562297984
n-:0.04150223945710654	the:0.038395594637444526	a:0.032710393280502535	and:0.029891915876173607	to:0.02511276041054342	-:0.018625947835333657	his:0.012054737530438177	not:0.011030645192992178	her:0.010395441076377477	:0.7802803247030878
State:0.22055894577383087	day:0.09698321282234018	state:0.07684442605892103	county:0.04771124973351197	city:0.04546363338873036	line:0.0454048304917045	County:0.040309227746995066	side:0.0215717696764134	corner:0.01863057538406043	:0.38652212892349225
and:0.08452463003138351	him:0.06566416047193002	want:0.061946135633453074	able:0.056723895164065806	is:0.0513055351336816	enough:0.04964846369052963	have:0.04604424939635596	me:0.0434188287770063	necessary:0.039785394649249746	:0.5009387070523443
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
the:0.3004492709804375	of:0.19123505488631481	a:0.11953106303771312	and:0.06889547794292818	by:0.057950807867280456	to:0.04370914381597404	The:0.04059793191219181	for:0.03796897501878045	his:0.029830837112630047	:0.10983143742574956
and:0.08362943294997585	together:0.07769806815080653	connected:0.0635902168573379	connection:0.06228367212358626	accordance:0.047530813078388766	comply:0.026000666542743977	acquainted:0.023189098613704624	compared:0.02214887744238745	contact:0.01973810078197255	:0.574191053459096
the:0.3841529910331428	his:0.10762184317918776	of:0.10114477448554098	to:0.08335740582206692	their:0.06784403361771747	in:0.050355463085061905	a:0.05032302269728996	and:0.03123166446342635	our:0.026845127857570556	:0.09712367375899529
as:0.07698231169650252	up:0.07101461764412834	came:0.059184411676238606	and:0.055530779423232306	come:0.05243856861501538	sent:0.03841478462375461	back:0.037946065283288914	it:0.03461565374120381	presented:0.030683496434718082	:0.5431893108619175
the:0.14651767028650897	and:0.10280181339946678	of:0.07164139889404732	to:0.06710968865667367	in:0.043620235518656805	was:0.04085328919635116	a:0.03773596883616436	be:0.034467327867332885	is:0.024743356400790086	:0.43050925094400794
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
and:0.06856989077187103	filled:0.04173495431946425	covered:0.032496418984638877	up:0.0305884986931613	charged:0.026279936073723517	it:0.023710693753935162	together:0.023170893986270303	him:0.02237604734044105	but:0.02090672949669465	:0.7101659365797999
<s>:0.07037752055964767	and:0.04171036397520784	was:0.01793185209281164	that:0.017850205571295075	made:0.016091896972288522	it.:0.015031913622321813	file:0.014852976451169154	is:0.011815953178702224	be:0.010141608905394478	:0.7841957086711616
the:0.34892851678349623	of:0.12093127696530369	and:0.05844336651410282	a:0.04634191570018002	to:0.039576479205413864	The:0.03314960661994048	said:0.029873680172268022	his:0.02587238456617546	for:0.02300242764698865	:0.2738803458261308
the:0.14453389925460838	of:0.08432913271840849	and:0.07894914839112983	a:0.044727070999222504	was:0.026840013665990013	The:0.026544205168707646	to:0.021691700824980096	as:0.018778856271954747	or:0.01824367634007273	:0.5353622963649256
of:0.1447844098632438	that:0.11878900083156006	the:0.10747861109540816	and:0.1063767266482824	The:0.06889685656380869	which:0.036448513382324715	Mr.:0.02971859204532621	<s>:0.029003344366441842	by:0.024012847427450246	:0.3344910977761538
the:0.38193434656865616	a:0.13702528447325701	in:0.07933200875729354	his:0.07013241523754234	of:0.0680318153924025	The:0.06259973777483235	that:0.05354095145559404	and:0.04630917291180095	on:0.036417206165520404	:0.06467706126310072
New:0.941583279966323	of:0.009788255794092229	Now:0.009195842524347833	Xew:0.008925568343295949	to:0.002901539503488421	Mew:0.002795253024957933	and:0.002437361030528468	the:0.001935960477805899	in:0.0014677911393208612	:0.018969148195839468
nothing:0.05517453010612505	in:0.028421582623127918	;:0.020040764768196342	is:0.017428640386264682	anything:0.015099944692111024	it,:0.011257852115656266	them,:0.009561087648279948	and:0.008281366460425063	for:0.008202334831277953	:0.8265318963685357
the:0.12219597915044403	of:0.0911074858297847	and:0.07485006097714235	a:0.0639310829755559	to:0.06271027188689325	be:0.032325471139670145	was:0.030707823471521626	in:0.028057220415748145	at:0.017893126384922742	:0.4762214777683171
and:0.10214941500510824	made:0.050503326219240675	or:0.03879437381187998	that:0.036092083428286216	him:0.025422133334715196	done:0.025400992866869643	taken:0.025135918932289662	it:0.022773755547426087	but:0.021717149309743097	:0.6520108515444412
made:0.15500852245842703	and:0.07616955064402295	paid:0.039348579068189754	given:0.03853297581865381	or:0.035579837632304656	done:0.03081247581718622	followed:0.030555711044730684	ed:0.030439561338752454	secured:0.03002417165348057	:0.5335286145242518
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.12219597915044403	of:0.0911074858297847	and:0.07485006097714235	a:0.0639310829755559	to:0.06271027188689325	be:0.032325471139670145	was:0.030707823471521626	in:0.028057220415748145	at:0.017893126384922742	:0.4762214777683171
of:0.2892884361494161	as:0.088270824767097	in:0.07839091481441392	and:0.07530042159247627	with:0.07486334268596141	for:0.07457387833687984	to:0.06167599545891808	at:0.054243929187597066	is:0.045052067257956484	:0.15834018974928385
the:0.4676142065078135	at:0.24237913648332965	At:0.048791863119890005	tho:0.03156611350466604	of:0.029774535832346204	to:0.0281051777956505	and:0.028057909133168704	The:0.02061467030322155	on:0.01499697015909431	:0.08809941716081957
of:0.17409237347000903	in:0.15984773636527094	at:0.1296395753612845	for:0.11050679466814925	during:0.10208854386218401	to:0.07353911235048595	In:0.05718222765363655	on:0.05705452089920641	and:0.0484625904876564	:0.08758652488211693
part:0.07268713102532033	one:0.07071065938650846	some:0.043508101530019876	out:0.03575042106872343	members:0.025760665467621124	and:0.022440178638608456	tion:0.02191026583655202	portion:0.021052670553751075	side:0.02092702198887348	:0.6652528845040218
;:0.04947970453899282	and:0.017286564911728093	them,:0.013603978785207504	him,:0.012566791200617251	it,:0.009973365345036253	<s>:0.007615277919130755	men:0.007552167620743054	States,:0.007127264612243107	years,:0.006890006965494643	:0.8679048781008065
a:0.247253621315064	the:0.23087794828807903	and:0.12320550795055293	or:0.06649890100879544	of:0.05199337499018846	his:0.024395342811032398	to:0.024339194049946427	in:0.023282051862275586	our:0.022038704168722514	:0.1861153535553432
of:0.1649541516268091	in:0.0692989106337993	to:0.053109163976278274	for:0.0439905971675104	by:0.031336143927910266	and:0.03071489124753515	with:0.02934309671767304	from:0.027907447051693245	at:0.02213430822283909	:0.5272112894279521
of:0.35669222384445753	the:0.15743659475623023	said:0.10327457078172686	for:0.08200211684304476	that:0.07230294446960522	and:0.06119754058579305	a:0.04572926442428607	The:0.039314248255768375	this:0.020822526885181773	:0.06122796915390612
all:0.2417783772873962	and:0.06484599522956838	it:0.043634967707872174	went:0.04010247746588502	passed:0.035280234411006625	spread:0.030015388239964035	go:0.02691982005323799	control:0.023908541475478565	turned:0.022575560430907197	:0.4709386376986838
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.24239272414027796	of:0.0924115658050224	and:0.08809516366439311	a:0.06124662391755263	The:0.03536134942218353	Mr.:0.02516359419778143	to:0.022460112695244398	in:0.02011000253253141	his:0.01668614200916881	:0.39607272161584434
of:0.3019102507575121	in:0.2644771803206645	to:0.11325727033201934	In:0.0507693220927979	that:0.04610658763651799	by:0.044998982968744536	and:0.03290500412475766	on:0.03214436099066057	for:0.031633608332146304	:0.08179743244417911
was:0.16237835280378327	is:0.13481769478739145	are:0.10521598494832342	and:0.09879255029716125	be:0.09315148816433017	been:0.07782305141927216	not:0.05668898541275807	were:0.04842177366299674	have:0.030012733476239867	:0.1926973850277436
was:0.21295283786633565	be:0.1342186902759942	well:0.11628606843754374	were:0.0998434183559472	are:0.07877990649517747	been:0.0648281065084066	is:0.054651108883658636	and:0.052670283520554396	being:0.019821835415777447	:0.16594774424060466
the:0.4749099029593919	of:0.11632365754112499	an:0.11502862917647745	The:0.11237580896237918	and:0.04896070084072132	in:0.024459762431960016	tho:0.022583740823107778	by:0.01775506559574787	with:0.015495532546661342	:0.05210719912242814
the:0.19860006208728595	of:0.15147212473486385	a:0.08561237444988594	to:0.04359896685231687	and:0.034317023026475185	in:0.033600982122337385	The:0.025380410700850137	by:0.019642548186869783	from:0.016650603836334047	:0.3911249040027808
that:0.1822689481114437	and:0.1088024528392333	when:0.07576614427317696	but:0.05660706906932372	as:0.04814303543063362	which:0.0396040203021221	if:0.031381895016974075	until:0.02511235346884029	When:0.024369701930716317	:0.4079443795575359
the:0.26762070687643275	such:0.13163940843274025	and:0.1302495354630554	a:0.065365747582449	or:0.05149371741024808	The:0.05103938173182884	of:0.041220848799937836	this:0.03982592344444281	that:0.037873190196284934	:0.1836715400625801
man:0.13454329316211672	one:0.06179070544721185	and:0.05442932596933275	those:0.05424113669771658	men:0.03989932196037015	person:0.039188972582670865	woman:0.027028250153659075	all:0.021020905307029828	people:0.013885200630878272	:0.5539728880890139
of:0.34485792283669453	the:0.20598305821080484	in:0.1493500609517334	and:0.05919148962980363	for:0.046921487322635645	their:0.04013858831167522	this:0.034948019158657535	an:0.03179655722051084	his:0.02719634863368351	:0.059616467723800824
of:0.22278999031965319	in:0.14258851904116834	to:0.10199339550508088	with:0.06771364200266261	by:0.06654851664083225	as:0.06610642784986771	is:0.057521082814512375	on:0.05635719380430881	for:0.04810763996136492	:0.17027359206054893
is:0.21303164637627214	are:0.17840407497703104	was:0.15691061376408347	be:0.10444913880612605	were:0.07128681355748054	and:0.05346353737307271	the:0.04967055456668489	a:0.046825648382024354	been:0.04140691331375825	:0.08455105888346656
and:0.12950712207062812	to:0.08069921235682884	the:0.061540620444799424	of:0.048946687781695815	that:0.029026813114320264	be:0.028825242718755736	re-:0.028683994163754226	I:0.028464555347430493	in:0.025505602932707563	:0.5388001490690796
the:0.766838249370191	The:0.06574818685274851	a:0.04571369030713082	tho:0.036562582540730616	tbe:0.01342237936271886	and:0.008435398217167515	this:0.0078780533817771	of:0.007423784042816895	A:0.005183721140962089	:0.04279395478375665
have:0.38028266990635523	has:0.2840531819741696	had:0.18900772200696994	not:0.04455515614974498	having:0.03520231602763059	never:0.01676933416152432	lias:0.010167684321076759	ever:0.009762463191320334	bad:0.008978099246066414	:0.02122137301514183
is:0.24199926069113697	are:0.14882429958368382	and:0.10126524398804235	will:0.09691617216640364	not:0.06278566669176855	would:0.049215931244764824	can:0.0430550151605269	Is:0.040600905271204434	we:0.03910113686822696	:0.17623636833424156
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
I:0.1950136314860541	1:0.07252965389476305	and:0.06925043841707132	they:0.06299913181123155	which:0.057514572754096605	that:0.056202934142314954	we:0.03392984060240491	would:0.033271123284906536	will:0.028717766726220926	:0.39057090688093604
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
it:0.3143344376360027	It:0.232247755498348	which:0.04987181921841698	he:0.04032393764891888	and:0.03739420405538048	there:0.036840324538775074	that:0.03170129165610986	This:0.022213040730467624	He:0.018083956693238205	:0.2169892323243422
and:0.12749050321520874	was:0.0605986007044269	be:0.02903467239452996	feet:0.025956212126966815	situated:0.02539897199771142	that:0.022788012761357192	been:0.021951938137132296	is:0.021247613088753014	made:0.019140986868652187	:0.6463924887052614
of:0.46992174376997625	for:0.1048383864391684	in:0.09548028992168885	to:0.07608914364984526	and:0.053110771868943515	by:0.05183556138165732	that:0.03915433625763196	on:0.028886422170516252	from:0.026615981727765768	:0.054067362812806406
of:0.1844963856157692	in:0.09485028291915379	to:0.07886510940297871	and:0.051666396725663616	from:0.05052561664079207	for:0.046090709916114934	In:0.045161654716082834	at:0.040842040314618175	on:0.03894689024380929	:0.3685549135050174
and:0.07183289031255977	demand:0.025944685217575657	ready:0.021477506387310677	used:0.020653840313379437	time:0.018693235575541325	not:0.014344251169100857	vote:0.014321157386397571	it:0.014219992250690474	candidate:0.013420651590409303	:0.785091789797035
of:0.29319558160528564	that:0.11243190983820199	and:0.10094420461430882	to:0.09826153398613326	by:0.07139811885404693	in:0.06379939949600248	with:0.040981639602287616	from:0.03473328559368132	for:0.03309762430088164	:0.15115670210917032
is:0.11682042359220614	a:0.11018972289969761	was:0.08988335153724304	the:0.07123561010301067	had:0.07118153529246177	and:0.06680917138373826	have:0.0585431430824156	has:0.0565918177666714	are:0.04952751662151243	:0.30921770772104307
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
be:0.5011263614331222	is:0.10557864331479128	was:0.07749254682980522	been:0.06731477573773842	are:0.05062698057456445	not:0.04561211487675433	and:0.04239019836938674	being:0.03475301410059826	as:0.029712875671972675	:0.04539248909126642
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
and:0.472025074436914	was:0.09206160206334046	He:0.04366884010939085	will:0.03885666218933736	is:0.03535270543513263	shall:0.034426067648075806	were:0.03330786492615136	are:0.024555989086703124	would:0.02383414505677819	:0.20191104904817625
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
the:0.39197421844148245	an:0.29671836106492155	The:0.05108006840220256	and:0.03539442901525552	in:0.030550000212229193	An:0.027366668524934436	tho:0.02102458094721377	thorough:0.020441892348414894	a:0.015196044287731674	:0.11025373675561395
and:0.06836615806839769	closing:0.050893343497395126	was:0.030410464365082754	valued:0.024267484682224193	held:0.022214654137899494	sold:0.021055232583252027	2:0.020543621014705526	is:0.020278384145430397	arrived:0.019208907943256866	:0.722761749562356
it:0.055000746534323054	and:0.04868878910944659	that:0.0349097113177917	as:0.02354470151632161	to:0.020527471448089623	It:0.02029873877868309	of:0.01958113115643071	I:0.01926100696990506	man:0.01593036013515022	:0.7422573430338584
of:0.14251080434650595	the:0.12113812223070383	a:0.0864683015940144	and:0.06069039308856553	in:0.05302630971203877	to:0.0486896172452302	for:0.04544085784197917	on:0.016688146165207307	by:0.01581691633893868	:0.4095305314368161
of:0.43058650043714813	in:0.1120602101377428	to:0.08945386100548558	that:0.04020420895498623	by:0.040171221755288186	for:0.03780959025892701	with:0.0332078877559842	and:0.02703335563918135	from:0.02556800285390931	:0.1639051612013472
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
the:0.7621305985963663	this:0.04592609996940006	tho:0.04306550152227676	The:0.03392629167388591	a:0.025357953146566768	said:0.01906928086727815	tbe:0.018178897616100562	and:0.012669426755799247	that:0.011355745088918677	:0.02832020476340754
a:0.5848395150147581	the:0.18542284454857103	and:0.07087685157144666	of:0.03278425421935959	most:0.031785409650666036	The:0.025324045083140737	to:0.012156682122101343	A:0.011932233442575357	in:0.010183529959565011	:0.034694634387816205
as:0.06068311808994094	and:0.05476635033409195	right:0.040614630369992216	able:0.03155246452039256	necessary:0.025291765517764807	him:0.024725345559114476	is:0.022255893207057103	made:0.022106443350702415	time:0.021710501883597254	:0.6962934871673463
for:0.12920877828727392	want:0.1255995560237546	to:0.08819231967160976	ask:0.08210570367157466	give:0.08034647112902828	and:0.0662145338679199	enable:0.06109179053918978	refer:0.05875006845000954	of:0.050269389967017325	:0.25822138839262226
I:0.8003980080488012	"I:0.060400289482756525	1:0.04354373232057632	and:0.025979782499058166	he:0.007580313942063779	have:0.005014677288379278	you:0.0043895390187103	we:0.0038947524781365764	“I:0.0037624787247516815	:0.04503642619676614
<s>:0.09565731579319589	it.:0.026314726745337358	them.:0.016289281390320116	time.:0.01199049440259432	.:0.011875176015079238	him.:0.01161200302966545	country.:0.010169690217871471	year.:0.009057501195268377	day.:0.008783168808039496	:0.7982506424026283
of:0.3668282885767317	on:0.11835971151585128	in:0.08918930977396149	to:0.08789472759780172	from:0.05513494795255919	at:0.045805263382498226	and:0.04336666980289956	for:0.03856029553311984	by:0.03182718011164136	:0.12303360575293563
the:0.6307595872969167	The:0.0406326486691761	a:0.03662119180789462	and:0.03461858768448911	tho:0.02828763447181767	an:0.025865887210379954	great:0.02484370417909703	by:0.019484321161081987	their:0.016176535730608267	:0.1427099017885386
of:0.32571036888984223	in:0.13332834601098842	to:0.13169254595449742	for:0.09251863212690697	with:0.051382558197436146	by:0.050311839175835975	from:0.049979771466706575	at:0.04791344464118521	and:0.04566631063718799	:0.07149618289941304
be:0.3070711671694209	was:0.20129112922390865	been:0.10968187245931382	were:0.07634789517325022	is:0.07166449942575424	are:0.05285295006591381	and:0.042692388931067034	he:0.041814865439212395	I:0.028567475080905944	:0.06801575703125294
I:0.3484981294162065	we:0.15413470680260827	to:0.1287739987079788	We:0.0786355183113506	and:0.055644786772564236	you:0.04598809739214909	not:0.0394914769613277	they:0.03596711425250674	who:0.03207758417215959	:0.08078858721114844
to:0.5393312177362791	with:0.07475284887037603	of:0.06386564755592809	for:0.049253641573674144	in:0.04067255255146326	by:0.023258851333014117	told:0.019835268813768864	and:0.01767531973127061	upon:0.016318882445394936	:0.15503576938883082
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
was:0.13773086648747196	is:0.12894154763506532	as:0.11962753051860134	a:0.0869143587213886	are:0.08259381591983649	so:0.07977035626113674	be:0.062340450947810114	and:0.06178020178082351	were:0.05614968627216638	:0.18415118545569956
be:0.15790779832192897	was:0.10738817598998966	is:0.08436575534230505	are:0.07222588320570397	and:0.06045155243597367	were:0.048380760060449175	been:0.04741791115494244	more:0.036983382579378776	not:0.02669683898028237	:0.3581819419290459
of:0.18288366087034647	in:0.1184984403276124	and:0.1078527049737796	with:0.08991361349556164	to:0.07560580439494713	for:0.06877258275204096	by:0.05617723142005631	such:0.05493785642595405	as:0.05351516086184774	:0.19184294447785372
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.1778326675198528	of:0.11991917790552215	and:0.08019674953502157	to:0.06566511321031199	a:0.045219677911227406	be:0.04138496648311754	his:0.03629781042752792	was:0.03519788992953107	in:0.02700630001108021	:0.3712796470668074
the:0.39468716217666233	of:0.05882807776773167	an:0.05534748425866535	in:0.04112870252210355	American:0.040745846730655885	his:0.030580762958597043	and:0.029410802499711154	any:0.025956019858782663	their:0.023648876814288126	:0.2996662644128022
it:0.1898936989228213	It:0.08998462207640943	there:0.0790469860324584	they:0.06140208113455	that:0.05582443981464942	which:0.05166683548741283	he:0.0503760176127662	and:0.049222407474872956	I:0.03738029063895694	:0.33520262080510255
the:0.17861309321614838	of:0.10906515977153977	a:0.10294511159612804	in:0.09310242821481747	to:0.06361698269895845	and:0.04946445738330159	at:0.026574316401239702	In:0.025141630909044498	his:0.01559386989484498	:0.3358829499139771
the:0.19756521394844992	a:0.06007227138136919	of:0.04426286340220548	said:0.04276526102095845	<s>:0.03952852134357975	in:0.03688494569864915	and:0.0341795790988444	The:0.02535241828942977	No:0.012842014375604208	:0.5065469114409097
the:0.10485336062916964	and:0.06603514649592655	of:0.061852614181937444	.:0.03681132217237086	a:0.03320877795787578	to:0.03212988469495902	was:0.02794350498666409	by:0.02130942740378772	in:0.020459625496891575	:0.5953963359804173
the:0.3035057268706712	The:0.1955832618540692	A:0.10003089539156941	a:0.08894102175169427	this:0.05859926415457608	of:0.04803241350810351	said:0.023451696977195638	his:0.02257772236366691	Mr.:0.020019604037944738	:0.13925839309050905
of:0.24653835451367018	the:0.20652445751856327	and:0.11968350224352288	a:0.031328124486347114	with:0.029502095331532786	to:0.027771017042790443	by:0.02529188365664826	The:0.02323411188660341	their:0.023149458127104706	:0.266976995193217
the:0.1613625039981747	of:0.10449580403015415	and:0.08123055398549608	to:0.0790549860430906	at:0.05863115992195227	a:0.053997986133243636	in:0.0416169249730971	or:0.03117917552956469	for:0.030801531808718113	:0.35762937357650865
of:0.40918332118818207	to:0.08777998266848082	in:0.08523839978694796	for:0.07791930731706416	and:0.06701629011461271	that:0.06296408467400447	by:0.050889970313362023	with:0.041848362570920464	on:0.026093825837233794	:0.0910664555291915
the:0.20457498973283347	of:0.12050821071533777	to:0.07974515048881471	and:0.06069482046880614	a:0.06062864154258039	in:0.04565119292623583	at:0.025141157767470355	for:0.013487807919588	tho:0.013282642632057761	:0.3762853858062756
and:0.12872972105088717	to:0.07227858604943256	of:0.05425309677209928	the:0.03650005538424579	which:0.02576491750727203	<s>:0.024504388241587835	re-:0.023936663937332427	in:0.023240558661457134	that:0.022739686880605316	:0.5880523255150805
and:0.10826757802464834	well:0.09626777138771575	soon:0.051617352606942946	known:0.043989221017603615	far:0.03740338392522406	him:0.03573727755833947	it:0.03235156534237432	just:0.025993540131850793	regarded:0.022925920005845323	:0.5454463899994554
of:0.5041383401741938	in:0.2604083636548018	In:0.04836330253180774	to:0.047869917439569795	throughout:0.031427327658942766	for:0.024175874226005343	by:0.023551415040330415	from:0.02190346675752111	that:0.017375812335200302	:0.020786180181626958
on:0.19735164611024858	of:0.1812261753102937	dated:0.13328913461003583	ending:0.06413483036607706	in:0.041463579819239475	approved:0.03322506351908074	to:0.02865835173446347	On:0.02682165660365474	and:0.02462163293118244	:0.26920792899572393
has:0.2559705805375406	had:0.1805849159138356	have:0.11381755044001411	was:0.07719118152506158	and:0.05404751545753294	mortgage:0.04661282389242192	having:0.03923746642011405	been:0.03192668178281919	be:0.024148926503714852	:0.17646235752694517
the:0.13087787299382608	of:0.1227244337372524	and:0.08025503692600622	a:0.07697873592625161	to:0.04513622002192643	Mr.:0.036936442634786994	in:0.031202062299773778	with:0.02506970664364511	or:0.023582725236507687	:0.42723676358002366
which:0.11631025996885977	it:0.11313044617171834	they:0.09208180889800034	and:0.08422813097660459	you:0.08045933290604095	that:0.07544630171710325	he:0.06885675661902639	It:0.06879294562147163	who:0.043752117563119	:0.25694189955805574
which:0.1714898116868892	it:0.08917286108720096	It:0.08904617910333057	he:0.08451793614678905	and:0.06401635386944367	who:0.0529429871035348	He:0.041888266626933485	that:0.04153609754713262	as:0.02899265300315649	:0.33639685382558915
and:0.0972688821686489	was:0.05323091608319083	sale:0.039913883660668344	sell:0.039686389948105694	is:0.037244033460927826	are:0.03266076828764276	not:0.028306481100507846	as:0.027664669896507402	held:0.02508056632846024	:0.6189434090653402
the:0.3276367151054447	of:0.12763149064618962	and:0.09656977248635765	to:0.08698980591366533	a:0.07174213038805524	most:0.052318448736836116	his:0.033872681383988155	in:0.02578591119900068	their:0.02401448102121734	:0.1534385631192452
the:0.37879468141153305	The:0.0905601638531223	a:0.06258031819899203	and:0.04380061226814896	at:0.032016279239576936	of:0.03041924572454734	Mr.:0.026258027755812898	his:0.024980263780876387	tho:0.024621950224967496	:0.2859684575424226
is:0.2196143999904468	was:0.201534437848507	not:0.1070341339436237	are:0.07715705511764685	be:0.06261157592258709	a:0.05634939879909319	were:0.04918475349651351	in:0.04560753270912243	the:0.04083280663513789	:0.14007390553732155
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
and:0.1189733053664964	the:0.10287702719755622	of:0.08189169893754962	to:0.06345255385957328	be:0.04334095657672097	was:0.04121106403093484	in:0.03680279821111817	is:0.030567295462412034	are:0.02482235030573041	:0.45606095005190805
the:0.11089581447673329	of:0.07044615550524982	to:0.043913272964993255	and:0.041244237356711504	a:0.029074520504272196	<s>:0.025681167144053007	in:0.022976261790226372	.:0.018406312043985528	I:0.016446362696701317	:0.6209158955170737
of:0.17701736438131596	as:0.1000108502240857	by:0.0942968218280041	in:0.08190154989398098	for:0.07886727495343822	such:0.07488812633209904	is:0.07267736967709755	to:0.07015288326658967	with:0.0626731792197982	:0.18751458022359055
the:0.15738576984483632	of:0.1573301111646589	and:0.056492449397157675	to:0.0355488798173264	at:0.03485699563625659	a:0.024039683418450045	in:0.01983956745334736	.:0.013087108050575676	for:0.012975663553089403	:0.48844377166430164
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
has:0.34288361755933416	have:0.30084191389563647	had:0.18362046080000538	not:0.041548006792690266	having:0.024192982949221696	always:0.015414865766173068	ever:0.011684014231897893	never:0.011426372584920255	lias:0.009812497562200831	:0.058575267857920006
to:0.20645351633827927	of:0.1754428085705412	in:0.1593196324019381	for:0.07520819490933008	that:0.06910815107439462	and:0.0632263278728169	with:0.04810227227107995	by:0.046468423311339345	under:0.0325618403725645	:0.12410883287771604
the:0.10149212961523377	of:0.06722504894682785	and:0.061413751285098774	to:0.061286933841737556	in:0.029071146152069245	was:0.0268998148650782	Mr.:0.021570341724985762	that:0.021166759198937048	is:0.019476065145132605	:0.5903980092248992
the:0.18993880449201844	of:0.11639210830738761	and:0.08735698721996352	Mr.:0.04797666771675121	a:0.04136447797506552	to:0.030717163312382403	The:0.02649997786553738	.:0.022960452586241215	by:0.020277340511229532	:0.4165160200134232
be:0.14692340493981865	is:0.13069813599653965	was:0.11760932946393056	and:0.11687928583471081	are:0.06569937110200812	were:0.06060747977568094	been:0.05978399614373467	the:0.04343226146724077	have:0.039854606897989746	:0.21851212837834608
recorded:0.11854070255604501	and:0.07935141402261683	time:0.07143428537087648	was:0.05244204515632358	at:0.05170806731784443	that:0.04214143415705388	is:0.04171328676808056	be:0.035135173934412935	for:0.033183072577333675	:0.4743505181394126
made:0.11942847096974421	and:0.07979570471363857	caused:0.029091215056480817	shown:0.028426754301022945	up:0.02777670568714523	ed:0.027617079589566704	out:0.026630159435991316	taken:0.02626602987193105	done:0.02542850605479482	:0.6095393743196843
the:0.16704787957852962	of:0.1279059699399372	and:0.09985104331538908	a:0.06413561064997489	to:0.06315464919784543	in:0.03837822356130662	with:0.025702909659858934	for:0.021489230048133544	or:0.019915555641492846	:0.3724189284075319
more:0.21906647551743708	one:0.11803640605781095	two:0.07960818750564391	five:0.019383794066433035	dozen:0.015006108771069619	four:0.014892514855163599	three:0.014516995796538158	ten:0.012942022526606103	six:0.0121186092888798	:0.4944288856144178
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
;:0.017575008836024683	and:0.016630839564068155	up:0.009647472893590794	feet:0.008308056410237342	them,:0.008001720216953397	it,:0.007854256951231046	out:0.007104427270967982	him:0.006782820219307735	time,:0.00655492759842502	:0.9115404700391938
al-:0.1952709698378489	the:0.10227541305285877	all:0.06563502015724142	their:0.05778140854157794	other:0.05052135491551809	of:0.047739204836218935	and:0.04611699634598752	his:0.043548303378893385	al­:0.04223725293762267	:0.3488740759962324
the:0.31597391394107677	degrees:0.20136362400215507	minutes:0.1386549514280281	thence:0.08887349311908464	degrees,:0.026447189102763977	tho:0.021270849989486165	feet:0.020909206327254286	and:0.016961282109119288	grees:0.014081985801722789	:0.1554635041793089
to:0.32896899761556947	and:0.2674671727282859	not:0.03743200652738097	will:0.034727409410868965	that:0.029237973630581376	I:0.02919523639738899	would:0.024951596318471114	who:0.019825382117382453	which:0.01961933981281669	:0.2085748854412541
north:0.11721819402771165	feet:0.03287283357472811	east:0.021976800671203663	street:0.01939348288135084	land:0.014322325857680514	North:0.014176771038875184	south:0.013925772355945405	chains:0.01330883890294236	;:0.01208474862593586	:0.7407202320636265
the:0.4247952257721616	a:0.30329516954959573	of:0.059611364038729915	The:0.05261747225145274	with:0.03877117505254254	and:0.034667388272286735	his:0.024764252855531067	tho:0.02117646084186704	in:0.01906192293917377	:0.021239568426658834
of:0.26939397510082447	for:0.14575994640573167	at:0.09473618844870213	to:0.09456186820142097	and:0.0896265813603368	that:0.07938159301279274	in:0.059180927309238705	by:0.05214883237874354	with:0.031235445638655514	:0.08397464214355345
a:0.3837779085119259	the:0.0927008049073171	is:0.07973045762980044	and:0.07682258471624742	as:0.061077515167755315	that:0.056581285821501646	of:0.05432967441797741	was:0.04911574216827288	in:0.0464819199412297	:0.09938210671797221
and:0.15934977962462954	the:0.10249175147744868	will:0.06655042802271212	to:0.05188934764672995	of:0.03880735912304262	I:0.03506615274242478	a:0.02864831136101952	could:0.026654893675366494	can:0.024408411431821552	:0.46613356489480473
of:0.2012093305652591	the:0.12385701843371988	to:0.05969724233674354	and:0.05513517901235627	in:0.037649825758952926	by:0.02910447108416769	that:0.020229740188890892	a:0.01933958971909138	from:0.018287836746750552	:0.43548976615406776
of:0.3057586276201606	and:0.197512734689229	that:0.10083693728367372	to:0.07689838482645188	in:0.06836384189680977	for:0.05899128904568357	with:0.028447930497338104	from:0.022798806541854847	by:0.021362659904536226	:0.1190287876942623
to:0.20347428295789166	of:0.16329227645929606	for:0.10402024662970269	in:0.06196465053604869	on:0.052586903273994214	and:0.03852894858623239	In:0.03368267624622694	with:0.030181643435228587	by:0.019916060455124573	:0.2923523114202542
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
the:0.4429054434578697	of:0.14996216630201958	a:0.12320286127358762	in:0.05753901825834284	and:0.03773664465754165	The:0.03306541399153805	at:0.03138337098451481	to:0.028043653000129825	very:0.026434037432733915	:0.06972739064172204
the:0.23046809798986323	his:0.13322484806007467	and:0.10263382448852652	their:0.09089578464341448	of:0.05052476417048491	or:0.049102234410011374	in:0.04655047340391898	was:0.045756596161063874	her:0.03957251377286444	:0.2112708628997775
those:0.15415365781245258	man:0.0915249915169592	men:0.08975404615336947	and:0.06732674584743893	one:0.05608671730492094	persons:0.03828490178891627	person:0.03683593284900726	all:0.03135635182137048	people:0.02274845553132715	:0.41192819937423775
and:0.1752916876732847	as:0.15199849452697067	that:0.12533535021120917	when:0.0842279962137608	which:0.07136992679373629	for:0.06040168898211487	if:0.05204730961728223	but:0.0506205528538637	where:0.032582876735939466	:0.1961241163918381
of:0.3285011978463618	in:0.15460230538229935	to:0.14072683498872435	for:0.06917752626082957	on:0.06072332027283978	by:0.051320069931970906	with:0.04133559155705327	and:0.039920211366188584	In:0.03365567225642472	:0.08003727013730767
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
that:0.3142135362855082	which:0.10183251412037712	and:0.09415860049308514	as:0.05423315589688515	when:0.042441892400132894	w:0.04103054945205842	if:0.03284443898367074	but:0.029030845435677105	where:0.024120685527398083	:0.2660937814052072
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
a:0.4028917045874107	the:0.3890133816852498	per:0.04611332452789413	one:0.028258860951839365	every:0.022591447002058066	tho:0.02074750304635389	last:0.018651129496899684	each:0.014308140185527783	this:0.01252034396716311	:0.044904164549603505
of:0.28909873191130125	in:0.28332275371957555	and:0.07280224794651068	In:0.0696851303095135	was:0.054113606055854004	is:0.04996314895384896	from:0.036675118504887826	are:0.03554007824015825	to:0.03017200285610695	:0.07862718150224304
hundred:0.02999627730148954	Hundred:0.018474892751916095	North:0.016341630634675617	street:0.016076001027648362	north:0.014074790318451361	1:0.013187348587249487	east:0.010716888787784512	men:0.010609660238999872	city:0.010229419258582135	:0.8602930910932031
the:0.19735444772537605	of:0.15110246496274116	a:0.0979832185731506	other:0.07306412671090734	their:0.05894847835148316	his:0.04732614695708405	our:0.04680004739682904	these:0.043113256811554285	public:0.04206101630607216	:0.24224679620480216
of:0.3325240993851058	in:0.117789413577343	to:0.10383877055140707	and:0.08206940162513504	with:0.07325230639650412	for:0.05109435756689613	by:0.045264790534622325	that:0.03980153714326509	on:0.03945490459391484	:0.11491041862580657
;:0.0678030503782134	nothing:0.02940206222231467	it,:0.025385428425966725	and:0.0171307695173233	them,:0.016909059600273498	is:0.015982251693796187	or:0.01586911725238496	time,:0.009952901334052746	all,:0.008718027761760647	:0.7928473318139139
it:0.17446210238267795	It:0.16512138039676244	This:0.11580779511931819	which:0.07131888702327785	that:0.06268754379599907	this:0.05652048471821813	and:0.04054529143452458	there:0.036840538093569096	he:0.03013409703322793	:0.24656188000242477
and:0.0977687472377666	to:0.044381181114719816	<s>:0.025194742305637712	of:0.022799636270780826	in:0.020535618197612057	on:0.014111173574206848	which:0.013097754774966141	by:0.012879963028353187	.:0.010950454658791449	:0.7382807288371653
<s>:0.08453154336176194	them.:0.03704472695927448	it.:0.03329600583944933	time.:0.018573144461498867	him.:0.016764524211701118	.:0.013239172778704057	work.:0.01172281447746342	day.:0.011438061224166194	country.:0.010840586676735365	:0.7625494200092452
of:0.12551830267383224	the:0.09123979600805814	and:0.06165121311342423	to:0.04970615639404506	was:0.03589992628917584	in:0.034381762912693445	be:0.02827768691622312	<s>:0.02715589922604383	for:0.02558158944907876	:0.5205876670174253
the:0.30560387201963823	National:0.21416454535477103	Savings:0.05138968372319133	of:0.03381908528915224	State:0.028896957207956018	and:0.026741480979388776	The:0.025582065817435405	tho:0.01671752353709535	any:0.011951908547439353	:0.2851328775239323
and:0.18887717203417215	of:0.08703413088911922	for:0.05811301782390165	fact:0.05800471605213796	is:0.03908766396177433	in:0.03842612446916807	but:0.03392151169747016	to:0.029630350551122675	was:0.0277190335792817	:0.4391862789418521
and:0.11735516412570558	be:0.11464670267187116	to:0.11003076409988541	was:0.10368071082403274	I:0.06302221724955837	been:0.05876555446363048	will:0.05566010881606096	is:0.05417939202014196	he:0.04234076615968635	:0.280318619569427
and:0.21060131835586793	as:0.10407261838234842	that:0.09070643661222806	but:0.027054071192114743	or:0.02586935494675679	But:0.013941597753169357	even:0.013132646249084287	which,:0.01268076879867512	And:0.012663842392830098	:0.4892773453169252
Now,:0.5145081439851608	Now:0.09771869420406003	Now.:0.05159848469990932	is,:0.04357421737628835	and,:0.03690947273702022	and:0.03621126636897046	are,:0.032214772010787804	If,:0.01743899470236108	that:0.01517091512040594	:0.15465503879503603
of:0.39192629303489457	to:0.10198055163420056	in:0.0997609970079493	on:0.0759360901007881	that:0.07027190286883149	and:0.06267121900052983	for:0.03481374547126977	In:0.02538812378132194	by:0.02456810124076847	:0.11268297585944598
and:0.171815507862895	is:0.07956623685482399	was:0.07846545643778158	that:0.07317997637906982	but:0.07118516498484755	are:0.06559017487358909	or:0.040630877560757284	not:0.03520826735376443	to:0.029003314082071904	:0.3553550236103994
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
the:0.24385811273291944	any:0.11815627192502334	this:0.0851037501771909	a:0.08427312641794903	every:0.061332742705612696	of:0.04110988104760821	other:0.03692836693745019	some:0.03657915615654007	that:0.036411077827854056	:0.2562475140718521
and:0.09396725016025935	time:0.05797397196913175	ready:0.05470339802954811	demand:0.04727577203945264	used:0.0335829829764412	reason:0.03199794657165716	necessity:0.02811583052395269	not:0.028035369359742365	necessary:0.02553215843994867	:0.598815319929866
the:0.1961156073807156	and:0.10723925538890115	of:0.06655953623581158	a:0.049257360842951244	to:0.03446115258633282	The:0.03368285114588577	Mr.:0.031299800059544546	that:0.027685334300677756	by:0.020303312469153355	:0.43339578959002617
he:0.19719036010979096	I:0.17387867601069684	they:0.14371340883442457	we:0.06729615414612393	she:0.05522672595406565	that:0.04502228623840707	who:0.04433207766248836	and:0.04016128732206509	it:0.03993522868792513	:0.1932437950340124
<s>:0.0496297418242842	it.:0.03569746075217238	them.:0.022569451135689676	him.:0.021280387473005227	time.:0.012660103733358423	country.:0.012191276283525149	life.:0.009748333693763373	?:0.009293009654425418	work.:0.007754746926701466	:0.8191754885230746
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
and:0.15530093217595609	so:0.0917977152573843	say:0.06495378383897611	fact:0.05582705514685404	said:0.052754642727445115	know:0.05171390119232944	me:0.047675377644317694	is:0.04113439348779061	but:0.028258573811708966	:0.41058362471723764
the:0.18915697277681193	of:0.07556869233427602	and:0.0652077624967065	Mr.:0.03673634961227907	The:0.0355202837282201	a:0.03368697760586543	that:0.022934828394916305	as:0.021013771617600242	<s>:0.01778271685005391	:0.5023916445832705
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.18133526352862372	o'clock:0.17487864756480764	in:0.11159434407184272	on:0.06482484523784428	that:0.06204864828966344	and:0.06139287263923989	In:0.05014544840342467	to:0.03643340508975934	On:0.032412303085493255	:0.22493422208930106
the:0.1331954013331003	of:0.10395761905650669	and:0.09166744382168995	a:0.0674867672110823	to:0.04481959524883369	was:0.033914181021321675	be:0.027669522756191306	is:0.023821375196731925	been:0.01992601692954109	:0.4535420774250011
and:0.0955354503175179	was:0.04014432761196121	made:0.03552406268595355	that:0.03316461794614845	is:0.026518523982285606	out:0.02595534988135597	up:0.02550642763396469	work:0.025368825336120716	but:0.023646556901203784	:0.6686358577034881
he:0.17475438872346447	it:0.1359286733624291	they:0.09637533336931273	I:0.08453683576858537	that:0.07339259747557059	It:0.07261110104187243	we:0.044348645187426095	which:0.04425071068500445	and:0.04339726392581102	:0.23040445046052374
the:0.20319898453972757	is:0.14035953353980662	an:0.13164758924517964	and:0.13154441144249718	was:0.0703936721916451	are:0.06881455966771129	not:0.04865395780758834	of:0.03730516990194463	be:0.03656954089981263	:0.13151258076408706
or:0.14143215563386477	and:0.13806576434402365	of:0.12633875727550598	is:0.10532976032493133	are:0.09215089014490734	the:0.07697517705286763	was:0.054504408600140226	for:0.04542582460813762	about:0.04123138856252453	:0.17854587345309691
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.34859641359918264	to:0.14455259594282588	that:0.10246763340758318	by:0.08378214083275322	in:0.07078864633635062	and:0.06376096602499398	with:0.0406132000701193	from:0.03219939752891972	as:0.02827031944731922	:0.08496868680995223
of:0.18434684301157014	the:0.1014846511577531	to:0.06884125970214293	in:0.06155220770536728	and:0.05357593375061186	by:0.027018854880940368	a:0.023756740054895326	for:0.019083747039118783	from:0.018688503083457934	:0.44165125961414226
of:0.342136611692325	and:0.13365786266570442	in:0.0939324614271099	to:0.09129756256725959	that:0.06466963269025586	with:0.05343962679381331	by:0.04009369897846235	from:0.0360078209977732	at:0.02864627982824115	:0.11611844235905525
as:0.09070957522893763	and:0.06578736628276387	according:0.05921724650771688	up:0.05444342983204154	them:0.04455320285377602	regard:0.04000436122627331	come:0.038627387824939484	back:0.03569076101086091	return:0.033008621318438236	:0.5379580479142522
the:0.19765944413001754	1st:0.11059503755556872	first:0.09159328042083008	a:0.07596581773098715	25th:0.058877517517977276	7th:0.050144164699482324	10th:0.04774505795975605	12th:0.047349873882118795	21st:0.04468978504119164	:0.27538002106207043
and:0.14170530797940953	of:0.07227017679224287	the:0.04462003554708702	be:0.03685807754549318	a:0.035905515184589634	in:0.03203315204003	is:0.03168739705547206	was:0.03131301567082761	he:0.02922624312968863	:0.5443810790551594
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.2769773488665425	of:0.1353857803205275	to:0.12086704387527322	that:0.06415349773888461	by:0.06119025305738097	in:0.03656231927184457	as:0.029903477384513502	which:0.029600802631406232	the:0.022096026432113388	:0.2232634504215135
the:0.19466201310434508	of:0.1247452377718907	and:0.07442190529078195	to:0.06582265997899586	in:0.029341157876717035	a:0.0269509971750137	for:0.021076154932559314	as:0.018303588616253547	at:0.015548866529574393	:0.4291274187238684
the:0.1910704253968197	of:0.10278292495402272	a:0.06739097922089578	and:0.05340547682982922	in:0.03997532508767839	to:0.03734226210468834	for:0.02032047732916463	or:0.019679266273560682	that:0.018477027077957366	:0.44955583572538316
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
the:0.16577365456167048	all:0.11561263167182935	of:0.08195181513259144	other:0.05386669045968295	and:0.05384780112109084	on:0.04991902093524457	these:0.04447310731917807	their:0.04127753025983183	be:0.040517247021581444	:0.35276050151729904
out:0.07104996634326687	one:0.06555551405888944	some:0.0627501778995496	all:0.046947188129824735	part:0.04244529558942418	because:0.030012730108729443	account:0.029608778673136077	many:0.028457732299761007	and:0.025591822907501054	:0.5975807939899176
about:0.22464893059707858	and:0.13374968401089762	or:0.1243746019005892	of:0.10916325183235498	to:0.07140500200466297	was:0.05978232320776344	than:0.05555313859831312	at:0.054625190153156526	is:0.03453040400892333	:0.13216747368626022
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.2619918115723744	a:0.10228039702121106	of:0.07183161251754751	and:0.06668790900860097	The:0.032088872605528354	to:0.02797831177675868	in:0.024714832657685034	tho:0.02141263138876144	Mr.:0.017283800875709958	:0.3737298205758226
feet:0.09124682453705052	poles:0.0730701371555321	up:0.05088279168420823	chains:0.04885658892872941	entitled:0.03694920633644442	went:0.034748145318504654	came:0.03280590556373315	down:0.032521221296211	him:0.032446562119539564	:0.5664726170600469
of:0.15313190442589975	the:0.08553439074076737	in:0.08139150643070395	and:0.05999230588254799	a:0.05625927993548357	for:0.03988650853788563	to:0.03367791233859919	by:0.024770828270823733	In:0.022026180199624844	:0.443329183237664
the:0.18938750313773037	a:0.12612094480134725	of:0.11253456562477539	in:0.05443878103206686	and:0.043257743668272675	that:0.03184048564264579	an:0.028356961449686195	as:0.025209519000156725	to:0.02514282586540339	:0.36371066977791533
to:0.35262499938542774	will:0.17028848174843345	may:0.07659890668365754	shall:0.07046359834815272	would:0.06877140247844696	can:0.05977506828665862	should:0.05875729343612259	could:0.041771212767676945	not:0.03854236542250613	:0.062406671442917304
statute:0.2178702553998322	and:0.09230913868589358	that:0.03930311449245735	or:0.037115821972932075	as:0.030182620629376905	is:0.02632896711410034	it:0.02557299373610032	was:0.02345060337021054	be:0.023044230983195888	:0.4848222536159008
out:0.07705196530507513	one:0.05962491708401421	number:0.0429988694568312	means:0.03650330771565938	place:0.03337695559908497	kind:0.031281752075776346	some:0.02962722277168062	amount:0.028752449990380208	all:0.02552207485849159	:0.6352604851430064
of:0.16895698082148114	such:0.11844465799724253	with:0.1049521180605688	to:0.0946706773677565	in:0.09276066062330242	as:0.07997987879974156	for:0.06474306255453631	and:0.06382389099290418	is:0.053208455625876505	:0.15845961715659007
;:0.014908291772239828	in:0.012934463372274657	one:0.011828843907279988	up:0.011767376048106615	there:0.011687889465228068	men:0.0116610185678018	it,:0.010195263087478961	them,:0.008127488256489296	to:0.007236956660244112	:0.8996524088628567
the:0.5946378967924525	this:0.07494319115335547	an:0.06498111622936997	a:0.05018473207870622	tho:0.035544608180359684	The:0.02695861475618321	any:0.019305262638388134	our:0.018682824130955285	of:0.016548149535519745	:0.09821360450470977
the:0.11208673649433883	of:0.0811832204272049	to:0.052268557597038544	and:0.05007599138342977	.:0.044866152831554804	Mr.:0.04179640530354394	a:0.03682064340740841	in:0.029406728614136193	at:0.02035981048435502	:0.5311357534569896
and:0.10377406590489137	the:0.06880443329880252	of:0.058008638356086474	to:0.054449503112395284	a:0.024444462487183665	that:0.023315986735906284	was:0.023280069865996945	said:0.022144930553789504	be:0.02089041640193772	:0.6008874932830103
all:0.08812576128639328	it:0.07059515377419723	and:0.05780704516639062	went:0.03694474071779272	him:0.03314899535154538	them:0.031724633241545015	was:0.03158285686425942	is:0.02953197225761101	turned:0.029027409158986033	:0.5915114321812793
the:0.11963568410447895	and:0.07951124903941001	of:0.06825226613956396	to:0.0611751701938304	a:0.05571586257257412	be:0.028594878842944225	is:0.024939862649589955	in:0.024504313993319038	was:0.024212699061538646	:0.5134580134027507
the:0.2490211180888975	of:0.23795156008848262	on:0.08221246516631651	at:0.0640011002617524	from:0.054687308920666006	in:0.038022817428374135	and:0.0372367136579285	by:0.023203406569468725	to:0.01857636955311634	:0.19508714026499727
they:0.0957108708494744	who:0.0926804049463027	and:0.06571172058446355	which:0.06448110268231558	we:0.04950166439033332	They:0.04616656661972651	that:0.0403999373952707	there:0.04025483506030521	men:0.02915512246943006	:0.475937775002378
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
at:0.2617041005297505	for:0.09356247195960495	to:0.05892732399208524	of:0.05730294621208505	about:0.056810464592022894	the:0.04866614519213798	and:0.04465757201569451	in:0.03123310464065335	a:0.026845795379532543	:0.32029007548643296
of:0.3314896344764149	to:0.13472597198770878	at:0.07459613580671812	for:0.07399992150051125	in:0.06645652746539919	that:0.05989219987459887	and:0.058722658306858404	by:0.048624724027804406	from:0.04142290894573746	:0.11006931760824863
It:0.19862999709654963	it:0.18182826442813102	I:0.08854817331022292	there:0.08628562160298438	he:0.08277382591087584	This:0.059580635889489274	and:0.052952393178553686	which:0.03887899371043761	He:0.03532890100587884	:0.1751931938668768
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
at:0.44387022160140405	of:0.1295188325882057	to:0.11592733078709064	in:0.1101202691100387	for:0.0429099442390543	from:0.04049968540342114	In:0.036769341229266075	At:0.022148194956644635	and:0.021291064411633545	:0.03694511567324122
the:0.14001729000311636	and:0.10658852741311799	of:0.0657981883740189	to:0.05159050926326614	a:0.04441986735885808	was:0.035798549413028374	in:0.03477916441755607	be:0.030618742395989933	Mr.:0.02980702669945447	:0.4605821346615937
the:0.22355110598726743	a:0.10088901147009846	his:0.0982050232632491	their:0.09170821309882587	this:0.07682168280493597	of:0.07581776825898767	in:0.06518065327020249	our:0.052269105052717445	great:0.04896610838824011	:0.16659132840547544
made:0.09765452417409026	and:0.08255694893765723	accompanied:0.06441176097929167	him:0.042440743013402796	was:0.038053008919019735	up:0.029386294693781675	it:0.02892993093091403	ed:0.02855025435384266	followed:0.028353254432546514	:0.5596632795654534
he:0.1605469449555572	and:0.10860506363470422	it:0.08402299152193697	who:0.07051887107735402	He:0.06930673698171463	It:0.06655580372654273	which:0.05317865514501089	that:0.038377916401948965	she:0.02635491076137967	:0.32253210579385067
of:0.35219292422657966	and:0.1095553962896784	to:0.07910554684230216	for:0.07710321678744053	that:0.06633825721116816	in:0.05955154774137179	with:0.04949957279553273	by:0.04111127200191436	have:0.03510920491756341	:0.13043306118644882
put:0.14572081442753934	to:0.14313741775500904	of:0.13168158230623572	keep:0.07325447117421928	get:0.06041149150150639	take:0.05952693392168832	for:0.05784831902421885	with:0.05327969540354268	give:0.040568644808565694	:0.23457062967747463
the:0.11864215425377549	and:0.08972371643926988	of:0.04809559438679374	in:0.028133273792285047	was:0.0281079026913601	to:0.02452133112173075	for:0.021775516249969755	that:0.021265180784699016	is:0.021104290924603225	:0.598631039355513
the:0.12281737487915317	and:0.0944560106925923	of:0.06262727383559691	a:0.059858237753935645	to:0.026884931409380343	was:0.024133695860210462	be:0.023040391996733064	is:0.020962705336648742	at:0.01905623142507816	:0.5461631468106712
and:0.051973369120665455	it:0.03888288471393904	is:0.03249374158148984	was:0.02446583667853965	him:0.022428314804977624	feet:0.020866657978398224	that:0.01822269538682088	out:0.017195795790160357	them:0.017020160975013562	:0.7564505429699954
the:0.1243507012378897	of:0.10214840878262357	and:0.09879216549766301	in:0.04879668427171313	to:0.04793734987268137	on:0.03125901733302325	that:0.02211713251796273	as:0.019472201534672513	an:0.018627313603089914	:0.48649902534868084
went:0.12141368036789202	carried:0.11270413628121057	get:0.08055617324225255	go:0.08026050912082196	passed:0.07237058340110115	far:0.06709659036599304	taken:0.06369621907982212	turned:0.0546530622647796	ran:0.04694309404660892	:0.3003059518295181
the:0.33099109136058447	a:0.16457500318764604	of:0.10322578072185268	and:0.0604349517356537	are:0.050655751554868074	with:0.04546283148858258	very:0.04044622820743266	these:0.0367642526780338	other:0.0335847235155865	:0.13385938554975949
W.:0.11489995716529039	Mrs.:0.09555837589978601	.:0.08018018002952694	Mr.:0.0696592629704178	John:0.06568482817662682	J.:0.06338648220846164	M.:0.051727569072955046	S.:0.04415250611479485	H.:0.04353579666497964	:0.37121504169716085
up:0.07469094173326384	addition:0.06490775315471498	and:0.05883970137780779	came:0.05391000139087671	as:0.05313602455541655	due:0.04195010638163455	according:0.04101249375720817	reference:0.03993646584164144	sent:0.039190996417252065	:0.5324255153901839
was:0.2307071476301942	be:0.13133602912161121	he:0.0990301284601129	are:0.09266263654759471	is:0.08984144401860181	been:0.08493014784411833	were:0.07783140148050897	and:0.06960683870446889	not:0.045966374914379514	:0.07808785127840943
is:0.17259142955892112	ought:0.08272961521902446	are:0.08056057458647582	seems:0.07558392967483372	was:0.06572888558670693	not:0.06439114674223405	said:0.05149586598076354	seemed:0.04272828164381891	as:0.041024869025136954	:0.3231654019820845
feet:0.2911847358073886	so:0.110215121993409	inches:0.06480120539192664	and:0.053038294686091	a:0.043276190808788376	as:0.039077630676830934	is:0.038700936240174934	was:0.03623085455833019	too:0.031357161177576455	:0.2921178686594839
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
<s>:0.05853076640687723	that:0.05360000315563107	and:0.028468892423494714	it.:0.024960893987115183	but:0.01735835078593881	as:0.014815840893292666	them.:0.014318802615316317	country.:0.011732596730942993	of:0.011348659858762027	:0.764865193142629
of:0.2330919747924382	and:0.101906937508298	are:0.06569971490548346	is:0.05521063754236961	in:0.05006850059967255	the:0.03768501379685274	by:0.031923982083195995	now:0.03137399155579137	for:0.02983755634726208	:0.363201690868636
was:0.1802044435996141	be:0.16603542030147297	is:0.15723553226698003	are:0.12353978965327578	and:0.07909029727352669	were:0.06227356202626047	al-:0.041906339284713406	am:0.03883019944725355	been:0.037047415860588885	:0.11383700028631412
he:0.1633868098801211	and:0.16147018415249756	who:0.09374999768449316	has:0.08096674861249802	I:0.06483439807306643	they:0.06195995698481611	which:0.053441204655482376	she:0.049640460270046635	He:0.046699994158042386	:0.22385024552893623
the:0.24156982378488298	a:0.11252782972393238	and:0.07679911209546902	of:0.06348089954285306	to:0.051309258021741654	in:0.04408838750274262	The:0.036308244574232186	his:0.032140779949985196	on:0.022638067495779863	:0.31913759730838104
of:0.10631112473892627	the:0.09943241832474299	and:0.08159794106622675	to:0.08044019399615582	a:0.0411705846870669	be:0.032482607452970214	was:0.026600329505008413	or:0.02456876992697593	is:0.021232665187409037	:0.4861633651145177
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.21826500316180658	and:0.08438515103276284	a:0.05668777846188772	of:0.05471917619709315	Mr.:0.04794617488595558	The:0.039247560472211694	is:0.03253783367179741	was:0.02110312984163535	be:0.01875622082398016	:0.4263519714508695
was:0.24692577124174866	be:0.2444186154369625	is:0.14717078240512801	been:0.07885033261664885	are:0.057333709027860204	and:0.05232656538780893	were:0.04788836553180722	not:0.04490918647762203	had:0.040220451422952795	:0.03995622045146079
of:0.4516729495871379	in:0.19129313955453192	to:0.09872853189589083	from:0.05637835678463062	on:0.04364230871815815	by:0.03620698038717242	In:0.028630875882417008	at:0.02656816622593106	for:0.019239149536205844	:0.04763954142792428
the:0.2358861974355473	a:0.1183440217395787	of:0.08576553718004984	and:0.05843558721524296	to:0.03558688344459639	in:0.032289238868052454	be:0.026896833597609793	his:0.026885494810336183	or:0.024186518987526856	:0.3557236867214595
able:0.10430562753354225	enough:0.067228713258382	began:0.06363788677147143	and:0.06154632042342099	right:0.060014527787847397	time:0.059756243021311384	order:0.053791334357186145	him:0.05272709273304172	is:0.043709117471454395	:0.43328313664234225
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
that:0.3419610332794053	and:0.17462108718691777	but:0.062204517718653825	if:0.04193203612257851	when:0.04154521289619864	where:0.03998376405915123	which:0.03682454935730665	as:0.03417839862064303	Then:0.02354848377482195	:0.2032009169843231
he:0.25540439719407554	I:0.20415184683788343	they:0.11907427965514347	she:0.07315452027371415	we:0.06022740621725375	and:0.04761878041986986	who:0.04122061021674042	it:0.03480377364875783	that:0.032063170906127356	:0.1322812146304342
of:0.13961125503295035	the:0.11139779216969303	a:0.09947458789295573	and:0.08050831539082336	to:0.05818848048226098	in:0.04276888741158004	for:0.02197444643069259	that:0.020358006665050672	by:0.020259955798022377	:0.4054582727259709
the:0.7723990138213178	The:0.0850260018758406	tho:0.0371472078519534	its:0.02774966779798589	our:0.019864078350896087	their:0.013795644041322802	a:0.01286477501743873	tbe:0.011543913951387291	this:0.010365499391659684	:0.009244197900197667
<s>:0.06821868987542788	.:0.03363893872490454	it.:0.027274502905305576	and:0.015205663124889367	Mr.:0.011113370966974928	boy.:0.010721603749933051	him.:0.01034860511067913	time.:0.00991558383751865	girl.:0.009113657825559129	:0.8044493838788077
would:0.17959540429010784	to:0.13519794944916977	who:0.09755427043109222	they:0.08092794866467283	I:0.07229973568327139	which:0.06237819314755754	must:0.053838397959161594	might:0.048424713189248424	shall:0.04348004295022552	:0.22630334423549286
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
the:0.184230150584056	by:0.15006189908795955	and:0.10942533514742114	of:0.05235215586388684	said:0.03714072208075622	<s>:0.03316359657269732	to:0.0303481571519512	The:0.021415918981216666	that:0.017318058388508972	:0.3645440061415461
is:0.4104881891417079	was:0.2127079384541664	are:0.06409585481379489	and:0.06194311666545192	Is:0.054675323906239845	had:0.03212787586840269	has:0.02876911932348076	were:0.027106659720939952	have:0.023155276586665684	:0.08493064551914994
and:0.11582081944112449	was:0.04225261395959518	held:0.03592895762799326	Beginning:0.02926079870317736	is:0.027806631077598554	look:0.026545353863800903	arrived:0.026240397869270526	that:0.0255265603479058	interest:0.024134996272950678	:0.6464828708365833
to:0.16587220090853444	will:0.067090844742293	t:0.06374855643626783	that:0.04891398348951853	would:0.04569880422601861	and:0.04539820974480802	I:0.035176957137119755	may:0.030504623893655644	which:0.024192384170473855	:0.47340343525131034
of:0.39038890506600576	to:0.10339451244573836	in:0.09395920169936782	and:0.06410064917441256	with:0.06306549106118244	by:0.04895737834233893	that:0.04834011059056617	for:0.04139141347014915	on:0.039954982560940364	:0.10644735558929845
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.5608638650338464	in:0.1436037351035127	to:0.07397395683134225	by:0.059420488173657963	In:0.03107519355952082	from:0.026187310187564802	that:0.025855536357740544	for:0.02253438075468413	and:0.02175344189815464	:0.03473209209997565
the:0.572391235469075	of:0.08460896293287926	The:0.07112748761269326	a:0.029331832783121674	from:0.029194086191906766	tho:0.027591384921814364	and:0.02397059965765889	for:0.021395179398559814	in:0.016525134455012466	:0.12386409657727847
one:0.08837264426949418	part:0.038998327146227474	out:0.02722316887260893	portion:0.023814181613109088	side:0.019826910280117432	some:0.016247713638384235	that:0.01581493783524018	tion:0.01520297430519722	member:0.014040980918801042	:0.7404581611208202
secured:0.2578558888888281	made:0.05140069495435435	and:0.04131505427135333	provided:0.027551687070120238	conveyed:0.025929182610221573	executed:0.01989974254963543	that:0.019471008750129318	delivered:0.017571620360218643	filed:0.01734942672621686	:0.5216556938189222
of:0.22661397785189524	at:0.17373382895705672	in:0.131783442447956	to:0.10131185729806622	on:0.08133597869349306	for:0.063757846385529	and:0.06135528582068054	from:0.04356960899295679	that:0.0352090622709207	:0.08132911128144574
up:0.020677502627326348	men:0.014014541962690455	time:0.013080973192546762	him:0.012860558454792398	years:0.011519667964140133	;:0.010591329869401157	here:0.01021761967114365	it,:0.009794930323011132	day:0.009586717808003667	:0.8876561581269443
and:0.3485149478956074	the:0.13214575668201722	of:0.10518586369802481	from:0.04963362252854268	a:0.03854019619222965	that:0.03291274639036596	his:0.032119502122105396	or:0.02586047188420575	as:0.024858242892220453	:0.2102286497146807
to:0.2513703490872215	will:0.19382523452887132	would:0.1383323795171619	may:0.0968456711885216	should:0.07776455323426071	shall:0.07184146853915034	not:0.0708120194789053	must:0.037504917376371606	can:0.029376413448175976	:0.03232699360135979
of:0.2872948088488835	in:0.20654839799716698	for:0.07690370086443625	and:0.06337919000590077	by:0.05271500342998306	are:0.04687592310361908	In:0.04109363568609208	is:0.030738709690343913	with:0.024289320265406304	:0.17016131010816807
of:0.36650162659181434	the:0.15334809648641104	and:0.09497900587202508	a:0.07316902705058885	to:0.06262774608843809	with:0.050757370308923175	in:0.0414680066135391	for:0.03825779337815049	some:0.033253441161771896	:0.08563788644833792
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.1717918035879621	Navy:0.1371096249593474	War:0.09761129036701514	of:0.09589276702805391	Treasury:0.07659681684597448	Fire:0.06095736518593415	State:0.0473731886766637	and:0.015336755127974668	Agricultural:0.012475775746549162	:0.2848546124745253
it:0.17008493410003128	he:0.13767853241399758	It:0.1271680130182997	there:0.08973832505423499	I:0.07788599599299842	He:0.059854346110069574	which:0.0550017080393188	There:0.04903311720662182	and:0.04132268183991798	:0.19223234622450985
a:0.18985260571459192	to:0.1784468748871981	the:0.16394871990118604	this:0.14131451238250178	last:0.0905836412088073	and:0.04956199435289755	next:0.04282443972366891	can:0.03437720060013628	or:0.02701166486851143	:0.08207834636050072
the:0.1331954013331003	of:0.10395761905650669	and:0.09166744382168995	a:0.0674867672110823	to:0.04481959524883369	was:0.033914181021321675	be:0.027669522756191306	is:0.023821375196731925	been:0.01992601692954109	:0.4535420774250011
for:0.27795539253513174	of:0.23785044843356226	during:0.1271779613357412	in:0.09812493330188116	to:0.05860500688149786	all:0.036533752758954166	In:0.03525158160090062	at:0.03471335703860767	During:0.026926225377395065	:0.06686134073632827
the:0.19331209864184842	of:0.11015904874697245	and:0.07050524303908315	a:0.05839900630196124	to:0.05006321165405842	in:0.022926374229641718	his:0.0178882051215516	for:0.01595740866263889	Mr.:0.014152420027075834	:0.4466369835751683
point:0.06625970596987985	number:0.05480998846708859	line:0.052784631250770854	amount:0.04920855872061108	day:0.048439069098484965	out:0.04032652901920649	bushels:0.03283168271589537	state:0.03247792833842153	costs:0.026657843198483838	:0.5962040632211575
the:0.19037420289654036	and:0.07906966036696281	of:0.05892386992650127	Mr.:0.04283916629972599	The:0.040204133717099313	a:0.03128583518316688	his:0.02244877329254269	I:0.019028715741927524	that:0.018361976307509163	:0.497463666268024
for:0.18127644535143608	of:0.14379257774226376	to:0.09478545433341384	and:0.06908510642716607	in:0.0637653585082257	with:0.0616447449124487	about:0.050558141510023795	upon:0.049083710492516516	by:0.03235308605340463	:0.2536553746691009
of:0.21859463705181637	for:0.10352408371147492	to:0.09657030491462949	and:0.09368956530249767	by:0.07886678293237442	in:0.06383997659066837	with:0.05175615992718214	that:0.04443520494371011	at:0.030704274678970498	:0.218019009946676
the:0.10149212961523377	of:0.06722504894682785	and:0.061413751285098774	to:0.061286933841737556	in:0.029071146152069245	was:0.0268998148650782	Mr.:0.021570341724985762	that:0.021166759198937048	is:0.019476065145132605	:0.5903980092248992
is:0.09145371893143657	as:0.08099990938149366	and:0.06971145365235837	seemed:0.05253211996971562	was:0.04866938878069646	him:0.046939125429692065	seem:0.04311722649425661	seems:0.04211286556301928	reason:0.04139062931708942	:0.48307356248024197
and:0.1293984048071578	said:0.11906453521350747	of:0.11364217924367405	in:0.09576132758257097	on:0.0722926358807621	to:0.06587197118020344	at:0.04288097180467661	fact:0.03534409386718009	from:0.0322846337645405	:0.293459246655727
the:0.18927580197235688	of:0.10268000335673094	to:0.07193089873803327	and:0.06302722590064451	in:0.035804951354373886	for:0.03552877544733519	be:0.029165863199114864	was:0.021230450879771812	is:0.019324942212557497	:0.43203108693908115
the:0.6511923352084901	The:0.06644111805613274	and:0.04652223968054614	assessed:0.043732628171234106	par:0.042469777260408736	tho:0.03166974773792347	in:0.024405550579555534	of:0.02249678856085686	a:0.022264795678715043	:0.04880501906613729
;:0.02255620845960988	it,:0.018938466820205693	here:0.01419691666680549	him,:0.013908502069253172	them,:0.011076069037997814	him:0.009444246935145272	up:0.009440770847772572	time,:0.009063235768169722	in:0.008019594958106535	:0.8833559884369339
to:0.2290409200493107	a:0.1553600600302263	the:0.1388856896124613	great:0.07447024198991097	of:0.05846668729443815	in:0.05608031319628766	large:0.04907920014066542	and:0.046826662296962855	full:0.033600830218420516	:0.15818939517131614
the:0.6405462301943753	and:0.04569651558356067	tho:0.0434397272656658	The:0.028605907441839783	said:0.025248630870239427	a:0.018254895906211325	an:0.016806603460915594	tbe:0.01648835027123179	this:0.011953162518772533	:0.15295997648718776
the:0.09021475027604489	and:0.0728897114419438	of:0.06698765161904402	.:0.037834886532291355	to:0.025550935926291304	by:0.02358982970921613	Mrs.:0.02231492202356854	<s>:0.019584464883561123	Mr.:0.016579132974519996	:0.6244537146135188
the:0.23082743827968286	of:0.07657859801961335	and:0.05529649522493212	a:0.04962411480521359	for:0.03184036209077861	to:0.024916891489192645	in:0.021522609191119143	at:0.021222195743737647	was:0.017028961081894226	:0.4711423340738358
able:0.06333034543078214	and:0.057489200420798636	is:0.05445189499779616	have:0.051193826043758155	him:0.048367260533454165	had:0.0416959078666224	right:0.0394564535533081	enough:0.03872975251681809	willing:0.037343981635249573	:0.5679413770014126
it:0.1590565889904655	they:0.13590694928184083	we:0.1135057069682682	he:0.08137947666687065	you:0.079027836109729	It:0.07721702354739282	that:0.06933620763638194	which:0.059067645896469845	I:0.05757984766834109	:0.16792271723424015
of:0.1394164304548901	the:0.09015305255503946	to:0.05978571078879822	and:0.05507906644321297	a:0.05468645766106642	in:0.0430823644298479	on:0.033045531499603695	that:0.026390497183483345	by:0.021859351698842663	:0.4765015372852152
he:0.19719036010979096	I:0.17387867601069684	they:0.14371340883442457	we:0.06729615414612393	she:0.05522672595406565	that:0.04502228623840707	who:0.04433207766248836	and:0.04016128732206509	it:0.03993522868792513	:0.1932437950340124
the:0.18381955435890504	of:0.12278628617278592	to:0.06712513641920152	and:0.047137828846930165	in:0.021526543939127712	be:0.021486803358868087	for:0.019537956181941256	<s>:0.016423001571341925	a:0.015756752068020165	:0.4844001370828782
and:0.1343003192555246	that:0.035804891818913755	a:0.02379578113820081	but:0.02339415458770792	was:0.02021594242431246	;:0.015496623010562637	as:0.014836438464654269	is:0.014211946680728973	the:0.012915339707218159	:0.7050285629121764
the:0.2802210761821608	his:0.22123765998835637	a:0.11340206259140369	my:0.0744957725185624	her:0.07296027609758714	and:0.03224182084948518	your:0.028396517084071073	of:0.027994921869638246	their:0.02330850250938875	:0.12574139030934636
<s>:0.12042123909756847	it.:0.016259754436897145	.:0.013223610571147367	them.:0.01095536395818466	him.:0.010295763739159854	day.:0.008434216674062796	time.:0.007531446551358516	country.:0.006963028527612195	year.:0.006494913225254212	:0.7994206632187548
and:0.0969919850673546	recorded:0.06168410033926666	that:0.03190200520134444	office:0.0236716865058172	feet:0.022940381864923563	interest:0.0190107223614559	or:0.01860714080292832	payable:0.018201868855649433	as:0.017805868334014374	:0.6891842406672455
the:0.24173186644873054	of:0.1264804730623645	and:0.08331959595593887	a:0.07678669948469065	in:0.02227872850197047	to:0.019468778320699653	or:0.017891130897969953	The:0.01759084026465017	tho:0.015524648398075488	:0.3789272386649097
the:0.26862496706533917	this:0.16334025839963995	any:0.1435082399424988	a:0.1331306653330453	no:0.11629013754829973	every:0.05049453838846309	that:0.04472500165221797	of:0.0234033758858177	The:0.023251998354479685	:0.033230817430198595
of:0.3756015456239871	in:0.254891427260281	to:0.06962206206521955	In:0.05686885607955016	by:0.05543396790980372	at:0.05271617940302988	on:0.03747473154376431	from:0.03380814668344065	with:0.020150047081638554	:0.04343303634928508
and:0.24187834063029143	that:0.13145689314515463	or:0.04550014793653194	but:0.03889290498513392	it:0.021776683332258774	only:0.020665762621648907	made:0.01529407962680317	which:0.013942826307401375	time:0.013349011122233153	:0.4572433502925427
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
.:0.06160849161727469	the:0.06141457027012069	and:0.045671166104205685	of:0.04218312291350319	to:0.03182967239132327	Mr.:0.025211624905875075	Mrs.:0.02503558869820992	Miss:0.024978400589256586	a:0.022389770384820148	:0.6596775921254108
of:0.09873638258538157	and:0.0921410857712265	as:0.09014562505076942	for:0.08878897081866266	to:0.06985034252129067	put:0.05765177210959779	that:0.04782598511936192	in:0.04777754775066871	with:0.04271330760545837	:0.3643689806675824
it:0.1898936989228213	It:0.08998462207640943	there:0.0790469860324584	they:0.06140208113455	that:0.05582443981464942	which:0.05166683548741283	he:0.0503760176127662	and:0.049222407474872956	I:0.03738029063895694	:0.33520262080510255
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
the:0.17397824264085338	a:0.1332284109531476	to:0.11751038944359068	and:0.06407805100204186	in:0.04053262571227907	of:0.03861205931529473	not:0.03752742826307835	abun-:0.037000237026030794	will:0.02678255478306258	:0.33075000086062095
of:0.3488432839188333	in:0.19374224335504067	to:0.10076934855214537	and:0.048785947734929676	that:0.043831585783504774	In:0.04309473238262674	by:0.04063050413448456	for:0.03718770263086189	with:0.03555448055822798	:0.10756017094934507
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
and:0.018211104949098382	that:0.017226525843126114	<s>:0.012573812618856296	.:0.010385854055326592	it:0.007335869465997592	,:0.007064869318162456	:0.006888517009124814	which:0.006807981299254059	as:0.006113463575677343	:0.9073920018653764
be:0.36821252053240205	was:0.13451453744460667	is:0.11553608607912946	are:0.09694294918662152	been:0.07614476904595456	were:0.050512071229389915	not:0.039329842295293835	and:0.035948107060068075	being:0.03272564677048931	:0.05013347035604458
to:0.5323208041230819	and:0.07173255390660793	I:0.07039955467360688	they:0.05649576380782472	we:0.04901836715517627	you:0.045396770798363024	would:0.045204941629534444	will:0.044689356841791546	not:0.03959874894204519	:0.045143138121968136
is:0.22358121922056548	had:0.15869456505562554	have:0.13590757789460903	was:0.1333855115788953	has:0.13217094357909753	are:0.07495647504555619	Is:0.03166964807324965	were:0.025093600133657912	do:0.01949717537368237	:0.06504328404506099
have:0.30582816521704276	had:0.3011712543418025	has:0.19400295604311268	was:0.04036445081415325	and:0.022963443087412386	be:0.02195468846700475	is:0.02026449240865852	having:0.01824968173066677	been:0.018088555042079298	:0.05711231284806707
the:0.48132780935129804	The:0.09718065566759469	of:0.091053759147623	this:0.05775846379917188	that:0.04341682133362609	a:0.027122007847326737	and:0.02280356222043206	tho:0.02226102092919621	This:0.013853454401269475	:0.14322244530246184
make:0.13803292176613285	made:0.12036776717478934	put:0.08306624190431243	get:0.07378122116825654	take:0.06813565587038996	keep:0.06375767793603096	taken:0.05550158707585513	give:0.04822314821834075	kept:0.043317874745216686	:0.30581590414067533
the:0.14053726281295378	in:0.13439993800385786	and:0.12170162364219508	of:0.084099079197643	to:0.07048215004981787	or:0.0547839475044587	a:0.05449331859324221	In:0.03712093427658357	at:0.021422355985920988	:0.2809593899333269
the:0.7216002225116951	The:0.15891510366420294	tho:0.03279938130560911	this:0.016005490253445935	tbe:0.011629793113349789	that:0.0112590143617964	This:0.008620594646824574	a:0.00853482494364909	our:0.0076266778421756045	:0.023008897357251454
of:0.4893759710158676	to:0.08447084653859419	on:0.0755089023528646	in:0.07461587708644347	by:0.06333360383194568	and:0.04333014928368797	from:0.038404984040783914	that:0.03763512844924692	at:0.03696896803335437	:0.05635556936721129
and:0.24512371602155753	he:0.10345465352919536	had:0.07078392144671908	be:0.06443984047715924	was:0.057729228157438285	I:0.04288721314702155	have:0.04181269476336419	that:0.037362866632665075	the:0.036557103319775304	:0.2998487625051044
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
of:0.19045228045911014	Mr.:0.09469884872905729	the:0.08312602234279269	and:0.077177914843372	at:0.06745348885222606	by:0.06239498362692795	to:0.05290290395081858	dis-:0.036548834409796976	for:0.03428920907421351	:0.30095551371168483
made:0.11942847096974421	and:0.07979570471363857	caused:0.029091215056480817	shown:0.028426754301022945	up:0.02777670568714523	ed:0.027617079589566704	out:0.026630159435991316	taken:0.02626602987193105	done:0.02542850605479482	:0.6095393743196843
the:0.37740447668339305	a:0.07177077329278236	so:0.06962352094547704	other:0.06498372158989625	to:0.06377926111111039	such:0.0489738126291687	re-:0.046952689019554406	tho:0.042715160751475946	and:0.03985686420637772	:0.17393971977076417
I:0.29117409055992693	they:0.13174499877330337	you:0.10250510453958112	we:0.09783822319751558	and:0.0753990982796197	he:0.052170725703015196	who:0.045080363905771956	You:0.04071249353065055	We:0.03407313757024	:0.1293017639403756
the:0.7052517697378672	a:0.04745792069634887	and:0.03719260884720924	tho:0.030228800006255174	in:0.027685827792804	of:0.026745728556968395	The:0.023764052133207536	his:0.021492343944566176	great:0.014932870758010221	:0.06524807752676316
the:0.2642883624007927	of:0.10326688479244672	these:0.05548926417028937	The:0.052036337694121124	his:0.04806333085235471	and:0.03759727831447018	two:0.03287136725469964	some:0.03180199336655531	their:0.03134507002223345	:0.34324011113203684
of:0.4094263203312464	to:0.10884340954476264	in:0.08108877095114074	on:0.07313446036997456	at:0.07140648371835458	by:0.057453877484312674	for:0.04721199105769105	from:0.04493103755942529	and:0.038497676959701806	:0.06800597202339026
the:0.14151082409493515	and:0.09395826232628794	of:0.08615986759807032	to:0.0646753759550541	in:0.05215270585247155	his:0.03504395116210504	be:0.03490724716723035	a:0.03132327424896905	for:0.02984919584199262	:0.4304192957528839
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
and:0.08475213454213733	going:0.05863481801414243	him:0.055468212966013425	is:0.05446852575445102	time:0.04938725572299159	able:0.04693685028679198	as:0.046853862238022015	order:0.04316502221845618	enough:0.041879329075947255	:0.5184539891810468
the:0.46978551253192896	of:0.09272971862823705	Western:0.09168494451958772	and:0.06449841685531127	a:0.05882906620460274	The:0.03774346959066133	tho:0.025588279157549895	large:0.021117791316261597	an:0.02056178836815113	:0.11746101282770832
I:0.2603929946240397	to:0.12718227753348973	we:0.11170187405841288	they:0.08270943075636826	would:0.07597869220047962	We:0.06819277041136776	who:0.05760132774426267	you:0.05416724903013555	will:0.04587550107554564	:0.11619788256589819
one:0.09256824762898934	part:0.0674274335493596	some:0.05120648280056133	out:0.04944939543362918	all:0.03230362698104824	portion:0.028282467414459354	any:0.023294251004539735	much:0.02210418497572579	that:0.021590985948602686	:0.6117729242630847
he:0.20786989413563015	I:0.10276935996300361	who:0.09330149586052307	they:0.06726709902526262	she:0.05434595869646194	and:0.04974755009242985	which:0.04388005821217511	He:0.03641445868141367	that:0.03592110807205212	:0.3084830172610479
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.3262562953300449	that:0.11266913432148525	by:0.1115868674809416	to:0.09149296888617897	in:0.06807427687054692	and:0.06414253597766793	for:0.04355585728838567	with:0.03509915097565986	as:0.03328934441998681	:0.11383356844910211
in:0.30340745016986975	of:0.30161721467485564	In:0.08575285726347794	for:0.06569853092151774	to:0.06261633676326575	from:0.035223480294288845	at:0.03389710630407202	on:0.030715768175502325	that:0.02586807707967082	:0.05520317835347914
the:0.5547264050987768	an:0.13433355798308547	The:0.06899743763170614	of:0.06681826819774009	tho:0.02737815431394217	in:0.027136936156518188	his:0.02567624849800999	a:0.024822764594197737	their:0.02272321566761321	:0.04738701185841021
from:0.09821830115543682	and:0.0966797093952281	give:0.08582951007349986	of:0.08152249891671509	for:0.07806688068756264	with:0.06781965595597225	as:0.06658231777668028	in:0.06430790275646908	that:0.0513396511048587	:0.3096335721775772
and:0.1971351286031156	that:0.11700071077119414	time:0.06517033828821377	but:0.05746111921783239	day:0.04873976500535164	which:0.02173877712006624	do:0.017474088916891777	days:0.015079912691292312	the:0.014780657957290439	:0.4454195014287517
the:0.3699071587783065	this:0.19747393486335119	last:0.10883382041360296	a:0.10396669659072424	next:0.03581396246869668	every:0.025755431083602676	The:0.02544167620299604	first:0.023273160825854938	that:0.022833545047381974	:0.08670061372548284
a:0.13326010022644788	the:0.11378455441743222	of:0.10028899223945181	and:0.09431486957949671	to:0.05980036912590545	in:0.054083217259166316	for:0.05310007522305343	that:0.03503192327240865	by:0.026177663580490545	:0.33015823507614694
N.:0.2801291565886365	S.:0.2179134450201251	north:0.10402871631932994	8.:0.07877395186559752	south:0.05720385386768743	thence:0.03293645083084034	and:0.019363285574567457	of:0.016175165266367135	lot:0.014120252698399316	:0.17935572196844923
him.:0.04961711876880004	<s>:0.03553289620968723	it.:0.02965031458706585	them.:0.017790490900011852	life.:0.014216816826969214	time.:0.012480459263010524	years.:0.012422369725286268	her.:0.012311542122820549	man.:0.009999099494412826	:0.8059788921019356
the:0.44394368711580684	The:0.23590393420808592	and:0.06366555769749896	to:0.04040051655042347	of:0.028156435297298596	tho:0.02379279034553747	that:0.02314778054564895	a:0.021672668900923304	his:0.018711520847970793	:0.10060510849080574
the:0.19670387957172328	of:0.12034700726956073	a:0.08438228089640598	to:0.07002755359439007	and:0.06281574081115311	be:0.0453128674171294	in:0.03379866218947241	is:0.03220276533394172	not:0.029189418599409524	:0.3252198243168138
as:0.10165657989404907	and:0.06674727927470628	up:0.05377493881601949	him:0.03965329214023789	came:0.038371012946889285	them:0.03742860649292744	come:0.037191159938243935	it:0.035031358646387456	is:0.03323982725657548	:0.5569059445939637
the:0.20051323864213347	of:0.1121580187173921	to:0.0794610807632604	and:0.07830144778943067	a:0.05649848262681797	in:0.03454089741191692	be:0.030242460953634313	is:0.024885437758660686	for:0.024600508670062263	:0.3587984266666912
to:0.21632429755082455	with:0.18161330190770125	for:0.10759493537494844	of:0.0989977171520572	upon:0.05762995705620102	on:0.045403318451653754	against:0.040446100669387544	in:0.03144617983014748	from:0.030823024192253246	:0.18972116781482554
at:0.20019574401943915	of:0.1806013158406764	in:0.14833252573679828	to:0.08127886317173648	on:0.06498511204165315	for:0.0648944728858489	and:0.057868996324392234	that:0.040296604571923675	from:0.038253800346840276	:0.12329256506069143
the:0.2076587724451074	of:0.09079456350022899	a:0.06513495320844159	and:0.05043536484936086	to:0.042250948617553796	in:0.02815930571178313	or:0.026691185077378707	that:0.0229960448549321	The:0.020804438881788796	:0.44507442285342463
and:0.3195831129622531	of:0.03841629837665841	that:0.032560624895192465	by:0.027274208847118224	<s>:0.01731878716858424	to:0.0144140460589944	said:0.0063468137150581895	sister,:0.005794862659089519	from:0.005409610011680385	:0.5328816353053711
and:0.10459018168265463	the:0.09515440883436244	a:0.04129388761153828	A:0.0390074456299707	Mrs.:0.03192638256569798	of:0.02697353111376246	.:0.022635233781364502	<s>:0.02244879773139278	Miss:0.02031589612742257	:0.5956542349218337
of:0.2605441697547923	in:0.22258799995896913	and:0.09792444619667581	to:0.08429378879303955	on:0.07367934567225169	for:0.04865134501170624	with:0.037182733769668366	from:0.03704703395681235	In:0.034000683497395254	:0.10408845338868931
the:0.23616310928667109	I:0.1803301845368667	a:0.11763623528433127	and:0.06875061113746178	not:0.06371233307837412	we:0.0573856302582441	to:0.04737816018891852	you:0.03232452664941656	who:0.03189982955926504	:0.1644193800204508
out:0.07790998529144594	number:0.038075164508967294	amount:0.03553970539782379	place:0.029871897013434772	purpose:0.02854254138769511	cost:0.025065527480772645	line:0.021501535006461295	tion:0.020155879880484017	board:0.020029224141735857	:0.7033085398911793
part:0.05244573274832523	out:0.030107027354241755	one:0.02987713695597281	side:0.02872465837645074	day:0.0248736684474229	and:0.01378279826171373	portion:0.013775262886354382	that:0.012504962072067418	case:0.012264293525391972	:0.7816444593720591
<s>:0.0808788457198229	it.:0.032913204877648046	them.:0.023918522925408834	him.:0.01292944631403089	time.:0.012201494012258412	country.:0.009674188385867189	.:0.00894232077487821	day.:0.008487097222284438	life.:0.0077404240628253605	:0.8023144557049757
the:0.15855998147508585	of:0.11232663551036857	and:0.09766574948240145	to:0.05470039204344779	in:0.04242495638584383	that:0.03163904012251345	for:0.02757741991694945	by:0.025494887981015447	on:0.019145184835765404	:0.43046575224660877
it:0.14790073047012525	which:0.09052775344459273	he:0.08373109350290484	It:0.07701530725457068	and:0.06471575159885642	that:0.06344444553901543	be-:0.05160105973965593	who:0.035658042370556586	there:0.028264036269642086	:0.35714177981008005
there:0.2909043665052379	There:0.15435874282696693	they:0.1003411151360792	and:0.041610197136343445	who:0.041196533833088946	They:0.03061999784500396	we:0.02861935061684947	which:0.025979135081339318	that:0.01727501532591822	:0.2690955456931727
the:0.6563235924210048	a:0.09673740685137314	of:0.03949766618644942	The:0.038242583384732215	tho:0.026667123250757575	until:0.022454843481653584	and:0.01995825609393598	this:0.014927203180060503	too:0.013839250636244136	:0.07135207451378868
it:0.17446210238267795	It:0.16512138039676244	This:0.11580779511931819	which:0.07131888702327785	that:0.06268754379599907	this:0.05652048471821813	and:0.04054529143452458	there:0.036840538093569096	he:0.03013409703322793	:0.24656188000242477
the:0.206159241806719	a:0.12556014305145355	of:0.11517244801015267	in:0.06282471624846314	for:0.04794139501911967	and:0.04006888308205171	to:0.02992856436985244	by:0.027767850359726624	his:0.020309930668329625	:0.3242668273841316
was:0.24472100481408918	be:0.15213374627988852	is:0.14120367435860487	been:0.12625840120231138	were:0.058555988879633446	are:0.047608164536882984	being:0.033834718551626404	and:0.032107780627895356	had:0.0295379888865529	:0.13403853186251496
it:0.16577130814583219	he:0.15105213737825782	I:0.1002453459339446	they:0.0686073642566434	that:0.05943571941198388	who:0.05183918033273583	and:0.05151343835700033	It:0.050450101492891065	which:0.04594761578653598	:0.2551377889041749
of:0.2121641978876822	his:0.20126803324932838	a:0.1400547969749681	the:0.10591483779007575	my:0.10099120880761654	her:0.08418184612907044	for:0.0271369240478519	your:0.02091419488813973	their:0.019614146522183816	:0.08775981370308315
the:0.16828502693912337	a:0.10049035792373572	of:0.09714863402219891	and:0.08498858750174614	for:0.04564741696849832	in:0.04451674435332598	at:0.039273287520597534	that:0.03520836574136366	to:0.03459030077211065	:0.3498512782572997
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
and:0.06740387893644169	not:0.036800126593684576	them:0.029205362293191754	up:0.027773998678462593	it:0.02388831779225262	there:0.023309511775246892	continued:0.021616797365659385	him:0.020240161219763082	her:0.01913566102332925	:0.7306261843219681
of:0.10631112473892627	the:0.09943241832474299	and:0.08159794106622675	to:0.08044019399615582	a:0.0411705846870669	be:0.032482607452970214	was:0.026600329505008413	or:0.02456876992697593	is:0.021232665187409037	:0.4861633651145177
of:0.2922128129558814	in:0.2313654852238454	to:0.12090737973631688	In:0.05653017321589929	for:0.05487568343636879	from:0.04963838791369905	by:0.045940387153518523	on:0.044900697934321554	with:0.041461796144142304	:0.06216719628600678
hundred:0.01444191217773428	;:0.011834673680375107	him:0.010388473796696067	one:0.00968896846901267	feet:0.009556811899111724	up:0.008880191153313928	mile:0.007973380143655012	feet,:0.007606228831470488	time:0.007287466987906896	:0.9123418928607239
a:0.2398399769483688	the:0.1901510592265552	to:0.1384480609882178	and:0.08562294418005545	I:0.04833757123361214	we:0.03898451936340466	who:0.03469664531003834	they:0.03141625006995459	The:0.02751204348096871	:0.1649909291988243
and:0.08713263962263781	right:0.08636544899659951	as:0.06230323139904492	is:0.05696153631142205	able:0.05211710101990177	them:0.04546857276253675	necessary:0.04193860724496977	him:0.040206355978146605	time:0.03735941613202288	:0.49014709053271793
and:0.1707209562378123	of:0.15450569056805563	to:0.07831049607852746	are:0.06044211813049151	with:0.0588037603892459	at:0.057494801125417536	that:0.05684102385661781	was:0.05365145051662024	in:0.04859446065072292	:0.26063524244648867
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
Mrs.:0.11498328938332081	.:0.061779333573534614	Mr.:0.05712102652745101	and:0.041225458388891016	of:0.039492506187447915	Dr.:0.028103368846816124	J.:0.027768249871811743	by:0.025863743574627764	W.:0.02537848326126915	:0.5782845403848299
;:0.022701560046608303	mortgage:0.018576925300078186	Mr.:0.012628980601891084	street:0.01047411156007901	mortgage,:0.01016011461735465	contained,:0.00842954705746895	,:0.008351941030909362	feet:0.007105678108258772	one:0.006572430905262028	:0.8949987107720897
and:0.08604348650050357	is:0.07547924536398179	as:0.04901580910117471	him:0.046922177088033985	was:0.046234408189432856	not:0.04190047683473372	necessary:0.04140543984549285	have:0.03881870805337255	them:0.03611064536398133	:0.5380696036592927
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
hundred:0.01444191217773428	;:0.011834673680375107	him:0.010388473796696067	one:0.00968896846901267	feet:0.009556811899111724	up:0.008880191153313928	mile:0.007973380143655012	feet,:0.007606228831470488	time:0.007287466987906896	:0.9123418928607239
to:0.3465985811778675	will:0.20202054325657587	may:0.09134589087904205	shall:0.06533738596148371	can:0.06417176105736912	should:0.061699520503265784	would:0.050336738423718316	must:0.04455469696001086	could:0.04118160300521281	:0.032753278775453996
;:0.021457487975289093	up:0.014569926875739408	him,:0.00800685213101759	,:0.00776950106792161	.:0.007615495307243892	it,:0.007260545886060709	street:0.007105672377771431	in:0.006635094261867814	hundred:0.00620481604165952	:0.9133746080754289
of:0.2984754518051319	the:0.14130582160001287	and:0.10548863422919724	a:0.09757670305661617	in:0.07417589025890364	with:0.044058045316352504	by:0.0424853636732227	to:0.03415916628722207	for:0.02713401108135686	:0.13514091269198403
of:0.27265374285559296	the:0.2688334924342337	our:0.05695870497899866	their:0.05010264580873133	and:0.04456701888883423	The:0.030478574534498957	his:0.025764521770967445	all:0.01713311657119994	or:0.01702532227598375	:0.216482859880959
the:0.14517560055032913	and:0.10036271317786162	of:0.09500378148282847	to:0.07376273095903182	be:0.044598635029191196	a:0.03631923823144349	was:0.035673333465864404	at:0.02739104829636097	in:0.026270180268733814	:0.4154427385383551
and:0.15447967570559198	he:0.11318605122251306	it:0.10243468534599959	which:0.08618008041238018	who:0.08391164873343533	It:0.07849298178464735	has:0.052490456422370685	had:0.049947617685488964	He:0.049794223405411335	:0.22908257928216152
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
the:0.7052517697378672	a:0.04745792069634887	and:0.03719260884720924	tho:0.030228800006255174	in:0.027685827792804	of:0.026745728556968395	The:0.023764052133207536	his:0.021492343944566176	great:0.014932870758010221	:0.06524807752676316
the:0.4259112906079352	at:0.1646537897156027	of:0.15255990841654465	for:0.059885696292511365	in:0.051597081926349944	a:0.034307030903500894	our:0.023973119558390658	tho:0.018725019028901963	their:0.01783544200483869	:0.050551621545423926
to:0.5606049428246652	the:0.1008562623574151	will:0.06419855004860826	and:0.06318331497987173	shall:0.06182725795572414	may:0.04171691730768367	a:0.033085335509736	would:0.029986866215270268	should:0.014723903187184053	:0.029816649613841527
him:0.02494659599230191	;:0.01487772965405297	man:0.012826628951379817	him,:0.01053555299716851	up:0.010332831893804855	and:0.010083138836835061	himself:0.009258682528632555	in:0.008913702740427201	man,:0.007933669360602887	:0.8902914670447942
the:0.2176475034494582	of:0.14567572444127788	and:0.06191808329671086	a:0.05334838509445824	to:0.04809708720324561	in:0.03199597165430182	for:0.03042194384139912	or:0.026580277913706665	The:0.020721564121140606	:0.36359345898430095
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
was:0.1394385469949018	and:0.1206147685592273	is:0.11375957284322141	be:0.07100690552601087	are:0.06576983889985843	been:0.06464878121367518	not:0.06207318627806459	or:0.06085669312499753	were:0.04825005259589341	:0.2535816539641495
the:0.2927718821182676	of:0.10304401081365484	to:0.05375007541609378	in:0.05153694102950825	and:0.04234711069902532	a:0.030827282893517015	at:0.027101226400904843	by:0.0235926495159881	that:0.018091743805967536	:0.3569370773070727
the:0.10074915431511007	at:0.08872061108624321	No:0.08486036043459674	No.:0.08222356153209649	and:0.07770707221540225	a:0.029177642701118847	about:0.02791883437380058	on:0.02662382747725974	of:0.022186273940808902	:0.45983266192356315
and:0.1313056501793289	made:0.034551030036317	necessary:0.03191530070016697	provide:0.023191256277008975	him:0.021827387004521748	time:0.02091411247587312	but:0.020346196766889778	pay:0.02006785098451588	responsible:0.019399383232926184	:0.6764818323424514
foreclosed:0.09634386882946343	accompanied:0.06914744523154118	made:0.062220870833543704	and:0.059623448501614024	followed:0.05567422914917625	surrounded:0.03148136347170944	up:0.026111816226809845	caused:0.02316153437489157	secured:0.022889564253045367	:0.5533458591282052
and:0.10500435636493026	that:0.07768419409351075	a:0.04681086501201833	one:0.031757979836611126	but:0.023161404637420148	long:0.023039683063968152	;:0.022782028768894638	worth:0.01779439800608097	and,:0.01422011942774645	:0.6377449707888192
of:0.4789872240324377	to:0.10179144932399815	in:0.08111732970564735	by:0.07342996973410981	that:0.05653378386355394	and:0.04283395997603881	from:0.03490773217314617	with:0.027800272828778307	at:0.02314970979456788	:0.07944856856772185
they:0.12968027675087954	we:0.11720866917569675	he:0.11301217786034423	I:0.10915623545986541	it:0.0780942537105434	that:0.049429927787649444	you:0.04766443861629837	which:0.046050265781175416	and:0.04018505934212304	:0.2695186955154244
I:0.2598282957996882	we:0.13957909730737045	they:0.1388188210180517	We:0.09412798836302537	who:0.059590244341527994	to:0.05349153900233156	and:0.044784269505557875	you:0.04266533122354936	They:0.03252473414757809	:0.13458967929131946
the:0.47486322029013595	in:0.11167337147558544	of:0.10305535667732874	to:0.07501063744745227	this:0.046662616652727425	at:0.03716738872013957	tho:0.029614262928435154	In:0.02874714821932279	The:0.021345405223189673	:0.07186059236568298
the:0.21994355163298282	other:0.11311671965426416	and:0.10670354891253485	his:0.055781638131232	more:0.05205221395643667	as:0.04462619507769888	two:0.042623402365887214	of:0.0425508475949121	a:0.039730731980577555	:0.28287115069347374
the:0.2523996570887529	a:0.10928270972205247	of:0.07486676229323375	and:0.061802289712804916	to:0.050258262938628305	The:0.03907046174632961	with:0.026023979597311397	an:0.02347591167879698	in:0.017487941232678814	:0.3453320239894109
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
the:0.386845875845937	a:0.2504152103314166	The:0.07135637030863538	and:0.03419446065989701	tho:0.03193437704715443	consumptive:0.021920897536462865	other:0.015887777074024598	of:0.015886998032293008	tbe:0.01489739261111547	:0.15666064055306364
the:0.19670387957172328	of:0.12034700726956073	a:0.08438228089640598	to:0.07002755359439007	and:0.06281574081115311	be:0.0453128674171294	in:0.03379866218947241	is:0.03220276533394172	not:0.029189418599409524	:0.3252198243168138
and:0.19880875124580277	the:0.15009913655647583	of:0.05443486127461451	a:0.05417600976568962	an:0.05155850354163402	his:0.04647453578408898	their:0.04368368774963108	her:0.030017117015875262	is:0.027093374243978216	:0.3436540228222097
be:0.19531238218575409	was:0.17917651601745824	is:0.1343324396899598	been:0.08992349430697219	and:0.0838990509733599	were:0.058614313023755714	have:0.05159674342731841	the:0.05034820010590059	are:0.04891284234491046	:0.1078840179246106
it:0.18143874199255758	there:0.10331969695424356	It:0.09198639939220059	which:0.08073126991269376	they:0.06240522313208139	that:0.054082648531678275	and:0.05144105994683339	he:0.03253148924096088	There:0.03214778196988864	:0.30991568892686194
the:0.31630066801403645	and:0.18822647424348043	or:0.10398333363998005	of:0.09086178371300488	in:0.06511770303809103	any:0.06320085444587178	to:0.04224936002236088	all:0.038964331789716145	at:0.036077069483167655	:0.05501842161029069
a:0.18339577203423826	the:0.14815067284956202	of:0.09179814340796776	and:0.05133844675873767	to:0.03682082658247164	The:0.02321419543366819	in:0.021668866350216098	that:0.021664889945489266	an:0.020304735675620578	:0.4016434509620285
the:0.4046001953026486	a:0.11067149697763648	of:0.09982843606247034	and:0.07977586142720199	on:0.07333817051785599	said:0.07302952411809276	described:0.03965667343385754	The:0.035409534101791255	tho:0.02473159992057876	:0.05895850813786626
of:0.10776520614265969	the:0.09642153598288468	a:0.0614537714704945	and:0.052166882850088706	at:0.031708309608170004	to:0.027829858679460032	.:0.027328551826188693	<s>:0.026382308951666097	in:0.022628192825338043	:0.5463153816630496
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
of:0.09818883693802144	and:0.038503652032103736	to:0.026600465356521913	Section:0.021611563372362103	for:0.021016138419218875	.:0.020353470344586847	No.:0.020251164483712048	New:0.018861538860955554	June:0.017443305995807224	:0.7171698641967102
of:0.3187883211619699	to:0.10604095200963648	and:0.1011727640553806	in:0.08056057981585407	for:0.06569782228010496	that:0.060404985018238364	by:0.04983688292945206	with:0.046114024587732214	all:0.03841933926326171	:0.13296432887836962
the:0.1737262047395458	all:0.1306941919821397	of:0.12941602961399873	a:0.11588321099373437	and:0.08811315434471866	in:0.0413636001383508	most:0.040916517857073495	to:0.021128446967176185	that:0.020186064133592307	:0.23857257922966996
to:0.7822438760473082	will:0.05146683905361472	and:0.03693398712360019	shall:0.024704627741423162	can:0.02378935022713069	not:0.019313939936435393	could:0.0178187335006777	we:0.014344622193214434	should:0.013586204685583622	:0.01579781949101198
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
and:0.11668015282722721	covered:0.05892305523948258	filled:0.03904780388102992	but:0.03710436242645396	up:0.029988407605198886	together:0.029477263482717602	it:0.021582255318402636	him:0.021083291569823633	was:0.019846102754332188	:0.6262673048953313
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.1677358806731248	of:0.14213068286338554	and:0.11548949370087304	in:0.08142395801106306	a:0.04759725329984451	was:0.04180326252080823	is:0.03301953996150877	are:0.028585562231514504	be:0.02738162752299306	:0.31483273921488447
hundred:0.03489541017787307	up:0.02312793672547315	time:0.018778494713890925	street:0.01739901032970656	dollars:0.014790938613219822	boys:0.013961575281646732	women:0.011039023737775868	wife:0.010857317886304146	land:0.01079666593478478	:0.8443536265993249
that:0.1855838831176263	and:0.13078532632929357	as:0.11899055243614111	which:0.08740145329530724	if:0.0625403423847879	but:0.05862494344522629	when:0.05799476708753419	where:0.036334195166925175	what:0.023062740399085728	:0.2386817963380725
was:0.15591102409895716	and:0.11733372173729763	be:0.09988314707170029	have:0.0818302617326702	is:0.06924693523769143	were:0.06123490579177628	had:0.05605329450915948	are:0.055867891373590856	been:0.054114760006833636	:0.24852405844032305
that:0.25254878072888487	which:0.1467337682766322	if:0.13854428606768	as:0.10670672913441152	when:0.09170046417575489	and:0.06324279321037161	but:0.030308755300917846	where:0.030138856674275804	If:0.029608220964817047	:0.11046734546625418
and:0.1175774971983863	the:0.097246272989437	of:0.07559743354447596	to:0.07275441835525306	which:0.029340410528513803	be-:0.0268136125203793	that:0.025114745766276394	a:0.022909572420426252	he:0.022232306875517433	:0.5104137298013345
to:0.2699925124665765	in:0.16621677154990747	a:0.1178687671863488	the:0.11000675332028481	and:0.04770441417346497	of:0.04366781272473247	In:0.03331062177666972	great:0.02489213278901832	full:0.02445250832735939	:0.16188770568563757
to:0.2718925191753955	will:0.20032126190847457	may:0.0966953146227039	shall:0.08750988282062752	should:0.07824494827440315	would:0.07386181173843631	not:0.048347573701908675	can:0.04691457669903672	must:0.04678558700087591	:0.04942652405813778
it:0.02367677959165949	him:0.01812234565062229	in:0.01509448907696207	;:0.012242317899835644	them:0.011677111736773431	made:0.011609942985999624	it,:0.010939491537401688	them,:0.01091267115230939	and:0.010225382212924518	:0.8754994681555118
hundred:0.7496900266814228	dred:0.03685282149149282	dollars:0.03555737080619778	due:0.008809195003093717	five:0.005534730258461917	one:0.003540413521651173	two:0.0029255372970995626	Hundred:0.002914534611479333	four:0.0027446865957953307	:0.1514306837333055
the:0.395273625399465	of:0.16274264383203754	a:0.09326779876410059	in:0.06098355936612191	and:0.056180175717117024	The:0.04902975492494683	no:0.047165376064377644	their:0.039954155439461465	any:0.03369851688968475	:0.061704393602687285
the:0.21539052033169115	of:0.17730340988270923	and:0.07338253644421608	a:0.0421789056041129	to:0.041460980038364716	in:0.0281454848036503	The:0.027779641133282483	that:0.02139308374505875	by:0.02048072794196999	:0.3524847100749444
sum:0.016328629329483636	out:0.011199130054419226	amount:0.01098427885233564	number:0.010966495951007758	Board:0.010606384122442537	day:0.009994987531108633	line:0.009797732497612439	county:0.00968943267720081	purpose:0.008481733832078262	:0.901951195152311
the:0.16586117597037195	of:0.1501669156888024	a:0.1284026754071015	in:0.03936512518052641	and:0.03724094192608464	for:0.03575946655449236	to:0.029772657929868596	that:0.02177497962173596	which:0.01670269896374313	:0.3749533627572731
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
-:0.07559683470739388	ti:0.06280170822252946	to:0.04302956256505054	tl:0.035373631581712986	of:0.02808824946734746	I:0.023211271057223943	t:0.023117574373424075	.:0.021473016088406884	a:0.02057352898163186	:0.6667346229552789
of:0.32645616997606214	in:0.09349684256507844	for:0.09235497094789534	and:0.08587310386356996	that:0.07859696089883524	to:0.07050688767237107	on:0.048353149923559775	with:0.04344931678417093	by:0.027657208268521034	:0.13325538909993606
in:0.14557440865169408	of:0.11289327825509128	the:0.08527392821259443	and:0.06437529982342059	for:0.05488254176673715	a:0.03808718814306912	to:0.03699595218284497	In:0.034301016692017613	was:0.019868772630116955	:0.4077476136424138
be:0.299108285771659	been:0.10785506145822595	was:0.09563669200951812	I:0.08925251054327814	ever:0.08081916099552955	have:0.07635210790390971	he:0.060841743617694476	had:0.05694006675629573	never:0.05215417676539058	:0.08104019417849877
to:0.3395431249154572	will:0.22991449046079904	would:0.10798110053376479	shall:0.08100614948062931	may:0.06922424311004756	should:0.04916818176452983	not:0.03252566375084792	must:0.03245630386461755	can:0.01667928489338863	:0.0415014572259182
to:0.34378129718365846	will:0.15287135864951518	would:0.08615903395787451	may:0.07844929048361882	should:0.05682249178971402	shall:0.05432412913287461	not:0.05091775331157668	must:0.03610577244404393	can:0.03580596083245932	:0.10476291221466445
the:0.34483942410241397	The:0.23061629292798153	this:0.13113112849846642	a:0.07611628947347876	that:0.06260526518586564	This:0.05770930981522819	his:0.022267798740420324	tho:0.020107045673237053	whole:0.017454549012476454	:0.03715289657043171
was:0.2702104548111933	be:0.17767283472391115	and:0.12728466802755364	were:0.1137814744469405	are:0.05736541172709344	is:0.056113707983100974	been:0.05466579940066563	a:0.030906420239054187	very:0.030066034866830536	:0.0819331937736566
of:0.17992761180963826	the:0.17749902443055282	in:0.12331696780694086	to:0.08429953974283229	at:0.0665654509356599	from:0.05061452035039849	and:0.050564158822663886	In:0.035315059982155145	by:0.022194843700130626	:0.2097028224190277
is:0.13597287962495477	was:0.132069969162431	are:0.13074714482060631	a:0.12145590184406085	the:0.10274506319783284	were:0.08168501641722509	be:0.06761288641705025	and:0.04234216177763501	his:0.03703080987202387	:0.14833816686617998
girl.:0.13729944658869933	boy.:0.134823431558329	of:0.07831811427557306	the:0.03184457135101249	lots:0.023166885259620615	.:0.023064641371976648	and:0.0211774526931534	<s>:0.01926031405384633	St.:0.015500827272815343	:0.5155443155749738
the:0.11617300569447489	of:0.11140816985333526	and:0.07074014744870147	to:0.06535058629741988	a:0.04429843779039152	in:0.04227620725253903	at:0.04219923780741215	by:0.022011826066802413	for:0.019280314507830493	:0.4662620672810929
the:0.3943427543046071	The:0.11735237923946747	a:0.0853052800399426	distressing:0.05579283284221884	of:0.037944361609569814	other:0.03493603087600563	no:0.03393156836631564	our:0.03296126632098592	and:0.032054394942125995	:0.175379131458761
go:0.07099554973997957	them:0.06509626407382893	put:0.06375620955512633	come:0.060976491184314155	went:0.05364159743907119	came:0.05102153794347943	brought:0.050231121633442434	back:0.04765730623502045	it:0.04621421926529465	:0.4904097029304429
of:0.3309738856791637	in:0.14417337845995784	to:0.09315578172909716	for:0.08740274590577604	at:0.08582654752611708	and:0.05797164630456832	that:0.040067716987824596	by:0.03760220379429118	In:0.034377965028489686	:0.08844812858471438
to:0.19681522659604217	the:0.1715199186438256	took:0.10108636848379386	a:0.096111468880039	take:0.08789038312942826	taken:0.05781166669073462	and:0.054493690722126904	that:0.0413113296852511	in:0.0397202949675184	:0.15323965220124008
the:0.2694627942205778	of:0.1043663505964006	and:0.06574884134492942	in:0.06513589035886652	his:0.059457727195868997	their:0.05123662388603796	this:0.04871946372110733	that:0.041175094130229364	or:0.03243896646418646	:0.2622582480817956
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.12336494785405008	of:0.09847305356894266	a:0.08560366484507075	Mr.:0.05255180259254803	and:0.05226406650464833	to:0.04542034346616952	in:0.042143470933531206	at:0.03088579992871574	.:0.030825230561831018	:0.43846761974449266
made:0.11942847096974421	and:0.07979570471363857	caused:0.029091215056480817	shown:0.028426754301022945	up:0.02777670568714523	ed:0.027617079589566704	out:0.026630159435991316	taken:0.02626602987193105	done:0.02542850605479482	:0.6095393743196843
and:0.11284257826127583	of:0.1028386743393509	in:0.0683783264336754	that:0.06737667849673193	put:0.06437484952751547	on:0.057591668618214895	as:0.057529197664354784	make:0.0484978246816776	take:0.04243784034650628	:0.3781323616306969
of:0.14503418120631556	Mr.:0.09985190684699687	the:0.08751151966901627	and:0.05958356474180438	to:0.03943884195022231	.:0.03128535206372605	a:0.025896840868402125	was:0.022162915377185087	his:0.020692699276601105	:0.46854217799973025
and:0.0981557400180431	day:0.0758032990148765	which:0.06810844075233302	he:0.06296354138449348	who:0.05053243452434657	was:0.03479844144443329	I:0.03162399608530055	He:0.029100292908292708	be:0.02881990339566196	:0.5200939104722189
of:0.16908143351536653	the:0.1681755845422688	in:0.10385138014553563	to:0.07802457555014436	and:0.054876144771039026	a:0.05179845070402853	In:0.026502651708662853	for:0.02102136233950971	from:0.021014680745212944	:0.3056537359782316
well:0.17562373364969525	far:0.09243129357301015	so:0.06322362083872499	and:0.047939640337588026	soon:0.045951759203986434	such:0.03910100605741068	it:0.03305028569624463	much:0.031162565063403723	known:0.029840041949144254	:0.4416760536307919
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
<s>:0.05853076640687723	that:0.05360000315563107	and:0.028468892423494714	it.:0.024960893987115183	but:0.01735835078593881	as:0.014815840893292666	them.:0.014318802615316317	country.:0.011732596730942993	of:0.011348659858762027	:0.764865193142629
put:0.14424213909610512	taken:0.12041576946972621	made:0.08069340850553207	came:0.06823549768278292	set:0.06497291990013263	it:0.053155013044472815	come:0.05196932944057983	locked:0.04494896584335023	picked:0.043499003874534516	:0.32786795314278366
of:0.37801987687800326	in:0.15284081557092635	to:0.08778938466228974	In:0.04700816141813068	that:0.04252946715914091	for:0.04167777519437705	by:0.03795272869101662	and:0.03672477113784621	on:0.035641453486719196	:0.13981556580155
the:0.19527630432630258	and:0.10105071225842471	of:0.08306949362410937	a:0.0823905838957898	to:0.03986655103017142	in:0.023106430248650542	was:0.020679876773119093	be:0.019373719776799806	is:0.01761709573509404	:0.41756923233153864
he:0.20786989413563015	I:0.10276935996300361	who:0.09330149586052307	they:0.06726709902526262	she:0.05434595869646194	and:0.04974755009242985	which:0.04388005821217511	He:0.03641445868141367	that:0.03592110807205212	:0.3084830172610479
and:0.1973213954670963	the:0.13639515025172053	to:0.09119689739372705	a:0.0627823216932062	of:0.05470207122877006	that:0.03266737171880054	in:0.02357709362043807	by:0.019245862313805196	as:0.018492051233111265	:0.3636197850793248
and:0.08966507437751937	was:0.03580888465873093	went:0.03541966572750739	that:0.034715688587633665	go:0.0326259566940337	put:0.03151052732481682	Committee:0.031356735943079445	going:0.028927067615728375	up:0.02470638610815622	:0.655264012962794
the:0.14448387666222792	and:0.09844201098734215	of:0.08181294232649364	a:0.03437495011056963	to:0.03021666318168877	be:0.027812014537291724	or:0.026837884084485956	in:0.026020463759446024	<s>:0.017200932552609842	:0.5127982617978444
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
gold:0.18463697132479912	hundred:0.0398701453600089	men:0.02955240402684048	wife:0.01910025560181091	relatives:0.013808199643252278	city:0.012608126308310284	land:0.010233580078824883	in:0.008883955524364637	up:0.008791695066002967	:0.6725146670657856
and:0.09082115696014888	made:0.0569467911859342	up:0.036977153796183694	or:0.03217662398890009	down:0.029356473405555094	ed:0.026782125148162944	that:0.02676059190153867	out:0.025471979276191273	west:0.024255725937183538	:0.6504513784002016
the:0.18226616748733143	of:0.09055536536617964	and:0.07875087345412557	a:0.04282959090962975	that:0.0423577110756612	The:0.028952021800772214	in:0.02827161666549837	no:0.02464103014114996	Mr.:0.02431919560564389	:0.457056427494008
that:0.2856803186149357	and:0.10563840361536957	when:0.09164226422434915	which:0.07788466929450641	if:0.07667297738829722	as:0.06142259303891929	but:0.047215998787196324	where:0.0440579459794944	If:0.020140453734947102	:0.18964437532198486
of:0.39923336684845634	in:0.14890761397075858	to:0.10058794594905338	on:0.09894668531669842	at:0.04065629800661812	for:0.03236870094491061	by:0.030996702213417063	In:0.02736455222628328	from:0.025237070463595867	:0.09570106406020834
of:0.18229131937643994	to:0.11108331751060373	at:0.0990484870729545	and:0.09142429235022105	for:0.07602330389059742	in:0.07454809910460793	with:0.06220682319706848	was:0.061430620196181916	is:0.052089950535904636	:0.18985378676542045
of:0.24576377184588655	to:0.10797807971755885	in:0.07110422277489696	with:0.06451424193765541	and:0.04659365191801015	on:0.043245116719643505	by:0.02687250563892509	for:0.023691476963875035	is:0.02213686292952645	:0.34810006955402195
that:0.20131465417918526	as:0.11756686816927321	and:0.11690545582564099	if:0.06342615702414228	but:0.056944928408547105	for:0.05290400672891838	of:0.04760411520154127	make:0.045034315066226516	which:0.038360454225991686	:0.2599390451705333
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
it:0.1392655652583725	he:0.12198865129870436	It:0.0920730759264974	which:0.06588711175855988	I:0.06221487354667309	and:0.05220228347513967	who:0.04105502827225842	He:0.03721999320042121	that:0.034840913784500716	:0.35325250347887277
of:0.25960720918959546	in:0.1388853087833678	to:0.11134781219548374	and:0.09409863228823788	with:0.08639342757024046	for:0.07031876026036005	by:0.0468390127049312	that:0.04623535654813128	from:0.031858374981815686	:0.11441610547783643
the:0.7859682164809076	tho:0.044016227249031536	The:0.0357388886445095	of:0.03301506678017231	and:0.014561911993315345	tbe:0.01410881972856788	a:0.012016560223398531	on:0.009648466602792003	surface:0.007435403478183263	:0.043490438819121936
the:0.19310788105429638	to:0.17690205886445992	a:0.10666421614615403	of:0.09783766343332947	in:0.09520261755491574	great:0.048963715794998725	good:0.035680837667875206	and:0.029144701383132965	full:0.02843854246595731	:0.18805776563488025
the:0.23598963237279827	for:0.19222127188740368	of:0.15854108313762025	and:0.07274276463869939	no:0.057719014857621764	his:0.05113596957627153	in:0.04420158850383844	a:0.03796093537866866	their:0.03725514180543054	:0.11223259784164749
within:0.23315516214822968	of:0.1691438221644426	in:0.16125300945362062	at:0.09897297273098855	to:0.07466117730098064	on:0.06611004693468625	for:0.06106520156650079	from:0.05902198353883839	In:0.04087917140662211	:0.035737452755090354
he:0.11965999990984547	they:0.11061620832648088	I:0.09773132924903798	we:0.0904742253735887	Ameri-:0.08093627369179233	you:0.07802181379661924	it:0.06864608719386547	who:0.044397773080353926	one:0.04414780437012652	:0.2653684850082895
the:0.7948358356613108	The:0.08134637095647344	tho:0.04461292704627338	a:0.013584071924765224	tbe:0.01346984660910375	this:0.010027840683818056	of:0.009997304450135656	said:0.008596633964830144	and:0.008445568948167946	:0.015083599755121574
the:0.1592447042210258	and:0.03791046042412366	of:0.02814128445496163	States:0.026247891671528113	said:0.01914263313658382	National:0.01751939858232353	.:0.01618747549346212	General:0.015586987067971934	The:0.013150004998808832	:0.6668691599492106
they:0.13262234568186693	who:0.09001046919496308	there:0.06725787628507433	we:0.0647938283310687	and:0.05872043850302205	which:0.05711809682526254	you:0.05022924040188719	They:0.04781097403529244	that:0.039809760152281014	:0.3916269705892817
with-:0.17720683989114716	and:0.0657462131614543	with¬:0.05674432359025206	sent:0.03969199360573797	it:0.036100117264311234	went:0.035452634685521435	go:0.027623971236544954	the:0.026558183163272988	came:0.025447339099890234	:0.5094283843018677
and:0.08995679311500593	that:0.05084903441473802	held:0.03855445254615712	at:0.029283233588358357	recorded:0.02700600714937511	was:0.026386245652692562	time:0.025873371172017753	it:0.02498779064173389	now:0.024182035969851454	:0.6629210357500698
of:0.23425500580914307	is:0.1249926140694892	and:0.10678150467607259	know:0.0929851289117258	for:0.09239883706782252	in:0.05500681918484578	to:0.05447789397310876	but:0.042630094550198	with:0.04196470147139707	:0.15450740028619722
up:0.013988734306893773	out:0.012518129735635878	time:0.011929303146903858	work:0.011768141592445111	in:0.011627695268542886	it:0.011112750460654207	;:0.009816010398486615	him:0.009413040765488621	power:0.009320842685413139	:0.8985053516395359
and:0.11200366769747992	of:0.08221479117922502	the:0.05419621757878766	to:0.05084508279360451	in:0.047240432482155294	be:0.04717450179462963	I:0.03679131825400441	was:0.0319730056133422	is:0.029310474690608542	:0.5082505079161628
and:0.17825465048087452	the:0.1228395637379975	is:0.09002848917247089	an:0.08142583043766125	was:0.07426197704753329	are:0.06692029756243191	be:0.0644457628429669	that:0.05027280931155194	been:0.04510982088034575	:0.22644079852616608
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
the:0.39359875787875837	a:0.3185975768090132	of:0.04028138294069755	and:0.03380595294207762	other:0.02692652661824395	very:0.024728627887041957	A:0.024446671974181763	his:0.024226122550200298	their:0.021826110740748916	:0.0915622696590364
of:0.16416117873880687	was:0.07309796901584517	and:0.07012541946043238	on:0.06825954705527801	in:0.061532560806804665	to:0.056161308806588754	is:0.04373140704461973	for:0.03765085953825657	are:0.035867136351732144	:0.38941261318163567
a:0.32381571493704375	the:0.26786042417310746	of:0.09687853354895172	so:0.06675541296873481	this:0.0472913518955724	and:0.04051750776142315	with:0.037278385872728886	very:0.03437164742975547	that:0.025418938571855478	:0.05981208284082689
to:0.10986670357213706	and:0.10019855302684978	the:0.06656824221933966	of:0.051801186389097545	is:0.029923631577312308	was:0.02890977812106726	be:0.028632384354378773	for:0.027703202298236154	re-:0.023656057714043475	:0.532740260727538
is:0.2716815675984276	are:0.22599694591649705	and:0.07180774818433133	was:0.07005792138859576	Is:0.04708054087454499	not:0.031250724518494845	be:0.031173911860470117	were:0.02792956107029471	he:0.027731556730802357	:0.19528952185754125
the:0.22206797552255622	and:0.08832496820291415	of:0.0725400224207323	in:0.057369577628158044	his:0.045895714049775306	at:0.042368056298030754	to:0.03304673186995436	their:0.030948070508100785	said:0.02400093515037817	:0.38343794834939987
of:0.1857972748634138	to:0.11441580040372137	with:0.09961841387587266	is:0.08942260551265553	for:0.08409400517937465	and:0.07906577589037947	in:0.07865195097145879	was:0.06933308131680042	be:0.06011892219849723	:0.13948216978782607
the:0.14160143429105918	of:0.10772794069262466	and:0.04622791745346806	The:0.04468459444150224	Mr.:0.04437398717949427	that:0.04282841592100794	in:0.040608763603819556	Mrs.:0.02570127574675181	which:0.024259625863839614	:0.48198604480643265
and:0.09504543518797641	as:0.08401840584619316	is:0.0440859766598023	time:0.039627650363557206	or:0.0378015410634169	subject:0.03662047697947301	him:0.03586312851722147	made:0.03484673423495842	them:0.03150409358571631	:0.5605865575616849
of:0.38848028944719315	to:0.09125114768043642	that:0.09093317667257096	and:0.07110095882648526	on:0.06954277400521335	by:0.05185257817004455	in:0.047956445656978756	for:0.04625774181562318	from:0.037598456808968735	:0.10502643091648561
of:0.1366170012942895	the:0.11385491933675598	to:0.07474681749009875	at:0.056913151517982534	and:0.04285121543637489	a:0.041395744727329285	in:0.025962593287291297	was:0.020001908711489682	for:0.018719932251478513	:0.46893671594690955
of:0.24250836530791905	for:0.15276359938818762	to:0.13660140962353062	with:0.09598893583042847	in:0.06001824650768059	upon:0.046367861446976896	on:0.04175568968893416	about:0.03745879170352684	and:0.034740891688504166	:0.15179620881431158
of:0.24384723579821743	in:0.12312506561097275	with:0.10680649970402971	is:0.08694780694524153	to:0.07787352722300522	and:0.06995944922104544	for:0.06682075941724755	was:0.05187426229030688	by:0.04242875069122941	:0.13031664309870408
of:0.14365319340398264	is:0.12375737000791642	to:0.12019844664514076	was:0.10490972921866003	with:0.09466490217492958	and:0.09317304146710237	in:0.08561534939065017	as:0.05472022603718362	by:0.050905367934933624	:0.12840237371950078
to:0.640106547597032	will:0.08818935118038485	would:0.06719924954289926	and:0.05137184320156321	not:0.04971001986192663	can:0.019105083913288724	may:0.017072297645715193	should:0.016947127787636015	I:0.015247793981367695	:0.03505068528818644
the:0.49243902400653655	a:0.21169006222389516	white:0.04827373323109572	this:0.025549823627562356	tho:0.020303621363724978	and:0.014981954611430072	large:0.013669779043041813	The:0.013412772340827871	of:0.012245741506343338	:0.1474334880455421
the:0.11963568410447895	and:0.07951124903941001	of:0.06825226613956396	to:0.0611751701938304	a:0.05571586257257412	be:0.028594878842944225	is:0.024939862649589955	in:0.024504313993319038	was:0.024212699061538646	:0.5134580134027507
<s>:0.08293020664328854	it.:0.019584889045608123	them.:0.014536560459181273	him.:0.012616364152333862	.:0.012012018561448722	time.:0.009479357884339294	country.:0.007094627869724779	day.:0.006762411526682627	work.:0.005618985532575598	:0.8293645783248171
and:0.1156789470292127	well:0.07556980993677288	regarded:0.04497062169191372	him:0.038248776737851944	known:0.03783818211632863	soon:0.03287802268774235	it:0.03193764873859754	is:0.029686094618060876	but:0.029025893971380265	:0.5641660024721391
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
those:0.32331168649323067	men:0.12611017237302954	and:0.055502360308544864	people:0.04977146188035439	Those:0.04318407838658813	man:0.03017801726672852	all:0.029550125802088243	persons:0.02823294476606761	one:0.020748500949425576	:0.2934106517739425
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
away:0.06925205172028555	and:0.06007808449668492	taken:0.04760906637168378	miles:0.0428166599829834	feet:0.03837562943164214	come:0.026889243450533045	them:0.026073675669967263	out:0.02484981837258804	came:0.02410733092637395	:0.6399484395772579
of:0.34144879492726105	in:0.23512676491906875	to:0.09291997246596316	for:0.08949501621186073	In:0.04265015656159146	and:0.03190027580632126	with:0.026295462156471376	from:0.023624547736379675	at:0.0192446038757716	:0.09729440533931095
in:0.12951787622235358	the:0.1131541062465113	a:0.09830459780085152	of:0.07494409286850261	and:0.06407082460720814	to:0.053204276320500885	for:0.039645649718800934	In:0.028350091638542834	an:0.024762091667392634	:0.37404639290933556
all:0.08812576128639328	it:0.07059515377419723	and:0.05780704516639062	went:0.03694474071779272	him:0.03314899535154538	them:0.031724633241545015	was:0.03158285686425942	is:0.02953197225761101	turned:0.029027409158986033	:0.5915114321812793
of:0.08821558835300647	to:0.08540383314828587	the:0.07699147055274193	and:0.07501707955877815	be:0.045147773553477426	a:0.03588283705023091	was:0.032386687796220774	re-:0.02247985515260142	for:0.022438922834644992	:0.5160359520000121
the:0.33722172465756056	of:0.10974183738863812	and:0.04747347182027848	this:0.0407231224328701	said:0.0332032822737934	its:0.031068979772201428	for:0.03073001686028074	to:0.030498304620010352	our:0.02753786170417352	:0.3118013984701933
day:0.0760558774836873	number:0.06089549489119579	half:0.044229570750508346	part:0.040609718768533774	millions:0.026840280323085244	all:0.02674250382955003	out:0.02672659397799737	one:0.026475986300926877	quarter:0.025402311314078913	:0.6460216623604363
of:0.1615857807020355	and:0.15975065359135757	for:0.14057946473074817	that:0.06857560608247314	by:0.06813549411383463	in:0.06796723370349154	is:0.06376372217343959	was:0.05206361198556261	to:0.049766647520756185	:0.16781178539630104
the:0.24177593925088942	of:0.13346595502129202	in:0.08195224126378235	and:0.08167348745669387	to:0.06475308324508125	a:0.05591706439912344	on:0.03402694323022361	at:0.027062427150964952	with:0.02329776519113054	:0.25607509379081855
a:0.1635343432464722	the:0.13087772390827218	to:0.12963648395457503	and:0.09910354614235088	of:0.05205380655628411	is:0.03497400423804615	not:0.032815509432712844	was:0.0303350406415251	will:0.02805816877218103	:0.29861137310758046
of:0.25985716957716604	the:0.18497682966942516	and:0.093678810863996	to:0.07142899220638865	at:0.05975335547627667	in:0.05625631357844886	from:0.02705189305737097	The:0.026747583507323418	<s>:0.024510493180723483	:0.19573855888288075
the:0.5675725614582969	The:0.03427298989440052	tho:0.030722166483589757	Missouri:0.03036343364399744	Mississippi:0.027385294171927078	of:0.01797722042359518	Potomac:0.013202493834524152	this:0.012789725344036268	tbe:0.012418607765010282	:0.25329550698062236
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
;:0.020246419592662712	it,:0.018106606609877708	them,:0.01392632475636233	in:0.012124467338236024	up:0.01150000101756175	it:0.010808021420651745	him,:0.009760212679798756	him:0.008508613475684745	them:0.008009053187861749	:0.8870102799213024
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
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.12742448267130854	and:0.10439047010070458	of:0.09008308528693847	as:0.08946547023415485	a:0.04988938362235117	to:0.042785061773461454	be:0.034245776444171545	such:0.029258330792545036	in:0.02838714816744532	:0.40407079090691905
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
of:0.14726531922366579	the:0.12485949150747916	any:0.09028500822615801	and:0.08173776957682762	that:0.058200756907367916	in:0.0435649345520483	some:0.03769733116209817	every:0.03649137975945	is:0.03513245038677227	:0.34476555869813275
and:0.17039295986469222	to:0.1284233923805328	I:0.0879116475111108	who:0.08378251560533494	he:0.06441375532047854	which:0.049952965926889255	that:0.04009883326561313	the:0.03980731740357339	we:0.029964411131069457	:0.3052522015907055
the:0.45691069550106994	and:0.07937144836752871	all:0.07429342411673488	such:0.04684830438867258	other:0.04135831185253124	a:0.04039110162465315	his:0.039658078499954875	of:0.03943785702843835	their:0.03327889843984023	:0.14845188018057606
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
brought:0.06473016212750157	go:0.06253230516562747	put:0.06244979500644394	come:0.05330615100352914	went:0.05189765174333229	get:0.044028115511730706	enter:0.039666791717721445	them:0.03757687022790318	came:0.03718579114908823	:0.546626366347122
the:0.4445265638791738	an:0.16997527251326877	of:0.06159160909685498	The:0.03929428477285743	his:0.038072498942745385	years:0.03305826887228569	tho:0.0328601352716566	and:0.028694806016832625	their:0.023532132662691472	:0.12839442797163328
man:0.1067169741094722	and:0.0631318896805744	one:0.04673146494309529	those:0.03232687034970034	men:0.02943639607443879	woman:0.02657002876970307	all:0.017063616642453122	people:0.012189973511572166	person:0.012047726471379626	:0.653785059447611
the:0.4781609328644207	The:0.08930009857001496	this:0.06827280963349712	that:0.055606378997186394	and:0.03673174195791702	of:0.028905737416181923	a:0.028015748572169524	tho:0.019142412183401493	said:0.012004421028443107	:0.18385971877676774
and:0.04366009802932662	a:0.04058125847061656	that:0.03638433529558742	the:0.027300668020770597	it:0.020806850779515596	in:0.014207217105799093	t:0.013200632741146277	of:0.013086480137576564	land:0.012791349654326876	:0.7779811097653344
the:0.31164199710830237	to:0.12341421818927037	a:0.10632244884551328	of:0.08254635464222165	in:0.07943907082397457	and:0.0612939200266507	this:0.04127804187122268	that:0.026846777187091456	In:0.018617424866875523	:0.1485997464388774
of:0.16981539786179525	the:0.13796587371724833	and:0.12132533309878564	by:0.07950789960313057	at:0.0705719022224894	to:0.036388804548714695	from:0.03156449810303799	as:0.019780160496673187	<s>:0.01930688501255986	:0.31377324533556505
of:0.17196349851495293	in:0.061600821419454097	to:0.057505615228290355	at:0.04266664973640639	by:0.033839522529538396	for:0.027788235957471204	In:0.02704103427168217	<s>:0.026301627704452418	and:0.02575787102393282	:0.5255351236138193
in:0.19612320007969533	of:0.16244752960638484	as:0.07924734775587118	and:0.07828723190760714	to:0.07673332119734519	by:0.0765191792874008	with:0.07282235822633099	for:0.05982176277948394	is:0.05833919996382421	:0.13965886919605638
the:0.11707278010032215	of:0.08910237475739931	and:0.08053994525369597	to:0.04706305725297182	a:0.04608077994551911	on:0.03389433205274509	in:0.027471361894935296	that:0.027113955102464605	was:0.022999229500759628	:0.5086621841391871
the:0.10254899323962945	and:0.08672066584549279	be:0.06718293253430607	was:0.066714350510063	of:0.062142448154758216	to:0.0470377945272685	is:0.04045405956202174	been:0.03329532229695042	a:0.029155698848644288	:0.46474773448086554
of:0.23212425223141345	and:0.15016496788555525	in:0.08709569949146048	to:0.07519022151016291	at:0.0556295157594859	that:0.05230669226902655	with:0.04380717720131628	on:0.043790656593365694	for:0.040794228346420686	:0.2190965887117928
the:0.249758016013323	a:0.15278796029558253	and:0.07766348866858634	of:0.05418617542140772	The:0.047593572325387266	an:0.035444666189402056	Mr.:0.01969262330506119	to:0.01856921010709387	as:0.017756045404390217	:0.3265482422697658
of:0.25824918295244403	and:0.10581144758926693	in:0.10489092358744716	to:0.09792701082838975	on:0.07741955167650925	that:0.06299962161150914	for:0.06135597689003963	at:0.05701657834289877	from:0.04163842658141928	:0.1326912799400761
Lode:0.07875066250591649	Silver:0.07536915821849131	the:0.0523248680335672	Hill:0.04881788826829655	and:0.048027460300624235	Eureka:0.02078251885928115	Copper:0.02036294504792768	<s>:0.019216229052101744	Consolidated:0.018914264061416046	:0.6174340056523776
of:0.34426843897134957	to:0.11093373446489546	and:0.10047838840888769	that:0.08569104135282961	as:0.050870896530370247	in:0.0479648740480842	all:0.03967745387286036	for:0.03523919828172074	by:0.033536682233407854	:0.1513392918355943
the:0.39581513932806767	The:0.10879156364641152	this:0.09359971149997424	a:0.0773977197494003	This:0.06317417094651401	that:0.04221013255062995	his:0.03810041043269267	and:0.02702206030323007	of:0.02366408673383989	:0.13022500480923968
went:0.11641321094879507	all:0.0811012744620186	go:0.07330803712338915	turned:0.06748290884166384	was:0.0591380342015399	came:0.05299974617990692	come:0.04936655921838268	and:0.0441238009170528	going:0.032551066481777205	:0.4235153616254738
about:0.18940861137483578	and:0.16736815066415722	or:0.12059884186251366	to:0.10003877616859479	at:0.09616255017246912	of:0.06746439152269063	than:0.05911669821378856	the:0.03939201465689047	for:0.035039424847983114	:0.12541054051607667
interest:0.44457255366159426	terest:0.08141192213447468	Interest:0.07662951832771513	improvements:0.07137704042457192	it:0.018825624857385776	and:0.017100760573403852	due:0.01620240606980165	them:0.010633655950078647	is:0.008334725977279368	:0.25491179202369474
and:0.15389724483494355	is:0.06590592774839528	of:0.057582035980174306	was:0.0559376982771241	as:0.0504016714549967	be:0.048411383934327985	are:0.041127063329942155	or:0.026508495960012965	were:0.023495918344447943	:0.47673256013563503
the:0.12918454559989795	and:0.09524061068167913	to:0.0875613071214931	of:0.07126281142812298	a:0.06584440993472282	in:0.03431706174851444	at:0.022866409566715932	or:0.02260740793415459	is:0.01895899989729388	:0.4521564360874052
to:0.25000277145251637	can:0.11045238577399405	could:0.10234315558804366	will:0.10186850868535796	I:0.07757970741915354	would:0.07394976412715175	they:0.06625563525866493	we:0.05990325750363177	and:0.047461800718742085	:0.11018301347274387
ten:0.11289037433441029	10:0.10304691545201694	50:0.09665651771047248	fifty:0.09310618845644318	20:0.07389866846352501	three:0.05823489716333478	five:0.05760143836063263	25:0.05365218306110738	5:0.05246995891832339	:0.2984428580797339
W:0.10885086180981304	M:0.08962385808542442	J:0.08815037885305665	C:0.08144449491961595	S:0.07565573974651656	E:0.07480965297703332	A:0.07089097266370924	H:0.06872129070148511	B:0.06456748181320644	:0.2772852684301393
of:0.19950964421321404	at:0.1296044712487719	in:0.1121035421820745	to:0.09391235999691212	for:0.08682411368751362	on:0.08587396653774168	and:0.06438446945126378	from:0.04078696998398939	In:0.03603585209054605	:0.15096461060797292
part:0.06632085427588026	one:0.043709131521234616	side:0.04147594174337228	portion:0.021381379685940373	payment:0.01767383384066149	parts:0.015787043195170453	members:0.015195039493425983	that:0.015130446613312426	and:0.014306296283830691	:0.7490200333471714
the:0.23694424561284472	and:0.14593407043708137	a:0.11609255036581073	The:0.058275123223635476	one:0.05116538142407914	two:0.04291551920158575	be:0.03440126541604206	that:0.034217616717660576	this:0.03136070063081609	:0.24869352697044408
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
seems:0.1356736404871532	ought:0.1100048460339192	seemed:0.07720043904597824	seem:0.07676128954804075	and:0.0626343140696839	is:0.0567409269325483	said:0.05563038296032004	supposed:0.04822799579908332	not:0.04666750566219923	:0.33045865946107383
and:0.11652702089588961	the:0.11495467591020435	of:0.07453559154212538	a:0.04565838386307767	was:0.03450725795184031	in:0.033108504549461605	to:0.031030959238572537	is:0.02639165738910636	be:0.02231232121399735	:0.5009736274457248
purpose:0.06508810285083624	instead:0.06337721527852347	out:0.054751948804178566	sum:0.034221664150084145	is:0.03369663422832008	question:0.02587271069993841	are:0.02580349872771713	amount:0.02563356836211199	disposed:0.02385915717579197	:0.647695499722498
a:0.180256226672119	of:0.17235089067147036	or:0.09404862066544602	and:0.07728642619781707	in:0.07662549322490927	the:0.064216583807494	any:0.06074537832287619	for:0.060315807073716386	by:0.055776622630589356	:0.15837795073356237
that:0.20746800017613143	and:0.14607157633011192	which:0.11012848985445278	to:0.08665577754368856	when:0.08087239968480485	as:0.0670892401970235	will:0.04835682089803899	but:0.03344037788855005	if:0.03289885236988277	:0.18701846505731512
know:0.2049548112924212	of:0.13921330508202343	and:0.10796138244010854	to:0.0888651113592103	see:0.0769643741075748	do:0.07588569477352582	is:0.052500913968211035	matter:0.05246927741248134	for:0.04745307978912118	:0.15373204977532234
<s>:0.07265434676054917	it.:0.015036519683831762	.:0.01111431987204153	time.:0.006845926876491207	him.:0.006839341797485799	them.:0.006676536462142533	country.:0.005998874456114066	year.:0.005001946789902637	day.:0.004934991204603096	:0.8648971960968382
the:0.43800081327140244	a:0.11066589789367061	and:0.06393673344508315	of:0.052756794854553646	The:0.03805537643522937	or:0.02959703475251845	tho:0.02606857930843707	their:0.0214525818435785	his:0.019160801571291974	:0.2003053866242348
of:0.26110810237958926	thank:0.22342846094787566	to:0.10887872840428368	and:0.059273481283901995	Thank:0.04415835275806744	Almighty:0.04098908332591073	for:0.04082467780905825	with:0.037895230635784316	that:0.028824257875142697	:0.15461962458038597
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
of:0.3797165724598217	to:0.10348145710931565	that:0.08451719226636155	and:0.07181514179458572	with:0.06008985977738062	by:0.0583238891989998	in:0.04421576560917754	as:0.03986409078401748	for:0.034031281781138595	:0.12394474921920133
he:0.17475438872346447	it:0.1359286733624291	they:0.09637533336931273	I:0.08453683576858537	that:0.07339259747557059	It:0.07261110104187243	we:0.044348645187426095	which:0.04425071068500445	and:0.04339726392581102	:0.23040445046052374
to:0.2901855885353136	will:0.2167898771785142	may:0.1044574839421258	can:0.0756125975469877	shall:0.0721819084824066	should:0.07126869746237428	would:0.046558309978578315	must:0.04648365345611335	could:0.03638761456656256	:0.040074268851023546
the:0.639024752882532	in:0.05940128534992877	The:0.05523906613598077	and:0.04631800066136381	a:0.0401299582919069	tho:0.03546673888964971	great:0.020358448449192094	In:0.019954007574811083	of:0.018764673272851345	:0.06534306849178348
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
is:0.1595683143271461	of:0.12035183049257704	was:0.11462780415305156	and:0.10719443948942382	in:0.07865178529148469	as:0.05575889220889774	to:0.047491042015285784	by:0.043195289837428874	any:0.042568428691116024	:0.23059217349358835
the:0.25813927656085345	of:0.12164935571855284	their:0.09805743091895128	our:0.06470039753914945	his:0.06126094218382353	other:0.057401256145196415	its:0.039169031756951196	all:0.037604617871008786	American:0.030596204454224167	:0.23142148685128885
of:0.3195187731734554	on:0.13017693494603735	in:0.09249074583533005	to:0.0844836620513258	by:0.07529678941819697	and:0.06309442668497539	that:0.038183402583838726	from:0.03528464353499272	for:0.033567152992731705	:0.12790346877911588
of:0.15630137730751212	by:0.08223210669322652	to:0.07180217310598579	that:0.0697860171227717	and:0.06860313108410063	with:0.027549174244935564	<s>:0.02367243312489382	which:0.02017544874624105	as:0.017332841528940258	:0.4625452970413926
he:0.18785848996749346	and:0.1717231298531418	be:0.137123148836538	I:0.05140177887075211	who:0.04526911640254815	was:0.043624979164989405	have:0.04253866304117411	He:0.03737271723295773	is:0.035438249856326605	:0.2476497267740786
and:0.19712615033197636	fact:0.07722519025994683	said:0.06258946616103155	so:0.05112232986118901	is:0.043298823531513625	say:0.03859534773042259	was:0.0380557480618063	him:0.03726814659203925	found:0.03558464235197909	:0.4191341551180954
be:0.21939256159477993	was:0.1260750561940679	been:0.10749195659699835	is:0.06264530030439801	and:0.05996815620853254	have:0.056990316339819554	has:0.048923944001811194	were:0.0407732258710264	had:0.039872537121412185	:0.23786694576715395
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
to:0.2387578698215602	the:0.197411916162501	an:0.12075727553047133	of:0.10160342859253389	a:0.08448662934032064	in:0.06941249197480408	and:0.06899977065911483	with:0.031874796618493864	not:0.0274737205669262	:0.05922210073327397
and:0.07345684357882791	as:0.0598935405860413	order:0.0475606718077251	necessary:0.04285929137601888	right:0.03380757462311668	is:0.029320909498720387	able:0.02807195731494123	power:0.02646091868040866	him:0.025331440737365995	:0.6332368517968339
<s>:0.04309944680201718	it.:0.026021733540544417	them.:0.01268208921484133	him.:0.012517727809918128	?:0.012051218786334408	.:0.01094270997803896	me.:0.007915657321974684	her.:0.005463848527147578	you.:0.005427494932333897	:0.8638780730868494
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
the:0.30574349667572787	a:0.2755610300871944	this:0.08092405554896619	The:0.057667705432840305	and:0.04962987725316524	his:0.04377652565499111	one:0.04287954337342368	every:0.026659983834624014	tho:0.02645680255413436	:0.09070097958493285
and:0.059165155861350155	made:0.0588119865824621	up:0.0268749995404658	done:0.026389094592424063	out:0.02254227857910818	caused:0.02126798566435475	or:0.020071023791651956	it:0.018532880572612976	taken:0.017737846366411812	:0.7286067484491582
of:0.13716051898864437	the:0.11084982657919126	a:0.09342995053249208	to:0.07923244471800568	and:0.06333635377684355	in:0.051472100782006855	at:0.031337425108730346	for:0.029252498057384085	by:0.025707224924922	:0.3782216565317798
them.:0.04497248754551208	<s>:0.03632643032743405	it.:0.022735805938298496	men.:0.012056059010714326	him.:0.011755006432994118	time.:0.00944378787399719	country.:0.008786905920342009	people.:0.007897140691942993	day.:0.00783931687849867	:0.838187059380266
not:0.2628466844521017	to:0.24564391302402336	I:0.16576116357467208	don't:0.0713332781702056	you:0.0645234361146209	and:0.04966861299195207	we:0.04002627443640964	We:0.0326482801803949	You:0.025453195951554403	:0.04209516110406541
the:0.46232292873124875	a:0.15608486132691599	brick:0.04623564699747592	his:0.039717315782289396	frame:0.03115523537250235	The:0.03051602076458222	tho:0.02894873204644037	and:0.02299149877374882	their:0.020056802820418423	:0.16197095738437778
and:0.04984486561942827	years:0.02719221529438313	free:0.022902669120836418	miles:0.018201824405562894	him:0.0177705244344516	taken:0.017624833955964096	of:0.016736566967324985	away:0.01631951181701105	them:0.015407158063861115	:0.7979998303211764
as:0.1413795107644343	so:0.09718511257841755	are:0.07616165663411142	is:0.06625788812050933	very:0.05265533192071852	be:0.043832415048544265	and:0.04368462700094608	of:0.04337752178214856	was:0.04239278263970293	:0.393073153510467
it:0.1898936989228213	It:0.08998462207640943	there:0.0790469860324584	they:0.06140208113455	that:0.05582443981464942	which:0.05166683548741283	he:0.0503760176127662	and:0.049222407474872956	I:0.03738029063895694	:0.33520262080510255
the:0.1776774208326678	and:0.11618745692283622	of:0.07752870682140522	a:0.04688803046964208	to:0.039506242669002975	that:0.028251904729360462	The:0.02806150947191031	Mr.:0.027663433172235793	or:0.027330864172727884	:0.4309044307382113
and:0.0742837552308683	bill:0.05089203631414311	President:0.021884882256801474	known:0.02182040179026585	was:0.02113946106269153	resolution:0.0193356782301103	is:0.018690002140189024	of:0.01729334127242923	not:0.016182256797348856	:0.7384781849051524
out:0.053748408083014676	amount:0.05009483210345994	purpose:0.041093103896693954	number:0.040869786068135086	one:0.03678814523833781	means:0.03557342173843995	matter:0.03457441629345749	years:0.03249484767266021	way:0.028058148458149107	:0.6467048904476518
the:0.5140286564938724	The:0.10766084121858249	this:0.09394850015396039	a:0.06176787800236834	that:0.06140682772100043	tho:0.03474012858172944	of:0.032632220734295114	his:0.025673073350432604	and:0.020423499377961386	:0.047718374365797435
the:0.24624586650380598	of:0.12511670154155094	and:0.07459332797933538	in:0.06427246444335108	a:0.05025398564146426	The:0.033285740171146765	to:0.03079809551665842	at:0.022044758058172166	tho:0.019189206318671104	:0.33419985382584394
<s>:0.10514401260260799	.:0.016459320058466273	it.:0.013484712208384689	them.:0.010348158826723748	day.:0.006710013809881599	him.:0.0061878063876993515	time.:0.006177099641911567	of:0.0060543371589817695	country.:0.00551450571704916	:0.8239200335882938
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.8844239874864931	tho:0.04756948702344427	The:0.02033430666769642	tbe:0.014816209185575809	of:0.01068097499444848	and:0.002900692842559579	by:0.0026848525152412873	a:0.002620734900998062	tlie:0.0017922399025080053	:0.012176514481035046
and:0.11385123617354412	be:0.09864172963727943	was:0.07620908437317161	to:0.04887641259257306	been:0.047688286220096035	is:0.04482365947015291	of:0.04408866282577962	he:0.03874649575579709	were:0.034891023983512175	:0.45218340896809395
feet:0.10489587409482974	went:0.0820746165070607	according:0.06072789210822954	go:0.04931832249912562	and:0.046288547798592886	sent:0.03437697133222544	subject:0.03202728671831779	relating:0.031936646591311874	back:0.0312498509304508	:0.5271039914198556
and:0.13720149740649404	the:0.07812660454204343	of:0.07106036451835175	to:0.0660615659893393	was:0.051488598254477456	for:0.040666688845894645	in:0.040471301095666844	a:0.03763397865224792	is:0.035693559384370965	:0.4415958413111137
the:0.1915047518322002	a:0.18265764285938574	The:0.1001619842040912	and:0.09198713465132007	he:0.040905001415721114	that:0.03704237294140154	I:0.028662502269354677	A:0.025084067273642496	little:0.018850536671164788	:0.2831440058817182
and:0.11817822303601837	him:0.07729069730683749	was:0.07548397575560292	is:0.04080320295406146	it:0.03942232404596535	up:0.037149082658908886	as:0.03386881442310722	come:0.029644220632803028	placed:0.028841837624514165	:0.5193176215621811
would:0.10059191599923972	and:0.09229043554668989	a:0.08696544739061189	was:0.08011958040518244	not:0.06350546728001596	something:0.061497264417940685	to:0.06030273831103659	is:0.05797540161245866	looked:0.04161705366813646	:0.3551346953686877
the:0.16230296026877625	of:0.12307739955751902	and:0.07741997953066079	to:0.05508112628323407	a:0.047760941059965506	be:0.03687590118855663	in:0.028709097773993476	was:0.02658614949772466	is:0.024880835455531436	:0.41730560938403816
the:0.3926033283307673	this:0.0710759842246256	every:0.05897616331096517	that:0.05696105257953208	next:0.052502260729246665	other:0.04317680260289676	a:0.041863278897678706	one:0.04043722603662724	all:0.035481098760142916	:0.2069228045275176
and:0.09558894496445294	for:0.037506895600799735	of:0.03478705438189055	not:0.031869855627656145	about:0.03182779664042255	time:0.022479775698628038	as:0.020922659202278232	was:0.020432411291103045	in:0.02027734070874605	:0.6843072658840227
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
that:0.24965642357422835	and:0.15921940479170324	but:0.08555820058901059	as:0.07149450073524026	when:0.06533617967914483	which:0.06403586677889773	if:0.03781086503442973	where:0.030499946293478825	until:0.021573599808582904	:0.21481501271528353
the:0.12412720549832838	and:0.10244382763884094	of:0.10076680447995537	a:0.04614404185663386	to:0.031165726967336067	in:0.028562509488353375	was:0.027319616247752764	that:0.021398144306147737	by:0.02013725512305567	:0.49793486839359585
of:0.26178300352200395	to:0.14283167556530363	on:0.09176238734227919	and:0.08303142057416969	for:0.07412237815869047	in:0.0600992960876935	by:0.05750400218842965	at:0.05330090028478895	that:0.051972394523064	:0.12359254175357696
-:0.060980158046596074	and:0.03782347166012142	to:0.035880552496785734	I:0.021833991588208475	f:0.01832085134019474	<s>:0.018148240436163657	.:0.01752403568576679	the:0.015191017820972241	f.:0.014486094625224492	:0.7598115862999664
the:0.1331954013331003	of:0.10395761905650669	and:0.09166744382168995	a:0.0674867672110823	to:0.04481959524883369	was:0.033914181021321675	be:0.027669522756191306	is:0.023821375196731925	been:0.01992601692954109	:0.4535420774250011
of:0.2048355494170913	and:0.20228408081084173	to:0.16350613004114098	for:0.07170310311656933	that:0.06357257602116513	in:0.06026730185937265	with:0.04079458438234534	or:0.038470268082214015	nearly:0.037012658278979614	:0.11755374799027989
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.3120359835244445	in:0.12977990359681696	the:0.11016604750635867	and:0.10899046194060236	from:0.07892703297337406	for:0.029097497016626173	or:0.025637953852991054	In:0.024998654278022954	by:0.024160021676101547	:0.15620644363466177
that:0.2655576168206273	if:0.13365657958596272	which:0.11448472154984428	as:0.09335229328337609	and:0.07997644349073124	when:0.05257578557288741	where:0.05046773013026031	what:0.041525101253875304	but:0.03403693941407384	:0.13436678889836148
<s>:0.04528069650880274	and:0.02699937938339363	was:0.021406588236314687	be:0.020813624463239748	is:0.012882853041428905	are:0.01258672034788641	that:0.01152457668573977	were:0.010877731891555668	.:0.009179189803047959	:0.8284486396385905
of:0.2606653695624588	in:0.1642089735007348	that:0.11185470984332045	to:0.0674722082412736	under:0.06455155976426331	any:0.06445086733410525	and:0.05627928442510306	for:0.05462009733705583	with:0.05292977011597794	:0.102967159875707
the:0.3692409109447755	said:0.2046094787908835	a:0.04916009168758423	of:0.046561254189769974	this:0.03296975206290897	his:0.03066690407314564	tho:0.02142355773459549	in:0.014359703056885584	their:0.013031302405895819	:0.21797704505355528
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
and:0.1748610992381903	to:0.08454914126183448	was:0.07827902127050052	is:0.07275310294172492	the:0.059676467466076445	not:0.03919843438007264	be:0.038196714528767696	of:0.035489805504099435	an:0.03536759768971647	:0.3816286157190171
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.11699740269057268	made:0.07128735364329208	that:0.038740273323115644	or:0.03385398259820743	it:0.026446546893089957	followed:0.02275146095930749	done:0.021905655523422274	caused:0.019148590890977334	given:0.019145965604441612	:0.6297227678735735
the:0.20720412688304204	of:0.14439567022655309	and:0.06545692952357393	an:0.022337665595014596	other:0.02088794883718079	or:0.02034119640239241	his:0.0196292609443314	this:0.016202854080994082	one:0.015931437706718763	:0.46761290980019893
to:0.31808845421012666	will:0.19120780794338235	and:0.06208467154262252	shall:0.05632414311162234	would:0.047578154473715245	they:0.04660519777014429	not:0.037017041947188516	may:0.03560782848161714	should:0.03523651624586865	:0.1702501842737123
number:0.1645667425101108	hundreds:0.05778860806600791	amount:0.056871340551213595	thousands:0.0567310630334308	kind:0.0412441991764903	class:0.03972603699000729	couple:0.03945357441078521	series:0.03570627313637303	plenty:0.034940200508379524	:0.47297196161720156
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.392760602187493	of:0.12044597719603768	a:0.11028879695790368	in:0.04341070639659932	for:0.043266133971242564	their:0.0304301719844488	some:0.026840339271668942	this:0.02393190274584305	his:0.023274396478823067	:0.1853509728099399
<s>:0.11720307014251237	it.:0.026352259694865522	them.:0.021751020016657994	country.:0.009411545547373449	time.:0.009236602853981037	him.:0.008416084114243152	us.:0.008380706711902408	world.:0.008000816237300486	day.:0.007743277217040808	:0.7835046174641228
be:0.1985341844288733	and:0.14195119708050954	was:0.12340501142898244	is:0.09426720093883204	been:0.06809498047853392	are:0.05979033031603233	were:0.0572009206430836	he:0.05499821671702522	have:0.03977453397305256	:0.16198342399507504
the:0.5015146265907343	court:0.08595847889452538	a:0.06571376737855776	tho:0.03685471679715709	The:0.029063620971299282	my:0.027918056622805443	his:0.02211852563290221	this:0.016750020323024986	opera:0.01622555777734865	:0.19788262901164494
they:0.1802616037685649	who:0.08965803731710414	we:0.07071505569925358	and:0.06647920453767378	which:0.06571645182547288	They:0.062467980713495234	there:0.0418389083514519	that:0.03824361515000613	you:0.03310115293779824	:0.35151798969917925
Mr.:0.11923187417832838	the:0.11820238796640506	of:0.07057180065904577	and:0.0647816486079522	The:0.03552448037250744	Mrs.:0.025341934509443206	<s>:0.022702956077643936	.:0.019724932101824084	that:0.01755689556342132	:0.5063610899634285
one:0.09011870075177028	out:0.07184222173831309	part:0.062296779890565736	some:0.04469047989410629	account:0.04430483992413245	any:0.03062274357086134	all:0.026797790022556507	that:0.02576799466411198	tion:0.0223424726678013	:0.5812159768757811
the:0.3660556361398848	a:0.183399651813863	to:0.11363891375864844	of:0.05182056955671826	every:0.04367991570382019	this:0.03987916506663252	his:0.0391263057190983	their:0.03544973250249585	tho:0.024214408493678417	:0.10273570124516024
and:0.16165630724400318	he:0.13076533240449895	be:0.11418329117485447	was:0.08202297239944376	has:0.07435224668265987	have:0.06573562240878734	had:0.06378853978562816	who:0.06335746415314726	I:0.05802796516372329	:0.1861102585832537
the:0.19765944413001754	1st:0.11059503755556872	first:0.09159328042083008	a:0.07596581773098715	25th:0.058877517517977276	7th:0.050144164699482324	10th:0.04774505795975605	12th:0.047349873882118795	21st:0.04468978504119164	:0.27538002106207043
in:0.24367232890260782	of:0.17955212400389747	from:0.13588241450722727	with:0.04970678588279293	In:0.04912946528533033	by:0.041333990441785526	on:0.039126326740043044	upon:0.03251108798834134	for:0.032358827207049745	:0.19672664904092452
the:0.43661245272190075	of:0.11072787241831585	in:0.10329872493018402	a:0.09432956662821153	their:0.04147625978165677	to:0.0371039344309565	and:0.03594666111670958	any:0.0359445401515843	In:0.032481390924077494	:0.07207859689640321
the:0.42878959057503563	a:0.15625530022193848	this:0.08898554094486169	dining:0.08694154811583156	The:0.025318450873442692	his:0.023965701775038963	court:0.02386811413532173	tho:0.022843149563394363	and:0.019852322091668706	:0.1231802817034662
the:0.6359285444808221	of:0.0772221523413725	other:0.045097579623753575	this:0.03764982276410495	a:0.031689609263856	The:0.030311241753375396	tho:0.03000628310959222	said:0.023894861420422756	our:0.01811441569814987	:0.0700854895445506
in:0.016685378432062765	up:0.016440071459584166	made:0.013553601488422171	;:0.012802936807658516	it:0.012780550948572214	it,:0.012697205892680521	him:0.011864580313937834	out:0.011230533418873999	work:0.009248189330232406	:0.8826969519079754
as:0.08266721031799909	and:0.0691196670723023	is:0.061053939055579105	enough:0.04504530174107568	able:0.044151055039277236	right:0.043216804160062	order:0.04065595164925807	going:0.04012208851243313	him:0.039744560299995284	:0.5342234221520181
of:0.23366367892670772	in:0.14039686333166973	to:0.12515460778911044	and:0.08897232166215624	at:0.08870680693435876	on:0.0871816864015803	with:0.042290012530729934	from:0.04187494795568571	for:0.03570689029170086	:0.11605218417630031
to:0.11144374236298595	the:0.10917981760160007	and:0.10692920077675938	of:0.08551452114372984	in:0.033918395178194706	a:0.02924037307288965	not:0.02004826767775804	I:0.017020811204842605	be:0.01652276935920046	:0.4701821016220393
and:0.03705906505014103	one:0.028627789733262694	it:0.019099235681301584	that:0.018265019148710815	<s>:0.01650126638765382	out:0.014870080997909261	day:0.010083439403753976	work:0.009055530737294233	time:0.008792647293037753	:0.8376459255669348
of:0.13815006315007625	the:0.13286700396278647	a:0.07068616624651348	in:0.05858417425218256	and:0.048003413360203084	for:0.036095813801834915	to:0.03412287906189562	on:0.028124997237362084	as:0.021940690818006637	:0.43142479810913886
the:0.2689487614615373	his:0.1239225004700386	healthy:0.0845317579329485	this:0.08216729686876154	a:0.07519177067247097	her:0.07112853123884347	good:0.0699887010671812	my:0.05983213266039816	their:0.0473438778825752	:0.11694466974524505
the:0.40641871632839405	of:0.15252553328892973	for:0.1421183176232068	and:0.07528690365883443	in:0.06686849090096084	by:0.03482053262800045	from:0.03185984989939515	to:0.02871518466115221	at:0.020277523041872036	:0.041108947969254274
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
beginning,:0.11912038642536642	and:0.04466132438887782	west,:0.036649638001192454	ning,:0.024634963008696397	ginning,:0.02247969885253064	lot:0.022012739118657056	beginning;:0.021969250491337366	one:0.017146766786172787	section:0.014909827894100253	:0.6764154050330689
of:0.2284565896369346	in:0.15146793171922399	the:0.09452580479183025	to:0.06706960066328722	from:0.05362518217331863	and:0.05053216685278217	In:0.04166892774005123	for:0.03996076719419782	at:0.03643205852027261	:0.23626097070810148
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
and:0.32284662972725164	And:0.11483359066688718	not:0.08272981608411203	as:0.06169812159779949	that:0.02471012153209409	but:0.01880238283029302	is:0.018787601048252365	do:0.01403214644549192	it:0.013925975193456902	:0.3276336148743614
and:0.0698795499083269	able:0.05892097855346181	inclined:0.05659661953518943	began:0.05655966304458402	reason:0.05620476895710678	enough:0.052108158616863166	him:0.05165050715725336	me:0.05002272024879736	as:0.04547131453267248	:0.5025857194457447
the:0.16614082048343437	of:0.11946662000015852	and:0.09593941977939585	a:0.09158441596442048	to:0.07215729485944654	in:0.028862237694297438	for:0.021319288105972303	with:0.020823787468818356	The:0.017732312891837094	:0.365973802752219
of:0.2436947953362151	in:0.20012406774933944	to:0.12441918866199689	and:0.08063271552777948	by:0.062284601682616444	from:0.05704799330964418	In:0.05605648064938143	at:0.01808645583435459	for:0.017461916244237163	:0.14019178500443527
it:0.15467517530377956	that:0.12043680647762427	there:0.1061388378761261	which:0.08972888466219406	they:0.07880598993732991	It:0.062080295432334676	he:0.051866099311008725	and:0.04651998216632048	There:0.0322842212488506	:0.2574637075844316
the:0.3895870610743105	his:0.12491524295120611	a:0.08084016304977186	of:0.0757357945421562	their:0.043724332826901746	her:0.03448202346665151	and:0.03359920705727651	our:0.022044047132457445	my:0.02108667736241701	:0.17398545053685108
to:0.19784830552951918	of:0.172897107804942	in:0.13563702258692445	on:0.12941658843232462	at:0.07117297360753441	for:0.05558554900812348	from:0.04522509327243878	with:0.04312287834968237	and:0.03320092383624768	:0.11589355757226304
three:0.17027754603230527	two:0.14544400106282174	many:0.12175133380193053	four:0.09720265500660032	five:0.08989002949451665	several:0.06685777148154765	few:0.06684857580673145	ten:0.06277198446154375	six:0.05332028075231184	:0.12563582209969082
and:0.08865742573874694	is:0.05808560821995994	as:0.04433171423634286	time:0.041153155927044466	them:0.039265640941203224	him:0.038248701181326755	able:0.0330670497143168	right:0.028547208178574285	was:0.027966582030885347	:0.6006769138315994
and:0.06836615806839769	closing:0.050893343497395126	was:0.030410464365082754	valued:0.024267484682224193	held:0.022214654137899494	sold:0.021055232583252027	2:0.020543621014705526	is:0.020278384145430397	arrived:0.019208907943256866	:0.722761749562356
he:0.18239194152347793	it:0.0823130306346824	which:0.08124391028867996	who:0.07079975503589186	that:0.06719056769734863	and:0.06375745674538538	He:0.06120301846519296	It:0.05639218306906382	she:0.03447153131879917	:0.3002366052214779
all:0.08943475249596744	and:0.07220746373600447	of:0.060207529098396384	for:0.05065435848341567	was:0.04871439616635404	at:0.031779392508644325	it:0.027599579613913402	went:0.026591135596691073	is:0.024279628951916567	:0.5685317633486966
and:0.08869981246979557	the:0.08194048082123596	to:0.06501197907683855	of:0.05803945407431494	in:0.044020302530042674	or:0.035683893962762635	for:0.025580796036587878	that:0.024333695008905386	con-:0.020539158355060476	:0.5561504276644559
it:0.1839347352458833	It:0.13302095917005236	he:0.09077199059674086	I:0.06088812358753316	and:0.059014730249714584	which:0.04254016758612573	He:0.0337240959867969	she:0.03032400568345935	there:0.01960986852514976	:0.346171323368544
and:0.18312777925180396	he:0.12037110475575308	I:0.08872333964259695	which:0.06490133852889718	He:0.0570501770059409	that:0.045110089405542515	who:0.042100569136559164	they:0.03755022301102647	she:0.031248263970773002	:0.3298171152911068
of:0.2795045928132679	for:0.12596028403440654	in:0.11560271872855818	with:0.08034504827128237	to:0.07720448329148996	and:0.06699211800171363	at:0.04758501162981371	all:0.04376933336291012	by:0.04132115547237443	:0.12171525439418315
and:0.03667879690938607	is:0.016633334845375373	are:0.014113429728304374	that:0.014099138640051061	<s>:0.010085928890953819	was:0.010016959613357105	of:0.009110131185683802	or:0.00826119014203573	Is:0.007397991916531614	:0.873603098128321
and:0.24792843066885065	of:0.19162508705875156	is:0.048498279778232664	so:0.047766298414625596	are:0.04758144695111174	that:0.04002609929918986	for:0.03792584565729381	was:0.03502942841564533	in:0.03259186840269244	:0.27102721535360635
he:0.17766066668988476	who:0.11152434186775062	I:0.09519794033452197	they:0.07200539146686066	and:0.06429510545391212	which:0.06149174718897486	that:0.05806522140103802	she:0.03700986316229229	it:0.0350968622720654	:0.2876528601626993
the:0.5244373732279485	a:0.13079866223898184	to:0.07076876481704089	of:0.06962814907606088	The:0.04130593471767342	and:0.029563901274237695	tho:0.023435575814766314	its:0.021108521255510538	no:0.019157186798844813	:0.06979593077893506
of:0.16991394075603522	in:0.16520867315868298	to:0.10762421719601582	and:0.10132502127476324	the:0.08832322983469151	a:0.07633310520783422	In:0.043956206576485704	with:0.04383864018137801	for:0.04005485091867448	:0.16342211489543884
and:0.15241190676197344	the:0.10409723193442162	or:0.10354338873794734	of:0.09792973310223957	in:0.07195606160932114	about:0.07022158927193715	for:0.06537556950041698	with:0.05993707705436901	are:0.059240570896780496	:0.21528687113059322
the:0.2864847370651256	a:0.19554346102215564	and:0.0880373957752917	most:0.06147028212545558	be:0.04926041913430515	is:0.04879925350807828	are:0.04628280165803063	of:0.033263175104183	an:0.030745424233627947	:0.16011305037374643
of:0.25824918295244403	and:0.10581144758926693	in:0.10489092358744716	to:0.09792701082838975	on:0.07741955167650925	that:0.06299962161150914	for:0.06135597689003963	at:0.05701657834289877	from:0.04163842658141928	:0.1326912799400761
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
and:0.07006444884125536	was:0.06270321789070099	be:0.061929364724879664	of:0.060541651273739235	to:0.059157442880996246	the:0.05823992866875933	a:0.04146397181902922	been:0.02940248073144115	were:0.02877464945715437	:0.5277228437120445
and:0.1189733053664964	the:0.10287702719755622	of:0.08189169893754962	to:0.06345255385957328	be:0.04334095657672097	was:0.04121106403093484	in:0.03680279821111817	is:0.030567295462412034	are:0.02482235030573041	:0.45606095005190805
and:0.1156789470292127	well:0.07556980993677288	regarded:0.04497062169191372	him:0.038248776737851944	known:0.03783818211632863	soon:0.03287802268774235	it:0.03193764873859754	is:0.029686094618060876	but:0.029025893971380265	:0.5641660024721391
men:0.029445928264987764	city:0.02116218183177768	hundred:0.01446759023193597	William:0.012732334674710898	James:0.012650333400260325	Mayor:0.01128565217090362	Robert:0.01027556570741371	land:0.00980079184203965	street:0.00954869921502342	:0.868630922660947
in:0.26309493510412246	of:0.1556775146988496	In:0.0891444896374959	for:0.065522204087559	to:0.05330645873545753	and:0.050909173242344556	from:0.04134093726145148	with:0.0374046353819553	on:0.03219211715295642	:0.2114075346978077
in:0.2804826870215868	of:0.21125879275197876	that:0.09751766822569528	by:0.058219618617031996	and:0.054332399688196344	In:0.04201419553617399	from:0.027325018434083675	to:0.025650254021960073	for:0.023749209626252755	:0.17945015607704032
United:0.729899584453614	the:0.04616785923045958	other:0.028149946653912333	Southern:0.01983372803376483	per:0.014819410728210346	this:0.011766026010463934	a:0.011524454794570597	of:0.010923578160066238	and:0.00702446422749683	:0.11989094770744126
the:0.6754507427936444	The:0.06501441678346861	tho:0.03672481202688564	and:0.027916935636196485	of:0.024015004927297374	other:0.019655152771091665	all:0.019139211378041285	a:0.018555206682939893	tbe:0.015321090035819553	:0.09820742696461512
the:0.4078173957990584	of:0.24706030315648286	for:0.053815136650743466	a:0.05099403107689627	The:0.043246017435207604	any:0.04293480006509644	and:0.0398108409577914	by:0.03456109210099564	every:0.028526336015795368	:0.051234046741932555
of:0.27837195213426585	in:0.12218399202465449	that:0.11925166193658386	to:0.11042097961435829	and:0.07267468595582322	for:0.05630751086351615	with:0.05406299149549712	by:0.043516078146421305	at:0.04248867459762823	:0.10072147323125147
the:0.49155676473121734	The:0.12177836842150482	of:0.07088941631185111	this:0.047356792181024926	federal:0.033458469378698924	that:0.0268480446105919	our:0.02568025532265874	general:0.024169131690261723	tho:0.022382515935206987	:0.13588024141698352
the:0.5066514768967837	an:0.1332057717817049	this:0.06992184820012122	The:0.060587199330086584	tho:0.036961724813422824	a:0.020687144383132815	other:0.01923389547872367	This:0.018325933918683736	tbe:0.016835283552787832	:0.11758972164455278
him:0.02494659599230191	;:0.01487772965405297	man:0.012826628951379817	him,:0.01053555299716851	up:0.010332831893804855	and:0.010083138836835061	himself:0.009258682528632555	in:0.008913702740427201	man,:0.007933669360602887	:0.8902914670447942
the:0.6721394711711808	The:0.07299922766473509	a:0.0532152285836889	rapid:0.03981576556786668	tho:0.037991919730309846	great:0.02180403779987378	and:0.0191637753520007	of:0.013092328783561594	tbe:0.012669101639674977	:0.05710914370710763
a:0.5550576399480401	of:0.16601503586866476	in:0.07864680501952706	the:0.05451057636533817	with:0.030989386848635392	very:0.02610195798256414	for:0.024414420885603905	no:0.0195186872183112	In:0.014669551748490542	:0.030075938114824664
to:0.1100035386160539	and:0.0953749797231017	the:0.07301921550850103	of:0.06913723676948444	was:0.03474660993281463	in:0.028275506896595904	be:0.027994939320319302	is:0.02775343532480689	a:0.024811889186923574	:0.5088826487213987
of:0.27893260420343857	in:0.1416230349881485	to:0.10105792883376871	and:0.10053951161057163	for:0.07179157440925261	on:0.0650662374735435	with:0.06212656928588605	from:0.04396903424035772	at:0.03933200942964307	:0.09556149552538962
the:0.3292615529080237	a:0.1423984455590833	and:0.13005632461194153	of:0.06845595179982707	The:0.04854335593943952	in:0.046974028030993945	with:0.04568988294169855	to:0.03931909647091636	is:0.026677753701875685	:0.1226236080362003
the:0.7039639335575574	and:0.059304232478190146	tho:0.04651381333335159	a:0.03756334391441262	The:0.034538622466039746	tbe:0.013888939431740068	an:0.009805224565359184	that:0.009015869726872485	in:0.00858139430401512	:0.07682462622246168
and:0.19718253086034626	that:0.0980929994838338	but:0.05424156464750724	But:0.025487302541585825	day:0.02365989445986837	time:0.023350631575812825	come:0.014297933771264846	ago,:0.01287942375590991	And:0.01092520498674104	:0.5398825139171299
out:0.05216938344900259	that:0.03185263903623376	name:0.028370001883653746	people:0.0272847246565886	favor:0.023302956264180476	time:0.02286620403135065	and:0.02258199400411296	case:0.022340626310204247	tion:0.02136593398045263	:0.7478655363842204
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.5712642433285468	among:0.06593409923865948	for:0.05870331811568855	to:0.04177232555341139	with:0.04029353998503321	by:0.03798052928174532	Among:0.019232419650100918	upon:0.01731700586649877	in:0.0150933613403681	:0.13240915763994748
<s>:0.12309747384350163	it.:0.025507692365929476	them.:0.02140007007263283	time.:0.01671820078049959	.:0.01270188512073819	country.:0.012671213564300067	him.:0.01264889006489284	day.:0.01243017235446671	year.:0.011090001309228114	:0.7517344005238106
the:0.26787812706286634	this:0.09054750787549004	his:0.08683757125197906	in:0.059044924690374395	of:0.055591106665785504	that:0.05035629620197543	same:0.04912837022761942	my:0.04233807629956836	their:0.03991317911186712	:0.25836484061247433
and:0.1156789470292127	well:0.07556980993677288	regarded:0.04497062169191372	him:0.038248776737851944	known:0.03783818211632863	soon:0.03287802268774235	it:0.03193764873859754	is:0.029686094618060876	but:0.029025893971380265	:0.5641660024721391
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
of:0.15731319176517553	and:0.15111258474120606	in:0.11769352704013805	to:0.0858108137792141	the:0.05286599706116976	for:0.046817715238441644	at:0.0444101965007565	street:0.0430986386539365	or:0.03860654772926201	:0.2622707874906999
of:0.27555593010069696	to:0.18148238653540816	in:0.10453842244898083	on:0.09078897972770548	and:0.07475108846371818	at:0.049711927532370824	from:0.0457372342539039	with:0.04483513046734838	by:0.043017291407091054	:0.08958160906277622
on:0.4309389207730937	On:0.1368844018706727	next:0.05940858352982402	first:0.04702746006005704	of:0.04262850577671967	last:0.038296080204972764	and:0.037773959624711806	until:0.02670268299122685	after:0.02260838755027792	:0.15773101761844355
the:0.66431936134968	The:0.06766809473585911	a:0.05305262342182635	tho:0.04037425286564139	and:0.038610392383108504	his:0.018931772880476115	tbe:0.013177639344517305	in:0.011163606486192433	great:0.010942188099921856	:0.08176006843277701
the:0.14221445548655254	of:0.09066206083864871	and:0.07622780981212271	that:0.04564448178025829	a:0.038042993675150086	to:0.03562456801757692	The:0.03511920455498385	which:0.03254660275971444	in:0.03136971860142446	:0.472548104473568
the:0.6695395429252754	of:0.04486785050830135	tho:0.04463686204971771	this:0.03818080495352305	an:0.03418533416236022	and:0.03302242882864015	a:0.02429758320137808	that:0.024053786235196835	in:0.021530277508723775	:0.06568552962688341
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
of:0.27515822455403277	in:0.2059856309081205	to:0.1262344954124479	by:0.06987548832906451	and:0.05046247941087618	that:0.0498200123893284	with:0.048563287431339384	under:0.039039924202107355	for:0.03876277967551803	:0.09609767768716498
the:0.15600468596323455	of:0.1350073078003864	and:0.06565837472105837	to:0.048855511697701755	on:0.03858184396163426	a:0.0376602623754783	in:0.03758074680658615	by:0.035978717489917766	from:0.020504301734417505	:0.424168247449585
of:0.28919242033744175	to:0.131642769240706	in:0.10811544237849516	with:0.0765907986118994	by:0.07649992590745384	and:0.061365017228408855	for:0.05320489524607325	that:0.05208614202461013	from:0.04173171312128772	:0.10957087590362391
the:0.37077384972514293	of:0.07493231110548779	a:0.06847884041077369	The:0.05500417710695244	and:0.04730455385289441	their:0.046134814182445597	these:0.030897244525583144	other:0.028775774568916224	such:0.025726306783756772	:0.251972127738047
of:0.18253451343774907	in:0.15897212664363752	to:0.133967540744052	and:0.08342395995785497	as:0.07237578725397172	with:0.059843594884044844	for:0.05759723862828709	is:0.05115886121195853	by:0.04411149884975377	:0.1560148783886905
the:0.5695735378034873	a:0.17656675870385666	The:0.061802691347850276	tho:0.04678869123375643	tbe:0.024687893855355993	an:0.024314240849449543	this:0.01951562909738755	any:0.015847720671918752	every:0.014317762694725901	:0.04658507374221163
;:0.012543126460709373	it,:0.010603509882477598	years,:0.009811287406723577	here:0.007151313312249549	them,:0.007068766025557525	him:0.006979819620470969	it:0.00686234128030254	time,:0.006832856627314442	<s>:0.006767880104258798	:0.9253790992799357
a:0.2665541173294262	said:0.17870236942805745	by:0.16810436067662773	the:0.13842208535297298	certain:0.06763983761590792	in:0.024505152930436185	and:0.01993760982017385	of:0.01947134909310573	first:0.012440856655287581	:0.1042222610980044
No.:0.10822230309652361	and:0.0611937952227032	at:0.03541422328889691	as:0.028692642289682213	that:0.026349068980797367	<s>:0.01836939065790324	an:0.018124371824774436	to:0.017649958438396868	about:0.015336378115685683	:0.6706478680846365
the:0.39262101384911036	of:0.15012006078604745	a:0.09974740975626833	his:0.04097188302182785	and:0.029810139342129362	The:0.02661710429353888	text:0.025339842297801476	on:0.02333466356239577	said:0.022405661537162943	:0.18903222155371757
and:0.1553019240335302	do:0.08904015114394286	was:0.04890467291559971	And:0.040295173233967786	is:0.03839740440490307	not:0.02834205073342967	be:0.025992140622487857	or:0.022453478628664345	but:0.020805455461122335	:0.5304675488223521
they:0.16031822704853502	there:0.13754556577284677	There:0.08746727624855478	we:0.076533152031077	who:0.06622515393176269	which:0.05828041850287377	that:0.04565604952487895	They:0.042825313515915564	and:0.03806043840651009	:0.28708840501704536
and:0.21058657349943624	was:0.10526384199312937	is:0.082436961971412	do:0.08153964089783862	or:0.0658972075762561	not:0.055726103731108395	be:0.042663850967473355	are:0.03953795944259716	were:0.02994984798183613	:0.2863980119389126
I:0.4033697523051741	we:0.23616030602661275	We:0.06857153886911317	to:0.06274773119092733	will:0.050953211618041956	you:0.04291398633608412	they:0.041773889822601364	can:0.032181331932720256	not:0.030984284981960004	:0.03034396691676496
of:0.30995180046016685	in:0.1475943041758447	to:0.12374218241615194	and:0.08941909530864163	that:0.06393757371575573	for:0.04856761960393147	with:0.04846937663652007	from:0.0384555401850712	by:0.030470281805663663	:0.09939222569225273
a:0.39756611831042027	the:0.29471374666450656	his:0.10878059195603536	their:0.036260972357472346	The:0.03373371961395382	of:0.027730966100388565	my:0.022397851614502345	tho:0.018080492044214153	its:0.015437673578357486	:0.04529786776014907
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
of:0.1518010450660757	by:0.09761430907367775	that:0.0828086378182812	and:0.06779653366063473	to:0.04594344997249157	<s>:0.033328244563287576	said:0.020278929501519827	which:0.018498068895151116	with:0.016273282506534793	:0.4656574989423457
sum:0.23165876493901238	rate:0.11106535093906848	number:0.058765597905806786	one:0.04087555282235169	period:0.03831207051494986	depth:0.03179830662403125	hundreds:0.021346368039663083	amount:0.02121407390579666	payment:0.020561027343512787	:0.424402886965807
that:0.19529459725552145	and:0.1893205846914157	but:0.10676670620972793	as:0.07688705093448475	which:0.058663178485630074	if:0.03975885240158478	when:0.03805535861827694	where:0.02774861381497361	But:0.025105247517370508	:0.24239981007101427
to:0.09646472145736244	and:0.07774674825436444	of:0.06530413012359493	the:0.061496175813215107	be:0.04696435328846611	was:0.04692759726387952	for:0.040862429485823686	is:0.03849537884737251	I:0.03350885101123181	:0.49222961445468943
of:0.34452588271586815	to:0.14053060499453146	that:0.09767585935923503	in:0.08051919538440001	and:0.06485821812150527	by:0.0591508779935522	on:0.05129505907459228	for:0.04232183353079423	from:0.037618293315382204	:0.08150417551013917
as:0.10679221020406579	and:0.05480177073380198	up:0.04637205163555417	according:0.043859184886638015	come:0.04344714917783224	came:0.03905546071284538	regard:0.0340054567478107	given:0.027248481425193424	it:0.026741801623947906	:0.5776764328523104
it:0.35206027772596227	It:0.17116375709266243	there:0.05927717749866558	he:0.04994289691356753	that:0.046819318121269056	which:0.043835258701404124	and:0.035092708171891196	who:0.028082724458437673	He:0.0177887927213698	:0.19593708859477033
the:0.17045862015736757	to:0.15333012694683615	and:0.13142773282856782	a:0.09551212299051387	I:0.048576243118593446	will:0.04420303261010698	1:0.04095682516365879	The:0.03468361515680379	that:0.03348870545135126	:0.24736297557620032
of:0.3041455575974933	to:0.1437082643425832	on:0.11179723595104812	and:0.0737509963712321	that:0.06838220044534414	at:0.054962657431032444	in:0.053807804968193276	from:0.050314299996483194	by:0.048476192942544606	:0.09065478995404566
and:0.23946592614540754	to:0.2143455195155135	he:0.07137199682053133	who:0.05690162571739573	I:0.046865501152030316	will:0.038998235347953575	be:0.03546699430106319	not:0.03480045033850362	they:0.034209960793608316	:0.2275737898679929
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.2939084445749399	a:0.1557656867719315	his:0.14837572357454507	of:0.08644836756437477	my:0.05538283990342274	said:0.03874610127577436	her:0.03291017351720301	to:0.031315137631728406	in:0.03072468545896774	:0.1264228397271125
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.37354668343641684	of:0.16172226721132543	The:0.07158635271581301	and:0.04357318219423672	that:0.038650043103719084	by:0.03675974040467833	to:0.02975402343094362	at:0.019775793707159862	for:0.019702809606064214	:0.20492910418964289
to:0.3431020624728917	will:0.1541027071135922	may:0.09556842252137418	would:0.07551578793884997	can:0.06426245590076207	should:0.061186915711909776	not:0.04633046493112409	could:0.044522924969372095	shall:0.04175383316161647	:0.07365442527850742
to:0.181663876927465	and:0.11396148346384369	the:0.05445187609015564	of:0.04136889206778158	had:0.03186889048727827	in:0.02984667247261425	will:0.028877123043566082	he:0.02562355601817344	not:0.024100401071398363	:0.4682372283577237
and:0.05049270609400036	covered:0.04517537158604233	filled:0.038667402650483275	together:0.030659217980718908	charged:0.023814339760940825	it:0.0213243214089443	up:0.019650106793190212	him:0.018225104095288727	them:0.016067503551254556	:0.7359239260791365
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.12666929452491524	of:0.11728030190344839	the:0.10604357708700111	a:0.050286738622307606	to:0.04060459120769308	is:0.0337513324522911	was:0.032907944973908046	be:0.03084974039139049	in:0.030528898172942718	:0.43107758066410223
of:0.07858503074155922	and:0.07803557080696075	to:0.07747135227581889	the:0.07243262796459926	in:0.06417305785045004	a:0.03357472856752043	was:0.030037390036403565	is:0.03001547729734283	for:0.026142527772413028	:0.509532236686932
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
that:0.19441526268001524	and:0.12405544115387855	to:0.11180444561868198	which:0.08956709030387701	will:0.07468700088170725	as:0.066317982762334	would:0.055115378332073556	may:0.047254069139641655	should:0.04666943422240808	:0.1901138949053827
it:0.18143874199255758	there:0.10331969695424356	It:0.09198639939220059	which:0.08073126991269376	they:0.06240522313208139	that:0.054082648531678275	and:0.05144105994683339	he:0.03253148924096088	There:0.03214778196988864	:0.30991568892686194
of:0.11934312553998774	the:0.09799154142412864	and:0.09236689481120294	to:0.04665859781422047	in:0.038884799587171406	said:0.02810518539746361	be:0.02377638778483744	for:0.022729840022353832	was:0.021221776604639295	:0.5089218510139947
a:0.43560189504867336	the:0.31532951354909805	The:0.05945338545098307	A:0.027240354093905978	this:0.02427441747892094	appropriation:0.01336245375717808	tho:0.013292913003539394	tariff:0.010448484426980091	any:0.006909622979121844	:0.0940869602115992
the:0.18865064154752814	of:0.09521314359217854	Mr.:0.05936560020366942	The:0.05918413378541302	and:0.04789785501490848	that:0.04093932846997176	a:0.03062771603476304	this:0.01791027151166763	in:0.016031536642742206	:0.4441797731971578
the:0.31020370104836203	and:0.18893992436953	an:0.1588434126740392	The:0.06662396120011009	most:0.04589550785758771	of:0.04313627727931715	as:0.038528140464250474	very:0.030151252033901732	their:0.030050687152589718	:0.0876271359203119
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
and:0.16312662130041428	that:0.03300610117423295	interest:0.02292052214164098	recorded:0.02273927999545359	it:0.022027235545653966	or:0.01997926498996897	out:0.019479868973805953	made:0.019465237511986776	time:0.019308758388200103	:0.6579471099786425
be:0.1657174570725306	and:0.16223017851594196	he:0.0682713893612228	was:0.06669636788732664	are:0.060367341485277975	is:0.04856383281577186	not:0.0412293074672424	have:0.04024399825762813	had:0.036662834599177095	:0.3100172925378805
be:0.15585625951404353	and:0.14925328160080847	was:0.11702464492529366	is:0.08533540398850928	as:0.07226465929580084	are:0.07107297997475764	been:0.05853146727111188	were:0.03782101263178713	the:0.02274256333266646	:0.23009772746522114
a:0.2640528066991317	the:0.20692489648123746	to:0.15093044881045162	and:0.05402365139631179	The:0.05358997524711863	A:0.025807010851772373	annual:0.025501961105233784	will:0.01946405505340628	this:0.014718002588831191	:0.18498719176650513
an:0.23055808220764282	the:0.16260233856507625	of:0.12247835987824528	and:0.10266531803871783	for:0.03451454054844625	such:0.030961561939420745	a:0.030064882744310722	two:0.02884223088858062	their:0.024942471569462613	:0.23237021362009688
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
.:0.06036338533555344	-:0.043887091889182335	and:0.04242986687629387	in:0.040942223538051666	of:0.039665000903496186	from:0.03681193046293022	pre-:0.03096529268517413	de-:0.02893648917577088	lots:0.028852046068686684	:0.6471466730648606
Mrs.:0.12303409522203514	.:0.11830829862723574	Mr.:0.07087360224958414	Miss:0.04068183750648789	W.:0.03526379902630903	J.:0.03523357820317872	No.:0.030101493936778204	E:0.027525204541834457	John:0.02578064432075351	:0.49319744636580315
and:0.09121664060052273	that:0.037375507080954926	look:0.03322743379145549	depend:0.031221357626968052	effect:0.02401028871238005	it:0.022932124421844627	called:0.020906236573028782	one:0.019981554455599876	depends:0.019977620367333523	:0.6991512363699119
the:0.3601862841224291	a:0.29051251149447693	this:0.046474477078763836	of:0.044768381867366314	The:0.03790817493902257	and:0.028427986945511963	to:0.02717677995836912	at:0.027083910120954298	tho:0.02199952222040567	:0.11546197125270022
of:0.30184285024841256	for:0.17251899765340142	in:0.09715024966818318	to:0.07327136320749579	by:0.06172994408106979	and:0.05058533160489598	that:0.04776691943224621	with:0.04623073223490571	In:0.03795805133325744	:0.11094556053613192
the:0.24227808241104218	of:0.11613749629366947	and:0.07660005797981907	a:0.06034782586171289	to:0.05083063694345701	be:0.0380573694266907	his:0.028316853554054378	was:0.028164956133643348	in:0.024587578533788672	:0.3346791428621223
he:0.07526036842125361	and:0.06758289236892058	I:0.0543582575303221	it:0.04610796980540348	they:0.03540611339257976	that:0.034829082865375706	which:0.03304514239878181	who:0.029193129337925786	we:0.025420517992461013	:0.5987965258869762
was:0.21744783863216333	is:0.21571643799001022	are:0.10638008073024344	be:0.08461140962006859	and:0.07215274013339609	been:0.07016645174775897	were:0.06473361573874148	the:0.043635865411417674	very:0.037324243800700936	:0.08783131619549926
to:0.3847297024898932	and:0.09728166127237792	be:0.07876216436811909	the:0.07090092799352048	not:0.05215268398335285	will:0.04552612377725132	was:0.04370162871203614	a:0.027291322642569754	been:0.02612661438431401	:0.17352717037656526
of:0.24474406600276669	to:0.1154361165642893	and:0.11161036825618043	in:0.10342216357222876	for:0.08377935547555583	that:0.058372873314191956	with:0.052410683646182524	by:0.04182757828430856	from:0.036022674152075496	:0.15237412073222048
and:0.3231183767197536	but:0.05912307603170991	that:0.046630775251274126	time:0.03517836098603106	was:0.03013113325783848	it:0.020315865108569545	day:0.019865072855726768	But:0.017529151547724567	him:0.01626309307177351	:0.43184509516959846
was:0.11728509358533447	and:0.10257388945383332	be:0.04655539316556148	were:0.0414635998041235	are:0.039145320253006134	is:0.03820776214233564	him:0.026590456998913197	it:0.023187201555967693	them:0.022698805295898624	:0.542292477745026
of:0.4266610604413786	in:0.09172431566422674	for:0.07881965536823181	to:0.07708538297867949	and:0.07334694896910385	that:0.06740490647160255	by:0.0440027124204743	as:0.029464699805141548	with:0.027932305009422398	:0.08355801287173875
is:0.09951724926107511	and:0.08134802790555139	as:0.07039083517998715	order:0.05932204763035645	enough:0.05578000667605871	have:0.05437247427970305	right:0.047373540698406415	not:0.0472945312075833	had:0.044865574267696565	:0.4397357128935819
be:0.4318490615923199	was:0.11038784098761757	been:0.09121994455240212	is:0.08270798322703088	and:0.04815232364028473	are:0.04240855987172613	were:0.03925973302804938	he:0.034239779934489484	have:0.03324042451718525	:0.08653434864889456
a:0.33545174166448943	the:0.24220639477804065	no:0.16741192459330265	this:0.07856950885450602	easy:0.025265061450964462	any:0.02300802451703654	his:0.020559357312944622	The:0.019580661058280033	every:0.015034488498811595	:0.07291283727162402
the:0.12097163063729519	and:0.07611130377811971	of:0.07149102508511111	a:0.045852690374187495	in:0.04085711589517319	to:0.030045327803035683	for:0.024746053014983706	In:0.016110165324988893	that:0.01476928259698822	:0.5590454054901168
of:0.31295397836217576	in:0.15016304460434532	for:0.10003672730944728	to:0.09618408851612024	at:0.04943909432008899	is:0.04724348250271324	and:0.0433897831513907	from:0.03783438686559728	with:0.03722113129877674	:0.12553428306934444
of:0.32645616997606214	in:0.09349684256507844	for:0.09235497094789534	and:0.08587310386356996	that:0.07859696089883524	to:0.07050688767237107	on:0.048353149923559775	with:0.04344931678417093	by:0.027657208268521034	:0.13325538909993606
of:0.14420278001714187	was:0.10929140635644649	and:0.08615702873251362	are:0.07636483942854921	is:0.071018667280734	were:0.05664139546392296	for:0.04204040078215856	in:0.03903871668242307	all:0.037334396449167924	:0.3379103688069423
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
;:0.028431762489734294	it,:0.016981525986579843	him,:0.015372527692784979	them,:0.01130165876110519	it:0.009538954252425095	him:0.009264969159856357	in:0.00916285579949917	time,:0.008164571405095149	States,:0.008145680833819006	:0.8836354936191009
to:0.25532811188649984	a:0.20366239111016562	the:0.13717885029909024	and:0.0821814369995675	of:0.037480402223326145	will:0.03579667818518074	his:0.024085625316443617	not:0.024010554146936175	or:0.023723716531338302	:0.1765522333014518
of:0.13470036988374534	the:0.09488553862415759	and:0.07312423262004518	to:0.07204023274823565	in:0.047748323802994895	a:0.03993813738598023	be:0.03557506201615192	for:0.034417615778310845	is:0.02663873251258484	:0.4409317546277935
of:0.12992897656622798	the:0.12577809652403205	a:0.09575880080128758	and:0.07976608911367174	to:0.06040419928973828	or:0.023867118329558918	in:0.02332249103147713	at:0.02081909581396589	for:0.019507139362411375	:0.42084799316762905
of:0.12126408194117297	be:0.10246079067549135	was:0.09303036768810397	and:0.07828505322058978	is:0.07400829377116447	as:0.046160005996123875	to:0.043578696777755034	in:0.04343532296325569	been:0.03363589213773527	:0.3641414948286076
to:0.7558467176275222	not:0.05253451065628492	and:0.04127356937790419	will:0.0229865849891689	would:0.019829065374244725	may:0.01624210137413425	of:0.015964377970589427	shall:0.012468474213829144	can:0.011909574416722373	:0.05094502399959991
and:0.05850633159345087	made:0.05778236604140629	or:0.027947329102333503	that:0.01819347949917324	him:0.01773635421536566	followed:0.017704641720028166	owned:0.0176503613776524	ed:0.016838740781092234	accompanied:0.016553199430885835	:0.7510871962386119
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
I:0.16599257434774423	you:0.15878969720925504	we:0.15100737168232325	he:0.12049873767241416	they:0.10430325580207991	We:0.05334409980303056	You:0.04087628926052452	it:0.04049079618414541	she:0.03281041000916102	:0.1318867680293219
this:0.4656716102226449	the:0.07950473606487726	to:0.06055539193290801	his:0.058148086235370273	in:0.049026528444702566	a:0.04519633690376031	my:0.03824115190898802	good:0.03387106893820892	that:0.031861352923312374	:0.13792373642522734
is:0.3194141499723857	was:0.10984667352391367	have:0.10270298778089779	be:0.1008615815906726	and:0.08099762974544653	had:0.07704197026094121	will:0.04861110462843792	has:0.041415242372692784	Is:0.041230939281054826	:0.07787772084355696
to:0.32040123442259544	will:0.2405601441405995	shall:0.10708703317379316	should:0.06457839564828417	may:0.05532332060354648	can:0.04696380848358606	would:0.0434992133451546	not:0.036168740195381834	must:0.03584517436925347	:0.04957293561780527
it:0.1282674437454785	he:0.11588985153371738	which:0.09837940728135901	and:0.09087353939872858	It:0.08573696332185543	that:0.06462386497367012	who:0.051998778447613477	He:0.0239995817436407	as:0.020045840917525832	:0.320184728636411
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
it:0.20025183666124766	that:0.1653583301420875	It:0.0912807155787794	which:0.060393085972996294	and:0.03855999818207942	he:0.031097769006803364	There:0.020788824944135097	there:0.018008193860428272	That:0.017497602681888595	:0.3567636429695544
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.20484208449119393	and:0.09390389120827436	a:0.08832970089370838	of:0.07063471592695679	to:0.05385438868891443	in:0.036478894719687065	for:0.03298355929639502	The:0.021469792527750914	his:0.02091048281190284	:0.3765924894352163
to:0.41141094128054534	a:0.14552922280000416	will:0.08768833133346449	the:0.07769822227093469	not:0.0459906860852734	would:0.04133835965223281	and:0.03085950505641395	shall:0.02474816895741142	his:0.024365244515399623	:0.11037131804832014
and:0.11982936771573476	was:0.04318686101311675	is:0.03442906160968657	Beginning:0.029853796029896264	look:0.029785043509945378	be:0.026646561957615132	it:0.025222276867729695	are:0.023829966728049802	that:0.022509737697919124	:0.6447073268703065
of:0.1020072007399396	and:0.08917915782652422	on:0.04108070533102924	in:0.03096253624713532	is:0.028752490932217482	are:0.02734386699982055	to:0.02544057107859307	was:0.024478233940952127	an:0.02372279054942706	:0.6070324463543613
the:0.6390866346894885	a:0.0775556284180651	The:0.04943023180957141	tho:0.0461904191166612	and:0.045538709837373695	great:0.028308769225485468	tbe:0.021869844805626676	in:0.021063047167129707	this:0.019598902755685717	:0.05135781217491264
and:0.10221907577126567	the:0.06716611179657185	a:0.03533024522888545	that:0.025783913800067507	of:0.024208930685068335	to:0.022102515560964296	man:0.020678508167584937	time:0.018948937387499604	men:0.013839963752468772	:0.6697217978496236
and:0.10968615154899033	that:0.10300191553271104	as:0.06787944444478897	of:0.06784266536627429	to:0.04946776343917317	make:0.04536235238254599	which:0.043134291809455536	but:0.03568964334384511	if:0.0324340118960915	:0.4455017602361241
is:0.17259142955892112	ought:0.08272961521902446	are:0.08056057458647582	seems:0.07558392967483372	was:0.06572888558670693	not:0.06439114674223405	said:0.05149586598076354	seemed:0.04272828164381891	as:0.041024869025136954	:0.3231654019820845
a:0.5996059675643638	the:0.12257361574979612	A:0.04899622408253893	of:0.03700990758043034	The:0.03509326315986122	no:0.029606229856340087	and:0.024629084539651756	his:0.017366188395170012	as:0.013118701158137295	:0.07200081791371046
a:0.5267556833077277	the:0.12171898537484897	and:0.05916380148777901	of:0.04240949087952971	most:0.04232071876743365	A:0.03172863316516783	very:0.030109910923361616	an:0.02822983224662723	one:0.022042366035763532	:0.09552057781176072
of:0.275081610808215	in:0.1378269568820916	on:0.13683225996049048	to:0.13530693301285143	and:0.06110486134534161	that:0.04995180346074405	with:0.04627576512080343	from:0.03683841120713432	for:0.03582306268147399	:0.08495833552085405
the:0.09465852141043161	and:0.07988974624357965	of:0.07668969562173271	to:0.06738788201408927	a:0.05910141492982904	in:0.03531294015657826	at:0.024702761236418673	or:0.019890294953798203	that:0.01479619713910379	:0.5275705462944388
and:0.05049270609400036	covered:0.04517537158604233	filled:0.038667402650483275	together:0.030659217980718908	charged:0.023814339760940825	it:0.0213243214089443	up:0.019650106793190212	him:0.018225104095288727	them:0.016067503551254556	:0.7359239260791365
the:0.14651767028650897	and:0.10280181339946678	of:0.07164139889404732	to:0.06710968865667367	in:0.043620235518656805	was:0.04085328919635116	a:0.03773596883616436	be:0.034467327867332885	is:0.024743356400790086	:0.43050925094400794
the:0.4470747698762972	an:0.11510947893078798	of:0.07086060501429274	his:0.06730547643285785	in:0.03201719625119591	this:0.03156453020025989	The:0.022370041372889272	tho:0.02200343900218515	good:0.021155833174673972	:0.17053862974456008
well:0.09289188070909403	known:0.09150792033496646	such:0.06495686320865282	and:0.057675598864368814	far:0.05283258664895302	soon:0.0367922664062837	is:0.033512873427505765	just:0.033213473437915655	was:0.02672271563617947	:0.5098938213260803
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
the:0.5948363231472962	to:0.08498163133943024	The:0.0576162522040522	and:0.047395323279349325	an:0.04642147003547589	a:0.04452240636199368	no:0.03702948478161077	his:0.033881377168126774	tho:0.029340293827905567	:0.023975437854759425
the:0.2127797365208638	of:0.08302074642967078	and:0.07380683214123993	a:0.06568303652727647	in:0.027923783153467472	to:0.02344842585727404	for:0.020987680758112734	or:0.0200710438986922	that:0.01912950736957076	:0.4531492073438318
as:0.14042292473166584	is:0.12264912002738837	and:0.1023914450702185	in:0.09988077890112924	was:0.08240219094867869	of:0.07637773596291596	be:0.07596110374903887	to:0.062026200338329535	the:0.05729271210625926	:0.18059578816437571
the:0.2333063895891906	any:0.22688200657111282	a:0.17095534498441547	Any:0.10108061464168133	every:0.07560752888044595	no:0.0470939372192892	other:0.037373318644552816	some:0.03418956989102121	The:0.03198248236968018	:0.04152880720861043
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
It:0.1863534843032382	there:0.17114302194463862	it:0.1571312970353264	There:0.0863267732740467	This:0.05314199278471771	which:0.038444543800034654	he:0.03704784810338996	that:0.0367825812830805	this:0.03132237140267237	:0.20230608606885483
the:0.17033664326518952	of:0.10360616332513127	and:0.09242921683155202	to:0.046412633589542875	in:0.04397105737096263	a:0.039788465246858654	his:0.03031257154283826	was:0.020218564941731184	In:0.019744718058102833	:0.43317996582809076
six:0.31141140801368633	three:0.14372971916115154	two:0.10967217436058006	four:0.07857433924392093	twelve:0.0601689375057831	eighteen:0.059026828275162736	few:0.055841257548484395	several:0.052116852734332114	eight:0.03874477022783851	:0.09071371292906029
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
the:0.5393860493071395	a:0.19810716835496966	The:0.06257832541918766	of:0.06133770855492052	tho:0.02728487840239318	A:0.020265748259786453	our:0.020096189812515656	in:0.01879036917053515	great:0.01825810297405175	:0.03389545974450046
of:0.31432509386359186	to:0.1367138627930111	in:0.0926106298034148	and:0.0855381632239397	that:0.07329042977188155	by:0.05859515036862378	for:0.055538608422367616	with:0.04263886558401193	as:0.029166362003370482	:0.1115828341657872
amount:0.07919987458556406	payment:0.05473586814113923	out:0.05053607716873832	value:0.0498733300394171	part:0.049264397934526596	proof:0.04494063651223855	all:0.035516241206615985	tion:0.032755849510533855	proceeds:0.02811040568735143	:0.5750673192138749
in:0.02638428018357941	;:0.022948193168088	Under:0.022257726760128087	given,:0.012259186448498384	him,:0.009247354898396268	them,:0.008968743245138962	,:0.008936750842298911	up:0.008725773137890296	thereof,:0.008656362438106123	:0.8716156288778756
the:0.6179941079673417	an:0.1529590558071077	The:0.05642586168539258	tho:0.038915781925123905	a:0.02764898213115462	this:0.02100876153059087	tbe:0.020541032670917017	general:0.015276333301131357	said:0.01309756484556753	:0.03613251813567281
.:0.09706337204945847	Mr.:0.08366689081738472	W.:0.061883989836621855	E.:0.054817183790617556	No.:0.04115079878534522	Mrs.:0.03942782530517913	C.:0.035310374900481174	J.:0.032838673831544894	H.:0.02938376822134458	:0.5244571224620224
the:0.5914068900000896	a:0.09071602975060389	of:0.0587059218960764	The:0.058214828616600545	tho:0.04148504429685225	and:0.024812763830768827	tbe:0.016422666303441545	to:0.014704359536484525	in:0.013379699571255534	:0.09015179619782686
of:0.29101867198091264	to:0.11813174100818619	in:0.1172972311449329	and:0.06830399127118737	with:0.060605934900068804	for:0.05419409192275341	on:0.05219893444697187	by:0.041348689452230795	from:0.039219237042174226	:0.15768147683058184
the:0.1807369256641689	Mr.:0.08855785644716521	a:0.06750731975974888	and:0.062373830530946014	of:0.052165752401127856	The:0.03997695043210817	was:0.03030034584473135	is:0.022743710250947447	to:0.022101731821456416	:0.43353557684759975
to:0.5827739228675215	not:0.1032856438726728	will:0.07781484513892196	would:0.07102852593943262	and:0.0567523768156949	may:0.018639114009008067	must:0.017167681210187028	I:0.015997269584607954	we:0.013455067814243155	:0.04308555274771
the:0.8298009352723339	The:0.03178028688047289	tho:0.025508826915579454	their:0.022472696821859102	our:0.018033215076773485	of:0.01662561661054004	his:0.0158966054710523	and:0.014850344912398094	its:0.011938419389044923	:0.01309305264994585
in:0.02545262045727551	men:0.018380070915252216	hundred:0.015535937486177764	time:0.012654718150595622	law:0.011301664887260856	large:0.010784408078718876	one:0.010383486457761597	due:0.009874292429144617	and:0.009873237485976861	:0.875759563651836
they:0.17021223761054824	we:0.14096447976855717	you:0.12722597146279696	I:0.08991106170782166	he:0.08172403094643141	that:0.06517201807246517	and:0.0645036557043125	which:0.04901383564670165	who:0.04860529925601022	:0.16266740982435504
the:0.10146844837649384	and:0.08351440291232937	of:0.07721678837795874	a:0.06218890366985137	to:0.05001128689621155	was:0.039362128531934173	be:0.03324765718154781	is:0.024244084666346637	been:0.02366127233680173	:0.5050850270505248
and:0.17769806811332714	the:0.11247847190170268	of:0.10738646591817218	was:0.08044396526600425	is:0.06136408885979613	an:0.049617804046475325	in:0.04944588222595619	or:0.034566265710192896	from:0.031225140125101386	:0.2957738478332718
set:0.17097881207897564	setting:0.13907989148320987	put:0.13690389577842388	brought:0.06917519420260679	sets:0.04692803620457627	and:0.04064553791448847	bring:0.025582553794004377	to:0.02120740480887072	came:0.01803822661920776	:0.3314604471156362
no:0.14719579488403028	the:0.14461952703964215	a:0.11992861190144109	and:0.10503444828036755	of:0.09600768792788412	or:0.09483909892197191	any:0.06645425792329647	much:0.061968387885321975	for:0.0534110259928235	:0.11054115924322093
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
a:0.3912995389863509	one:0.10544399755549477	the:0.10020493998761948	in:0.05340814679851573	certain:0.05220796207493245	this:0.045154837963982744	of:0.04149476554982898	any:0.04146919028171473	A:0.03259968055474415	:0.13671694024681605
are:0.1528233915554518	be:0.1458294910596025	is:0.13605909890473616	was:0.09031417585644827	and:0.07457586261762084	most:0.0716646984535924	more:0.06888688842246754	were:0.0575353432133198	a:0.051841095529735336	:0.15046995438702535
and:0.11204552940588035	made:0.06896032894229892	or:0.03699418581223197	that:0.03048433910786358	ed:0.02822041851524531	him:0.02273023942835716	them:0.022502188233763848	held:0.02088220613153845	done:0.019210144520036155	:0.6379704199027842
a:0.5215565078791636	the:0.2654641231487215	of:0.05055676570755363	The:0.0391347519995349	and:0.018572131018225423	this:0.014651272388483596	A:0.014599488577180336	with:0.014424244521358548	for:0.011117336062781397	:0.049923378696997
to:0.41540572007340815	will:0.16968151124832348	would:0.08893479375585324	shall:0.06651901834808942	may:0.05186794644140259	should:0.03957340724896262	must:0.03509590863426884	and:0.019192993072479392	not:0.017143151351115427	:0.09658554982609682
that:0.2895502269269783	and:0.14614501437206212	is:0.09755529616793848	was:0.0627606510419515	of:0.05611104056078403	be:0.05588431368105113	but:0.05425182673172216	by:0.03242896081323987	which:0.03220899430134793	:0.17310367540292448
the:0.6132266577564013	of:0.06191534433607544	tho:0.036701607867448666	at:0.03389409644440157	and:0.029739687474721742	The:0.028604820660187255	to:0.026952453797016655	said:0.014613774065964142	tbe:0.014357909798497314	:0.1399936477992859
he:0.12677220735327943	they:0.1187152393706186	we:0.09666418318350911	who:0.06680681656996197	I:0.0583796738414768	you:0.05685473890782583	it:0.05588902154192465	which:0.04791142495321864	and:0.04190841090456938	:0.3300982833736156
the:0.15432689245251346	a:0.1330235471429027	of:0.11364218474326393	to:0.07218547454187832	and:0.04341065663562752	as:0.034507433452534785	at:0.026016871814846642	in:0.025880843013995593	for:0.022025465768945787	:0.3749806304334913
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.25413100201178485	the:0.21087864479333887	in:0.1340934051390107	to:0.040509770958691196	and:0.03874546403308704	for:0.03037053569078378	a:0.0286592067684771	In:0.025928584828935716	The:0.01807622951572887	:0.2186071562601619
virtue:0.047208748828426794	one:0.03731655147053976	out:0.02742695326104886	quarter:0.02536332468281589	part:0.021055512274846783	that:0.017992317412955046	payment:0.015369728249922021	tion:0.01260724274962853	side:0.011536702763787576	:0.7841229183060288
the:0.6468874711598005	The:0.076251955491641	an:0.04718843995659321	that:0.03751544212723638	whole:0.03019367668291735	tho:0.028241544585952804	this:0.025200310762864615	and:0.023520642578009086	a:0.021832342659851945	:0.06316817399513314
the:0.14651767028650897	and:0.10280181339946678	of:0.07164139889404732	to:0.06710968865667367	in:0.043620235518656805	was:0.04085328919635116	a:0.03773596883616436	be:0.034467327867332885	is:0.024743356400790086	:0.43050925094400794
<s>:0.04364305021660168	.:0.024951927640529187	it.:0.02016123255952567	them.:0.018477822374164544	him.:0.016648327173569444	it:0.015290936897683472	Mr.:0.01434149648238134	her.:0.013599899777558695	me.:0.012046360943866567	:0.8208389459341194
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
was:0.1328259493415305	he:0.1310524597776356	be:0.127537428697224	and:0.1231594895589302	I:0.07906961474473555	is:0.06703676184971782	were:0.043849992527521094	are:0.04044078546931637	who:0.03852657143846196	:0.21650094659492689
of:0.4639493402052961	in:0.09377191949258448	to:0.07640285292147929	and:0.057732191046362534	by:0.04955587709475582	from:0.04521339304499154	on:0.04424931348738492	at:0.03994870296195312	that:0.036047276691718304	:0.09312913305347392
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
there:0.030398521322705267	mortgage,:0.024589634027302278	;:0.024432908464996232	it,:0.01519495322264309	cause,:0.014540507171306267	mortgage:0.010583621003292989	them,:0.010271711206869519	States:0.008597589875224031	you:0.007740314694520186	:0.8536502390111401
the:0.22038313903105292	Mr.:0.07937156760867098	of:0.07368785948768332	The:0.06437454493038172	and:0.05944888902093017	that:0.046904228525190425	a:0.028819451762637286	his:0.018895379103475607	Mrs.:0.016510016796138643	:0.3916049237338389
the:0.6052152571662546	of:0.10623082347478174	an:0.08598976245380414	The:0.05609901560436488	and:0.030029181984042527	tho:0.028057122058067076	on:0.018084503444775208	in:0.017356318064558077	by:0.014232361813255611	:0.038705653936096145
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
of:0.301041630851604	in:0.27073458146550144	to:0.1177808404987745	In:0.060258120289352554	for:0.05853928930210865	by:0.049269236056369084	with:0.034118762974567673	that:0.03303928104669717	from:0.03010038959993832	:0.045117867915086575
the:0.43604881623945	this:0.31957798811457905	The:0.04802787038258394	our:0.033383543266977685	that:0.03201807669874155	a:0.03077910852038248	his:0.025907926006732297	tho:0.025685498918711247	whole:0.02120264862193521	:0.02736852322990655
out:0.06643753087666322	number:0.055745399169175126	amount:0.050249441219302804	matter:0.0373703155639266	state:0.03306967385585023	point:0.026339263182127072	time:0.02343510002712084	day:0.02322437356154641	kind:0.022978529519164778	:0.6611503730251229
the:0.44779327629342686	a:0.10964613729336131	of:0.0740772165354863	and:0.05423994988793027	in:0.039372618029584416	tho:0.02498914400761875	an:0.02464923545276869	The:0.01994742025847102	or:0.019355112498768565	:0.18592988974258381
and:0.11466088913790702	that:0.05532000573712739	as:0.04709364811439039	which:0.027921097184170882	the:0.027643100012842033	of:0.025193515050706702	but:0.024181478855027992	<s>:0.02361422624512566	when:0.021289870781935925	:0.633082168880766
of:0.4049304231136844	in:0.09495831870824631	all:0.09309094610970355	that:0.07940319257343667	and:0.06747180096868594	with:0.05427450038540612	for:0.050355858412337355	to:0.03821931551190442	as:0.035631120039563424	:0.08166452417703188
of:0.19247775193210395	in:0.13794872544664924	to:0.11492887710049314	or:0.0938697043498913	at:0.08752929205241952	by:0.08094408995239519	than:0.06663461124491613	that:0.058819623896101875	from:0.05143430259267799	:0.11541302143235165
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
one:0.0285375406081513	in:0.02487615300771071	right:0.02311824622889776	up:0.020683686795024678	him:0.017378013406889433	hundred:0.01735499112481395	time:0.015839672500301275	;:0.013251557327963114	good:0.012230425263749688	:0.8267297137364981
the:0.1491857277299953	of:0.09833587849022876	and:0.07854119428578314	a:0.06105303267641233	to:0.05760333246919675	in:0.05523321233058522	for:0.030405345990128643	that:0.02249821799516887	an:0.02015888881353043	:0.42698516921897056
is:0.151395993836947	and:0.1484549612449762	that:0.14175109711888997	by:0.10848386776044239	have:0.10478979109752566	had:0.06210798900236105	of:0.05980263199436676	was:0.050435690554663196	has:0.04569464069992861	:0.12708333668989916
and:0.11599362978189419	of:0.10149181768712773	that:0.034822937069422286	when:0.03265536440979421	to:0.03132907118238161	said:0.031242142242925503	until:0.01800012926750714	the:0.016197173492491723	by:0.0141385730352007	:0.6041291618312549
the:0.28549428033134105	of:0.1562921134352753	his:0.09557681734428636	their:0.09135916496081616	and:0.082236700017769	a:0.04499036553782173	its:0.03593232842942572	an:0.03224830185715379	her:0.03189061965732544	:0.14397930842878542
of:0.16520663984838382	at:0.10086509027809669	to:0.09867423859176065	in:0.08329974098393343	the:0.07531011168447987	from:0.05002187411683053	on:0.04104063717300621	and:0.03999317397203681	by:0.035621169272778745	:0.30996732407869326
of:0.22542601129901854	in:0.1271160473545423	with:0.09994037616618724	to:0.08803229945859553	for:0.08293171360644688	and:0.0790789521811045	is:0.06543908900764189	by:0.054912768471340474	was:0.04988653463363067	:0.12723620782149198
the:0.4094840953934776	of:0.13064628826349567	a:0.10100565756236272	in:0.09169413088557725	said:0.03798821961140865	other:0.03329632013035859	and:0.0320667937333156	large:0.02813377454578752	two:0.027526521835449035	:0.10815819803876738
able:0.08026497520360472	time:0.07403641746536392	began:0.06746016156643202	and:0.06192736194781561	him:0.05930885219497617	enough:0.05605212029297095	is:0.04677185970658102	as:0.045396825387254015	right:0.044477058880985576	:0.464304367354016
instead:0.25410220114965604	Instead:0.08443552756259032	capable:0.05685114796679766	purpose:0.0385275990612696	number:0.027394878554105506	sum:0.02481474089373765	amount:0.021306858216505416	rate:0.020486971169826347	question:0.017220145192262233	:0.4548599302332492
with:0.16732318153961473	of:0.1581254471540315	the:0.15416949342924285	and:0.14838120925902698	an:0.0922851403552822	their:0.0451775528499689	no:0.044855484288063324	any:0.03686843574351955	as:0.031017498042739004	:0.12179655733851097
and:0.120939522836767	as:0.06828277491866139	time:0.04729667191268077	order:0.03482012779460887	power:0.034692929283241164	necessary:0.03334145537210488	right:0.030175546839675896	go:0.029644183422898714	is:0.028883586805178156	:0.5719232008141831
the:0.16414376380727994	of:0.11002399516268135	and:0.07198652093037923	im-:0.03059454613855484	a:0.0191584078421315	<s>:0.018142065018893854	.:0.015377379527924569	for:0.014876363800327252	two:0.012873827112363498	:0.542823130659464
of:0.2046290233751664	to:0.12614880337182338	and:0.07147908313021334	in:0.07099430979169767	that:0.054226143574792794	by:0.044163861480692644	on:0.04094373248085701	at:0.040361736586970814	from:0.03950459144159714	:0.30754871476618884
it:0.13349509533819734	they:0.09375877940237687	he:0.09073686265622058	and:0.08495519735973127	you:0.0797214399320864	I:0.06619585946900551	It:0.06346504601879507	which:0.0582121200879949	we:0.04587391498544699	:0.28358568475014506
and:0.18421413576404613	day:0.16288380327373186	time:0.10018400702323951	that:0.06279026756888305	but:0.04934963020718472	o'clock:0.02388327188966795	night:0.022878228473941983	as:0.02258280079744185	times:0.021710521890767265	:0.3495233331110957
in:0.1723951268645331	of:0.13907425372051502	to:0.09009192522549586	with:0.051776335912188	from:0.04705438364456953	for:0.044541165924803894	on:0.03719494818267838	and:0.03672204453598108	In:0.03468935618121388	:0.34646045980802126
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.23986828378108724	a:0.16199465924503878	at:0.09635282844025855	to:0.08253829972345159	of:0.07196734726553257	an:0.04116242961225902	and:0.03855415507151999	in:0.037605669730294125	from:0.02433759754286769	:0.20561872958769045
the:0.32421141952602944	this:0.09811252906269444	an:0.06978041642671749	of:0.05470563518236495	and:0.03512912816049173	The:0.03329602426905539	a:0.026575577885219255	in:0.02041763413859311	tho:0.013819878459319609	:0.3239517568895146
a:0.3513775722717606	is:0.13077096577894376	the:0.12232033744562225	are:0.08295866121423505	was:0.0765636479840564	be:0.06480675854920612	were:0.03146266739057376	not:0.03120764230128118	and:0.027888723334921258	:0.08064302372939965
that:0.19529459725552145	and:0.1893205846914157	but:0.10676670620972793	as:0.07688705093448475	which:0.058663178485630074	if:0.03975885240158478	when:0.03805535861827694	where:0.02774861381497361	But:0.025105247517370508	:0.24239981007101427
few:0.18498970415962115	ten:0.11780558082708946	thirty:0.10833410687374409	several:0.09524173403695804	three:0.09005560072836272	sixty:0.0757816644158376	the:0.06745312626890318	twenty:0.06533775130455784	two:0.06386785577482797	:0.13113287561009795
the:0.4195672538775177	of:0.1442289327548741	his:0.04547843706691813	for:0.038339609514352335	and:0.03486336506616406	their:0.03387652149536989	The:0.03128622271808485	tho:0.02929324477093271	all:0.027564242805983595	:0.1955021699298026
miles:0.05376424608933774	and:0.04380541115790661	away:0.036419436515658946	came:0.033151609943360534	feet:0.031237891913089053	taken:0.0250076192300613	come:0.023903807163280933	up:0.023493327233132234	far:0.021368247813392315	:0.7078484029407803
made:0.12763887900130733	and:0.07546195212293891	accompanied:0.03921619921178753	held:0.030650911084581733	ed:0.030536479523192737	owned:0.03032905680830314	shown:0.029568817234156067	taken:0.028851754947676084	given:0.027869526006429668	:0.5798764240596268
and:0.18756950964637897	fact:0.1049849152597119	so:0.07037830284758004	is:0.0698129041959173	know:0.04689430441169238	believe:0.04220969452949754	say:0.03563289672405089	was:0.029461958020516984	found:0.026495012556699685	:0.3865605018079543
the:0.07332570887064774	Fifth:0.05331780136034087	Lake:0.05039183901142457	Pennsylvania:0.04643346364663342	Central:0.0447053136366562	Third:0.04291348852087535	Summit:0.04104715918162191	Jersey:0.04074786920997473	Union:0.03657096739598002	:0.5705463891658452
that:0.16031289911561047	which:0.12076451348058233	and:0.0953521393226084	it:0.08973067738330862	he:0.08719108988910068	who:0.082693453544898	It:0.060858543157842324	there:0.06018799095029751	never:0.041416275958310676	:0.201492417197441
be:0.28398456960861646	was:0.1728476800863212	is:0.10250385095167759	are:0.06971977878466223	and:0.06434336089734465	been:0.06360288100964491	were:0.052739879717590955	being:0.03554988654988047	he:0.025665203725154438	:0.12904290866910711
the:0.11125892077865004	and:0.08782156436880603	a:0.06468461266113008	of:0.05590974409154174	to:0.05267332921088835	for:0.028898977455236043	that:0.022913482423738425	will:0.019997217832109452	in:0.018709933466465	:0.5371322177114348
the:0.16413301076394826	very:0.11527119268868866	of:0.11451444687276441	a:0.09458495701833713	so:0.09340436133105746	feet:0.08813626290489152	as:0.08474914560899047	and:0.06854151377434034	too:0.04737862339588063	:0.12928648564110112
and:0.17825465048087452	the:0.1228395637379975	is:0.09002848917247089	an:0.08142583043766125	was:0.07426197704753329	are:0.06692029756243191	be:0.0644457628429669	that:0.05027280931155194	been:0.04510982088034575	:0.22644079852616608
and:0.11655707413453793	of:0.08648827234491459	the:0.07617731969217964	to:0.05599943866576314	is:0.04141629007531751	I:0.03302322939852381	be:0.03201551115289312	there:0.031044122461669932	or:0.03055087400424243	:0.4967278680699579
of:0.11350483232153981	the:0.10212395544892292	a:0.10054377333430528	and:0.0752025133298509	to:0.05752576459196421	for:0.030498257006551146	in:0.029215791741834397	that:0.022421148783591336	at:0.02195662416790424	:0.44700733927353575
the:0.18993880449201844	of:0.11639210830738761	and:0.08735698721996352	Mr.:0.04797666771675121	a:0.04136447797506552	to:0.030717163312382403	The:0.02649997786553738	.:0.022960452586241215	by:0.020277340511229532	:0.4165160200134232
and:0.1156789470292127	well:0.07556980993677288	regarded:0.04497062169191372	him:0.038248776737851944	known:0.03783818211632863	soon:0.03287802268774235	it:0.03193764873859754	is:0.029686094618060876	but:0.029025893971380265	:0.5641660024721391
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.12521581782226843	be:0.09792255237380497	I:0.07477161903667723	was:0.0692420363263206	he:0.05774601382664014	have:0.03915876386863174	is:0.035288641951923994	had:0.03147168753344404	has:0.02669431717039039	:0.44248855008989846
of:0.1535562168611771	and:0.06328654845814374	in:0.05037463798522795	that:0.04169752271620642	for:0.03353043703209268	to:0.029637066988151183	by:0.014489386149946715	from:0.013532777648598799	on:0.012424318487067394	:0.587471087673388
a:0.36652060828550015	the:0.22944913571605405	in:0.10931266779255305	of:0.060227591309807385	and:0.05319325957537511	no:0.03993243154460907	for:0.03911240494632286	his:0.03170301368123069	with:0.027952074754843285	:0.04259681239370437
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
the:0.13770981187390746	of:0.12060713590284579	and:0.07133638907028977	to:0.050475560362556265	a:0.030498411227012384	Mr.:0.02478840032794592	or:0.019402144663245573	The:0.0186517484901501	as:0.018500966331323854	:0.5080294317507229
the:0.5163607992675013	said:0.12542762360037712	of:0.056044315656099665	tho:0.02246320672418997	his:0.020878329464129444	The:0.015527913303280832	a:0.013883041499241522	and:0.012471733736804342	this:0.010561942357071882	:0.20638109439130392
it:0.13053658796033374	and:0.09124007390209071	they:0.07116647009959454	I:0.07046377150459321	It:0.06512421997975151	he:0.057887327503048036	you:0.05058398599828772	which:0.04374435740579128	we:0.04217526666266713	:0.3770779389838421
number:0.0857865106057077	line:0.048104150943570574	state:0.04017202196205679	State:0.026838602310452923	county:0.023284358526678227	city:0.022659793831259746	people:0.019524052909557735	out:0.019078448407980904	quarter:0.018432992747101005	:0.6961190677556344
the:0.5812668463817585	a:0.16889869024698365	The:0.07427443430786713	tho:0.0415606950039915	and:0.01928226100549465	any:0.016353697220981674	tbe:0.016241902582917845	this:0.013317326828765358	great:0.011086781184379254	:0.05771736523686042
of:0.1993922402988509	for:0.14451326330381553	in:0.12833774357009498	at:0.1108937816688812	to:0.0901066770100196	and:0.06232659589532184	on:0.05119753135038371	that:0.035085474735130524	from:0.03316772128866607	:0.14497897087883568
one:0.09011870075177028	out:0.07184222173831309	part:0.062296779890565736	some:0.04469047989410629	account:0.04430483992413245	any:0.03062274357086134	all:0.026797790022556507	that:0.02576799466411198	tion:0.0223424726678013	:0.5812159768757811
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
the:0.36654792750938653	his:0.13179850051911923	a:0.1116002584507202	of:0.04182068730479017	their:0.04086057956294004	said:0.02884781822863202	our:0.02717487459137826	her:0.0257475554658229	in:0.019304825727183013	:0.2062969726400276
of:0.1562926625296941	is:0.1250286436870768	was:0.10778836597663256	for:0.0943801813157512	and:0.07676170795559219	in:0.07330866905835394	to:0.07149981415943504	with:0.06353196053716004	as:0.05925480963462129	:0.17215318514568284
and:0.17732780411224122	of:0.1410760730920468	in:0.0804346730489499	for:0.07264408842460816	to:0.06640448099687626	by:0.053273356222877315	was:0.034983637817363286	In:0.03486863515849143	or:0.03474227754257312	:0.30424497358397246
of:0.2982508804074695	in:0.24778196727700189	for:0.09750747794879888	at:0.07071909488364457	In:0.05688538124489603	by:0.054345399845723286	with:0.04046136235240508	to:0.04041896805473177	that:0.03663029976551577	:0.05699916821981321
sum:0.016328629329483636	out:0.011199130054419226	amount:0.01098427885233564	number:0.010966495951007758	Board:0.010606384122442537	day:0.009994987531108633	line:0.009797732497612439	county:0.00968943267720081	purpose:0.008481733832078262	:0.901951195152311
be:0.20280634162760683	was:0.17926509777689079	been:0.15285936632641223	were:0.0836024743154151	and:0.07190131509362481	is:0.050256973466591366	have:0.050000137205222256	are:0.04665132075590002	he:0.04493697780637207	:0.11771999562596454
provisions:0.08155268622048072	copy:0.07438298592748818	date:0.061886723423349964	part:0.06076408457322527	one:0.05124169281485493	out:0.04701489352502034	people:0.04423834088325635	publication:0.03792894646628187	members:0.026565416948037213	:0.5144242292180051
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
of:0.2548782900132244	in:0.1894375741891635	to:0.11346732977012326	and:0.08574863958035052	with:0.0606970802144857	that:0.05815384838609386	on:0.05161313633069942	for:0.04166756130698164	In:0.03677246520540466	:0.10756407500347308
the:0.5190907161413962	The:0.07203091817740381	a:0.0624519477347843	of:0.057772139260555744	and:0.048016756353629945	his:0.03728569795207714	tho:0.030901792420103324	in:0.029150461957525582	for:0.027592900084158545	:0.11570666991836535
the:0.5771404851449111	a:0.07365513337454621	tho:0.047890949797549626	of:0.04382663588336998	The:0.04101995749639951	and:0.03706870982239163	that:0.02027057054352343	tbe:0.0198102392234605	our:0.016285259995288733	:0.12303205871855921
the:0.14551013696562912	and:0.09519210615666336	a:0.07365129380682987	of:0.07114361422320375	was:0.03026150218250698	be:0.02874433063184356	Mr.:0.028166620514969366	to:0.02478812803245947	or:0.020927642118309983	:0.48161462536758454
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
such:0.17590616702786604	the:0.13578174122729247	same:0.11743112819519035	this:0.08777746648630727	that:0.08063015397486165	some:0.07220056218816756	other:0.06108267799630464	and:0.054900565318013905	any:0.041972005637843764	:0.17231753194815236
feet:0.12144681451170766	went:0.07966708520287978	and:0.05406426711314094	according:0.05305963109225959	go:0.04590994731182834	them:0.028607237371039672	him:0.026168716583263196	sent:0.025283119583566153	came:0.019845211957451227	:0.5459479692728635
the:0.41460347893300736	The:0.17172856790014382	a:0.10939375061673741	this:0.05256495535395693	of:0.039272383562728906	This:0.03588942715708143	and:0.03035285872201434	that:0.026136691013429247	his:0.023592718489212308	:0.09646516825168823
I:0.17358709704294256	he:0.14113689195841286	they:0.11334414028389157	we:0.10402413723924027	it:0.08912744003384315	you:0.06835905322992915	and:0.04542971418873981	It:0.036331650144242146	she:0.03629786523476049	:0.192362010643998
of:0.17035148545325865	to:0.13804919159745468	and:0.13241419580834585	in:0.07900983076720326	by:0.07407460654769459	was:0.06485666144664358	for:0.0612000548237732	the:0.0507704789545764	with:0.04529280351097752	:0.18398069109007228
of:0.17874762407748615	to:0.17450800927333618	in:0.10743879748645452	for:0.09417097229531061	and:0.09290638536132202	that:0.08287049707944041	with:0.0641270476374595	by:0.0515904850433852	as:0.03455604649423921	:0.11908413525156619
as:0.08794746020050173	and:0.08514744974706645	right:0.054893547259745795	go:0.04846326312623376	made:0.04809988180443541	time:0.046355816638238984	subject:0.04245473178925374	went:0.04092295181359335	him:0.03978400155328407	:0.5059308960676467
the:0.21301760454876492	of:0.21025683591873515	and:0.14521019670944968	to:0.10181402530148599	a:0.07551158467078849	by:0.038078120736958	for:0.036777351218488095	in:0.03206086870595801	with:0.029761676607803187	:0.1175117355815685
and:0.23943804524719167	the:0.12547851891819728	of:0.08315485101587397	is:0.04572290022075157	in:0.04521121171029943	was:0.04077964735562695	a:0.03669705097596952	as:0.0342510813730717	are:0.031178365082716125	:0.31808832810030174
the:0.3440788574975156	last:0.13715944677730862	at:0.08311079564123619	Saturday:0.057754167951320906	a:0.05147176044663525	of:0.0497210622546722	Monday:0.043336279771364894	that:0.037209435488535975	day:0.030902925177579466	:0.1652552689938309
was:0.2718020336156304	is:0.2051037430510056	are:0.12237422106602154	were:0.07264856944579098	and:0.05324467796442317	did:0.05102220651805547	do:0.05069760205573017	had:0.048734104596431106	could:0.036979723262355296	:0.08739311842455628
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
the:0.16239417075727616	and:0.1457613131208932	other:0.13529729035577734	all:0.07126951470953806	this:0.06213846391488645	these:0.054610706162616075	of:0.040877328753266	that:0.03920705519484812	by:0.038963342295873005	:0.2494808147350256
;:0.027874401305107776	it,:0.02210909578418456	him,:0.01542393774680647	him:0.015196177245117848	them,:0.012839383894886805	in:0.011089286938363757	us,:0.010666466447648067	time,:0.00877115888955369	time:0.007551419141881839	:0.8684786726064492
it:0.21958464952889828	It:0.11958503788594117	there:0.08954214413968101	and:0.05300946881779645	that:0.03528694666820872	which:0.0321274412302398	he:0.027664911174868436	more:0.020728597642787477	one:0.020071744557361663	:0.382399058354217
of:0.20309024667847003	in:0.1720935071735886	to:0.17202356878415587	on:0.09114584363290805	for:0.07526947054100047	and:0.06072020890875066	that:0.060586958468203785	from:0.04966237626363304	In:0.04073515366146615	:0.07467266588782334
the:0.14024867029828667	and:0.09686571849381247	of:0.07926579122539282	a:0.04266407975494278	to:0.04208873698970051	be:0.036877429345950084	Mr.:0.03655265728074058	is:0.027038104028729866	or:0.025947534829195294	:0.4724512777532489
and:0.10959072240215467	held:0.040939144201271975	was:0.03812718007499382	that:0.03630281410084806	it:0.03561593010617153	out:0.03277399119317747	up:0.031256150309944865	people:0.027479312343105	him:0.026846197621463574	:0.6210685576468691
to:0.7558467176275222	not:0.05253451065628492	and:0.04127356937790419	will:0.0229865849891689	would:0.019829065374244725	may:0.01624210137413425	of:0.015964377970589427	shall:0.012468474213829144	can:0.011909574416722373	:0.05094502399959991
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
to:0.6487329795155568	not:0.09249305600812738	will:0.05583868551143677	would:0.04339975264458645	and:0.03473225395721744	can:0.024498051421177478	should:0.021284680043685198	shall:0.018952987794995872	could:0.01821634119642983	:0.04185121190678686
of:0.09938993720387995	and:0.09678676467540111	to:0.08833818174688493	the:0.08740814554848932	in:0.07246888699494691	for:0.03683827733770394	with:0.02446088315534849	a:0.020926625069579475	In:0.0172834030965418	:0.4560988951712241
the:0.15013876074548863	and:0.12284886705230294	of:0.07666678628019692	to:0.052942357978643384	at:0.04863984060106894	a:0.047074998297710446	for:0.038853783212906605	about:0.027412205278574468	was:0.02604754724177327	:0.40937485331133444
and:0.15574598469658266	of:0.14877953611885242	to:0.11479697996197304	know:0.1144905990410762	see:0.05279188705837674	or:0.051950974519142934	but:0.05146596990973639	is:0.048013091962924775	in:0.0452968882803376	:0.21666808845099728
hundred:0.01444191217773428	;:0.011834673680375107	him:0.010388473796696067	one:0.00968896846901267	feet:0.009556811899111724	up:0.008880191153313928	mile:0.007973380143655012	feet,:0.007606228831470488	time:0.007287466987906896	:0.9123418928607239
he:0.15245173024302033	it:0.14112572267341894	It:0.11050128839292378	and:0.09350990801827865	I:0.0683961773421913	He:0.06305426432243037	which:0.05551243779467113	there:0.04867382668328837	she:0.04359929680060191	:0.22317534772917522
the:0.39025482909827724	a:0.09248822420371278	of:0.07932153950412679	to:0.037318471372916114	The:0.029601390600637233	in:0.024857346686323587	and:0.02215492558469685	tho:0.017540363997566828	that:0.014478494285881941	:0.2919844146658606
a:0.238044082546856	his:0.2201231662939555	her:0.11462644661668095	my:0.06872192543546728	the:0.06644335256716707	their:0.037129277316288754	and:0.02350497664306274	was:0.01902675209385017	your:0.013932736590125661	:0.19844728389654587
the:0.44779327629342686	a:0.10964613729336131	of:0.0740772165354863	and:0.05423994988793027	in:0.039372618029584416	tho:0.02498914400761875	an:0.02464923545276869	The:0.01994742025847102	or:0.019355112498768565	:0.18592988974258381
the:0.4276742796704687	and:0.10531756032115275	a:0.09480113965039921	Prime:0.0454628014129974	The:0.04150150613241131	tho:0.03449597580916341	of:0.02655819592320234	or:0.01799423289023866	tbe:0.015444789912423332	:0.19074951827754288
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.3034058621500215	a:0.15157893778252227	and:0.09143413846240492	or:0.06154486645643125	any:0.05484895048605162	that:0.049336109729920495	other:0.041176482882236604	some:0.03849540427806946	his:0.0373602229188278	:0.17081902485351408
of:0.15692513427147012	the:0.12956086071275852	and:0.05022714210340381	to:0.03325945845577685	a:0.030555592212939468	at:0.025514534421332537	on:0.02438069927846875	in:0.02168786571352237	.:0.01914447355078453	:0.508744239279543
the:0.1741457603051576	a:0.11830550374358954	every:0.051970723473455535	next:0.051014252201676366	one:0.0478927520100881	that:0.045420334567697764	first:0.04372266344877619	this:0.03896017228288883	to-:0.031359731595998135	:0.39720810637067194
have:0.35290331846652284	has:0.2878026596687329	had:0.217667388744226	not:0.04906076550255564	having:0.03594438063593115	never:0.014982188329148723	ever:0.008310539383684576	lias:0.008140166090162099	bad:0.007814761227295852	:0.01737383195174021
to:0.11144374236298595	the:0.10917981760160007	and:0.10692920077675938	of:0.08551452114372984	in:0.033918395178194706	a:0.02924037307288965	not:0.02004826767775804	I:0.017020811204842605	be:0.01652276935920046	:0.4701821016220393
him.:0.03469681827975136	<s>:0.02997055256861339	it.:0.02318591216614186	them.:0.015198959167791787	years.:0.013005394130802867	time.:0.010613715765962931	life.:0.010583635808139268	himself.:0.01055558810098723	and:0.00987341384622401	:0.8423160101655853
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.16178058285422378	he:0.15639573812578292	I:0.08368634319797166	they:0.08158838946378558	be:0.052705430664661664	who:0.04579006726928718	have:0.042456032762753865	which:0.03911840606984725	we:0.03773581444702009	:0.298743195144666
the:0.8295603115914811	tho:0.02997468049298285	this:0.02667203297600177	a:0.01820314650925462	The:0.014446321358761314	and:0.012515596611734587	tbe:0.01026655798789904	of:0.008154336730765743	our:0.007560431638483008	:0.0426465841026359
and:0.08296040376566996	able:0.06504171041020183	order:0.0621408185377654	him:0.053813073784472795	is:0.052874348919057894	was:0.05026577439717304	time:0.04985952724781956	had:0.047685864843216075	as:0.047027809783576416	:0.48833066831104704
the:0.700772696391791	an:0.1236236011650576	tho:0.03294164292188611	The:0.030213524513861664	of:0.025823686443143076	and:0.021207282076094198	to:0.01941461809627304	a:0.014354758786347422	tbe:0.014225896481581072	:0.017422293123964802
and:0.1450060995153577	of:0.10117355993795878	the:0.0823678936991956	a:0.053969935740943095	to:0.04970725061253947	was:0.03832387755983352	in:0.034011394107251014	be:0.02817966164514978	he:0.025034805075587894	:0.44222552210618316
to:0.5677382793754759	will:0.14663485027290704	and:0.05107611540420582	shall:0.05082438453853758	would:0.03806992328123546	not:0.03407228438239869	should:0.02654062879918894	we:0.023626947439049542	must:0.021738086834749624	:0.03967849967225137
to:0.37662169300696735	will:0.19532098881870796	would:0.09780965683887007	shall:0.07342816386883538	should:0.06279715924807884	may:0.061136451706101796	not:0.0415068271206447	must:0.03573317507753141	can:0.017263218178008268	:0.038382666136254226
the:0.2635438870245752	of:0.2614732094151628	and:0.12469329142643883	a:0.037184691886710586	in:0.034021625420465496	for:0.02533430984215787	The:0.02155602845948777	with:0.01943855375019777	to:0.017672820003848927	:0.19508158277095478
get:0.07245670546976644	was:0.06827773018828956	and:0.06627903282426373	him:0.052442468208758614	it:0.050561188617061346	them:0.04807318223935662	are:0.047026350523610795	go:0.0433307210705129	come:0.040797963484801664	:0.5107546573735783
be:0.22941127801400935	been:0.11027843709240669	was:0.08508775210955016	and:0.08325326861423216	is:0.057875034261774885	are:0.039503748805936996	were:0.03740361427505786	case:0.03262074578030599	being:0.03083626557966766	:0.29372985546705827
to:0.43305758289656937	and:0.13283359227295774	you:0.04846608310083562	I:0.046624457207911585	not:0.03842507071477285	will:0.027936331186365407	they:0.026548158433235932	we:0.02404411033285969	may:0.022005348995641907	:0.20005926485884992
in:0.23813213769209746	and:0.14098040926223235	of:0.10877263840211944	to:0.09150719713335712	that:0.06666359209641566	almost:0.06518430838956474	In:0.05569009300719573	with:0.052787635409527724	on:0.049208451861603324	:0.13107353674588645
the:0.45528931126806504	a:0.23030401408803544	in:0.11301283838882865	In:0.03620008924159423	and:0.02907063614329645	The:0.026819156464817077	tho:0.025057215571699595	of:0.02031726160201937	great:0.011280948127104142	:0.05264852910453995
it:0.18143874199255758	there:0.10331969695424356	It:0.09198639939220059	which:0.08073126991269376	they:0.06240522313208139	that:0.054082648531678275	and:0.05144105994683339	he:0.03253148924096088	There:0.03214778196988864	:0.30991568892686194
the:0.4628951301106669	a:0.11641195695232405	and:0.0732679761852325	The:0.048623911329675855	tho:0.025709185678585572	general:0.021600542829424408	or:0.018634774492866008	State:0.016683679550294456	first:0.011820282078891584	:0.20435256079203867
to:0.3574992117120408	can:0.13792201528542916	not:0.10047695862129875	may:0.08377247922448319	cannot:0.08127759896297114	could:0.06236583900364633	will:0.055448985306549105	would:0.03864572035125142	and:0.03588326182532533	:0.046707929707004756
the:0.4756569511047245	a:0.10326894708352127	every:0.08743359511178117	this:0.08018243284310872	great:0.037827956532883296	in:0.032632114784317906	tho:0.02912990397111074	first:0.026461458702959902	and:0.026060467095606377	:0.10134617276998611
and:0.0864184178618572	was:0.08073544251249344	is:0.06234025499851079	be:0.05524284796441158	are:0.051733831495724955	it:0.03755949782809199	were:0.03456833005037067	been:0.030787829261938293	engaged:0.028509818932930423	:0.5321037290936707
an:0.6863710744147237	the:0.12593262454754287	this:0.030357382969194095	in:0.025900270329722617	and:0.020414197960880242	of:0.01803066547251241	his:0.012024165779622266	to:0.010693694620057308	An:0.010093105577226452	:0.06018281832851807
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.5287985967643539	of:0.07561401137334149	The:0.04749582185087191	American:0.04567329809424455	colored:0.03943591775592299	young:0.03713412804367143	our:0.03647807128049285	and:0.03527985509747707	many:0.0308304582275453	:0.12325984151207844
that:0.25655352677263693	and:0.14208379346364614	as:0.11805873736505043	but:0.059972672630868064	which:0.05796455995024987	if:0.037661339653668066	of:0.02889663014458933	what:0.023434828086685074	though:0.022801993938292065	:0.25257191799431405
per:0.30040301933872526	a:0.2814346660111158	the:0.06900546024857859	one:0.06406334807300955	and:0.01688679115396764	A:0.01227792492066714	each:0.012252213017788966	to:0.011345908108963536	his:0.011123815961631965	:0.22120685316555158
and:0.22396001998644077	of:0.09226485763474584	so:0.045285745208738175	is:0.044533842295670104	but:0.038747533299817886	fact:0.0338913250778942	was:0.030656931907002576	all:0.029772062379150668	in:0.027180530520294045	:0.4337071516902457
that:0.3370798285435921	and:0.12419712199949022	which:0.0956788544309993	as:0.04361957465532335	when:0.0321849310215911	but:0.02833055349882325	w:0.027530843050118735	if:0.025606097793166284	where:0.021280828312981358	:0.2644913666939143
man:0.13252748512687332	those:0.10487712725097786	men:0.09045469873762083	one:0.04633844061742528	and:0.0398702657748481	woman:0.031801035426405846	all:0.027822087162550302	people:0.02285308316238717	person:0.021356208990145377	:0.4820995677507659
the:0.10680641273299893	of:0.0985130879788683	and:0.07972281505875098	to:0.05621633815276892	in:0.03936223839307938	a:0.037661326451273264	Mr.:0.03427549170571468	was:0.03320291438578944	be:0.022336611051243148	:0.49190276408951294
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
with:0.16732318153961473	of:0.1581254471540315	the:0.15416949342924285	and:0.14838120925902698	an:0.0922851403552822	their:0.0451775528499689	no:0.044855484288063324	any:0.03686843574351955	as:0.031017498042739004	:0.12179655733851097
able:0.09380088845586755	enough:0.06614436527508218	order:0.06420441410847379	and:0.06131515378029046	right:0.05934132970872667	is:0.059314582964265256	unable:0.05672445448782474	began:0.051661203416028784	ready:0.05110271492529255	:0.43639089287814803
and:0.13325050355748289	the:0.0977952141749978	of:0.08076427417939416	to:0.03940163852858414	that:0.028813968188794205	a:0.02344510229200655	in:0.02251672229600885	which:0.021414081113397418	will:0.019786011898094126	:0.5328124837712399
the:0.16866521496506504	of:0.10134741350355506	and:0.07055437288341877	a:0.04534265260080411	to:0.0413013158134652	his:0.025910871644329928	be:0.025020793975801862	my:0.023697134385706232	I:0.02200907055966385	:0.47615115966818994
was:0.10729235880347986	and:0.09450874177789904	by:0.09245721050432588	or:0.08218173989587513	in:0.06967285273587222	of:0.06503003344673253	is:0.0575865032926036	the:0.054285351099255606	are:0.05015051482239914	:0.326834693621557
it:0.15327803974861498	he:0.09683318589640436	It:0.09251846778714594	which:0.050281696879765324	who:0.04678314036414851	and:0.0447693224662345	He:0.035160929868829426	be:0.02743962995461379	that:0.022136689671207233	:0.43079889736303595
and:0.1426374475001279	of:0.08358899196595705	the:0.07352129835599588	to:0.05178678893255457	was:0.036154159809057784	that:0.03333834557453847	is:0.030363877477318262	he:0.027780407439982058	be:0.026367351461377808	:0.4944613314830902
the:0.12177314234367895	and:0.09807790895346219	of:0.07309289434667471	to:0.07175216792008286	a:0.06945641505062604	be:0.05014167492984988	was:0.048156200172620074	is:0.036202922699813345	in:0.024316267961933587	:0.40703040562125836
the:0.13177348457583554	and:0.08977513723673074	Mr.:0.06394707830771626	of:0.06332723697953656	was:0.041494085303134726	a:0.02935811153907687	he:0.026262230469561165	The:0.025633511748188297	be:0.02178456319610029	:0.5066445606441196
be:0.41623493135892004	was:0.18459570291178162	been:0.11792151015677786	were:0.05288131226206572	is:0.04440507950760014	not:0.04365358922192762	are:0.037286319138613216	ever:0.0267290625573419	bo:0.02232885862664627	:0.05396363425832558
it,:0.015044801616545424	them,:0.012873238295630751	;:0.011942586787302601	years,:0.008635424632248598	him,:0.008604732525954287	it:0.007295912696901636	them:0.007145642793825774	here:0.007028220895350248	time,:0.006925430798132918	:0.9145040089581078
of:0.14876791910506765	in:0.1161919092801472	for:0.11437417062338977	to:0.08710799232750988	is:0.08588012338130262	was:0.08563146237196023	and:0.07174882621401116	with:0.0704997867740951	as:0.07044900909143989	:0.1493488008310765
and:0.09377129454296322	was:0.04271315341537484	out:0.028524574363226172	that:0.02811573968936019	placed:0.027131868575018914	work:0.02578173844450971	made:0.024681420068921236	is:0.024021050156212566	up:0.023509378606325886	:0.6817497821380872
-:0.05580478012304568	ai:0.0545847638422714	the:0.03566521551755795	a:0.03203061903595037	at:0.023733625554969648	to:0.022919341714020425	I:0.020599184146088745	in:0.018945335378158207	of:0.018173282531565273	:0.7175438521563723
to:0.734066434413453	can:0.040815296221344284	will:0.03805316766626157	and:0.02857049310191739	not:0.02579143379679115	would:0.02054222519598013	To:0.015018315651830776	could:0.014089700196898649	may:0.01134409412082002	:0.07170883963470302
the:0.7654541892283837	The:0.05128734748108925	tho:0.036805468257991414	and:0.025059526621877815	a:0.02082399963134121	tbe:0.014416809199300737	of:0.012728070024955964	his:0.009975523288117221	in:0.009482668233707152	:0.05396639803323551
that:0.2758277371423303	which:0.11522179553010463	and:0.11238591948598389	as:0.10885496697838956	if:0.05486024403825346	said:0.04057466753747977	when:0.032990821049123986	but:0.02978857012542706	what:0.020637138219697974	:0.2088581398932094
of:0.1345651741034634	the:0.08814799157893448	to:0.06474321489711285	and:0.05110945471993682	in:0.04746875351547344	his:0.03070243961421051	for:0.02845582728703788	be:0.022521189265054645	a:0.02240628809625299	:0.509879666922523
made:0.11942847096974421	and:0.07979570471363857	caused:0.029091215056480817	shown:0.028426754301022945	up:0.02777670568714523	ed:0.027617079589566704	out:0.026630159435991316	taken:0.02626602987193105	done:0.02542850605479482	:0.6095393743196843
he:0.15833783157006798	who:0.11252166679113242	which:0.10007920750248263	they:0.08307407047038702	it:0.07687172224910013	that:0.06547997363155768	I:0.05314002564963188	there:0.04507481930663967	she:0.04354106747792997	:0.2618796153510706
of:0.16658828780378915	and:0.10444789066651176	the:0.08343478986320446	to:0.05556398548193374	a:0.052460437162102684	for:0.02968507313734676	that:0.027565057848307973	in:0.02540106718463015	by:0.025114127623964498	:0.4297392832282088
the:0.23319115064741205	other:0.18996950920836164	of:0.16877586770270123	all:0.11680930660028982	such:0.04288515614117915	their:0.033100881819736694	to:0.0326249298464511	any:0.028945592925793264	these:0.023295042783291822	:0.1304025623247832
of:0.3337600928845946	and:0.08319274000385196	to:0.08168552052913453	that:0.07660213494559896	in:0.07005235385268103	with:0.06289939204467032	by:0.06079390265978108	from:0.037620360987172655	on:0.03530904525432984	:0.158084456838185
and:0.12753914735986696	the:0.11194225533432829	of:0.05608992991115606	to:0.04987373272725773	he:0.029686888767794215	for:0.02564476967219411	in:0.024508718376796516	will:0.024413684023487474	be:0.02348979936651137	:0.5268110744606073
the:0.5791996711384867	of:0.06747319550163344	in:0.058074588599527285	and:0.05368143651570436	The:0.030615840100974442	tho:0.030525620335772434	In:0.018707142047113712	that:0.010499574005520925	tbe:0.010211554309895217	:0.14101137744537157
of:0.19949165056880983	the:0.10734431167067643	in:0.06194612789953965	to:0.05937033995329346	and:0.046986900443390656	a:0.040360939123747636	on:0.024999155552866643	for:0.01962400960324836	at:0.018337199662909743	:0.4215393655215176
of:0.18567150757583833	in:0.14439081259474887	and:0.08419399305555161	was:0.05112024255793798	In:0.04645638251148127	to:0.04501610109661749	on:0.04373835136696955	is:0.03655522439852982	by:0.03472681647309329	:0.32813056836923177
and:0.18583125477841497	of:0.13997389458398166	in:0.10601969424030241	was:0.08563342646529704	are:0.07160872643390609	be:0.047814064231774034	been:0.046494856309223724	is:0.04478807768533641	were:0.041271398706880534	:0.23056460656488312
the:0.6809840456673357	a:0.059741541341186054	his:0.04727326432406663	tho:0.02717717627456621	The:0.026106497710418227	of:0.02347813605216913	their:0.02047498889219778	my:0.014116521735421824	this:0.011363763885259353	:0.08928406411737906
the:0.1950843207254812	and:0.15874690187032256	he:0.06706640332769316	was:0.0644687138604279	be:0.0501713189496648	I:0.049114978744178875	were:0.03593113284494569	The:0.03468704871572303	had:0.03163449407568988	:0.3130946868858729
the:0.31654004685719006	of:0.06036988615217711	and:0.03813754459106662	.:0.025625848668412318	The:0.024091746134030003	said:0.022409237056275625	tho:0.019358672180206715	in:0.015948550982536246	Mr.:0.013905849139964784	:0.46361261823814054
feet:0.6127263030177901	chs.:0.04616758480616596	went:0.02272071082518785	ft.:0.01661269230768624	chains:0.014888397428047304	right:0.013121713879924734	and:0.012887580893311181	feot:0.0121410836389745	down:0.011592722574416136	:0.23714121062849608
know:0.1622632904860152	of:0.14520535672975482	to:0.09461558872343549	in:0.08547543868948233	and:0.07461399699645752	see:0.06968881263852275	with:0.04990013018579149	matter:0.049361990665131854	for:0.04869746570641596	:0.2201779291789926
the:0.2885694303824562	a:0.2130877002508351	to:0.10049699199988389	and:0.03528542532557486	his:0.029320208196558006	their:0.02524198833441394	this:0.024692934003304193	The:0.021311792708964907	its:0.018827958873279194	:0.24316556992472974
with-:0.3556224976685546	and:0.06228134040757077	find:0.057013037278756916	with¬:0.05227514547857464	went:0.03628860859640635	with­:0.03445628247151654	set:0.03391561756875036	carry:0.030002936864057285	go:0.02960362824660892	:0.30854090541920365
would:0.17959540429010784	to:0.13519794944916977	who:0.09755427043109222	they:0.08092794866467283	I:0.07229973568327139	which:0.06237819314755754	must:0.053838397959161594	might:0.048424713189248424	shall:0.04348004295022552	:0.22630334423549286
the:0.6215687641377667	The:0.09551254231850703	a:0.05466364518242263	of:0.0414270338490236	tho:0.03249435958331228	and:0.023428041010696142	in:0.018013869667344157	by:0.011125779477060813	tbe:0.010491674511193505	:0.09127429026267309
more:0.20471180021040136	of:0.07430285801279644	the:0.05421447028180848	to:0.05416459377138358	less:0.049359421384444525	and:0.0435657228746305	for:0.042486978875776425	greater:0.04156987304523938	better:0.0317825635417832	:0.40384171800173607
as:0.23839516005413683	be:0.1720067119815053	is:0.09713224404946852	and:0.06987671485759994	are:0.0627674999110899	was:0.04610161710676513	herein:0.03611155359006703	manner:0.03540281111597686	been:0.0328202683748152	:0.20938541895857526
of:0.16019039357685277	in:0.13271325228758296	with:0.09330009030739389	is:0.08338715290135792	was:0.07388725019957282	to:0.07304443526666957	as:0.06512617098242374	by:0.056887547150221277	and:0.054634316164736865	:0.20682939116318821
it:0.13796128875087904	which:0.12123151758558284	It:0.1190182297647619	that:0.07907127608922525	who:0.07084173501939091	he:0.07065862855136053	there:0.05551808419416357	and:0.034746175819115654	There:0.029925963619018833	:0.2810271006065015
right:0.06474209834555415	and:0.06470502252046213	able:0.05844664731713504	order:0.05429859437695834	made:0.04976351130108206	began:0.04273936222002726	go:0.03601130126144535	as:0.03572906623006847	necessary:0.035629270737569885	:0.5579351256896973
of:0.17466738054585454	and:0.08011816776048203	the:0.0786341392961019	for:0.0678738955438128	on:0.048125736353032675	from:0.030598224736136412	to:0.02691891977381851	about:0.025457561234471984	feet:0.015315645924351126	:0.45229032883193804
<s>:0.07056275550015122	of:0.05783067767476496	and:0.050638316256914714	that:0.04735581539179618	for:0.044103080856921675	to:0.041767524137023206	as:0.03672667295863714	in:0.018427166294372382	but:0.018038528815824257	:0.6145494621135943
the:0.1167974611215975	of:0.08930347711496965	and:0.0724242408353833	a:0.027425381300903662	.:0.02150473410408691	The:0.016924647943623746	in:0.015127967044123645	at:0.014005140380539348	<s>:0.013846282735208692	:0.6126406674195636
it:0.21667992261148805	It:0.10935558532387599	as:0.0992102993091394	which:0.09687365893133239	that:0.08069656501629825	they:0.06030190647841252	there:0.042822810321519175	and:0.03325595955556815	he:0.03087705486329871	:0.22992623758906738
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
of:0.3401772009759197	in:0.11511127058281025	to:0.09375272668020339	and:0.08613759930214965	that:0.06259719707805131	with:0.054828676727219465	for:0.05464012006091031	by:0.04647272826748986	from:0.03514751625709624	:0.11113496406814985
know:0.1539595114041356	of:0.12926979198583505	and:0.12137701847390113	to:0.08410699726934483	or:0.06612459083931833	see:0.06117670733914905	do:0.04181325836007566	with:0.03833069407403649	for:0.035538791605818305	:0.26830263864838555
seems:0.1356736404871532	ought:0.1100048460339192	seemed:0.07720043904597824	seem:0.07676128954804075	and:0.0626343140696839	is:0.0567409269325483	said:0.05563038296032004	supposed:0.04822799579908332	not:0.04666750566219923	:0.33045865946107383
of:0.3753799756194028	in:0.2519068248885128	to:0.08838174421471134	In:0.06557949489682165	from:0.04273349533107354	and:0.03475884452069523	South:0.030061400967370717	for:0.027115715115676918	with:0.0187013429955898	:0.06538116145014523
he:0.17833040258096217	it:0.0875393090575321	that:0.08715976039014368	which:0.06512669822726713	who:0.06082077386308457	and:0.05812754090669141	I:0.05472144170120192	they:0.04841153837492671	It:0.03978470152598112	:0.3199778333722092
and:0.0546582703996416	well:0.04195664563737169	known:0.02290893861096748	far:0.022712833128419086	that:0.015362353775609556	in:0.01258629417319616	made:0.011806895604786406	as:0.011661858532696651	it:0.010855083709931074	:0.7954908264273803
of:0.2436034902732422	to:0.10647959139894693	and:0.09272212492478768	in:0.07914460727087319	by:0.03747823697500219	for:0.03092405798495558	all:0.030381946404568753	with:0.027776047380037003	In:0.017453516075377762	:0.3340363813122087
and:0.1229922937179843	to:0.10400740645437409	of:0.09710728734830003	the:0.06951390451475185	I:0.022594242767689374	in:0.019357679892019225	<s>:0.018937209567556092	a:0.01806657710252638	for:0.016688895224251366	:0.5107345034105473
the:0.19562286545974122	and:0.08210215890826428	a:0.07285430231959578	of:0.06740390745474954	to:0.06543949730759961	so:0.03317401232380278	is:0.0309285392337911	in:0.02758066527636791	be:0.023650834831107286	:0.4012432168849805
the:0.15902868965225744	Deer:0.14497036309690292	Grand:0.09925794176437185	said:0.08597625974799133	of:0.0555263033580565	sub-:0.026898997308225783	or:0.0210491129577944	and:0.01904426378412513	street:0.018343669243144758	:0.36990439908712985
I:0.23877494756766296	we:0.15395093765975904	they:0.12888740652893937	who:0.09448521801708692	We:0.0880319729890945	you:0.04700531621133243	They:0.04014948499869865	would:0.037612012438117896	to:0.03620107126939134	:0.1349016323199169
the:0.136678820824746	of:0.08559966611079586	and:0.0743774832831651	to:0.061150854676878516	a:0.02662466584627316	that:0.021062807860209136	<s>:0.01653171836020317	The:0.014903555801696578	in:0.013207570505221533	:0.5498628567308109
the:0.15887476187247904	and:0.09291950853285091	of:0.0609457492111986	in:0.047014639682482894	to:0.033173909027305624	for:0.0320941136574002	that:0.031572913377981626	or:0.025769556877486086	be-:0.024768695335226975	:0.49286615242558807
and:0.18493933355924916	of:0.06068075641392861	so:0.05671813828640537	said:0.05611005847699608	fact:0.05280984805184859	to:0.03944838054627722	all:0.03460074276783978	is:0.03426264920132025	given:0.03124236564514515	:0.4491877270509898
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
and:0.0882437629549047	it:0.046121918180505136	not:0.04089914451040657	him:0.03424405518095876	was:0.030882857140013403	there:0.029689580188392937	is:0.02928197436167555	but:0.02751267869613746	that:0.024249919608222634	:0.6488741091787829
and:0.2348013878943657	be:0.1717760656807714	he:0.10107438375174742	was:0.06094754930768068	is:0.05979326881561359	have:0.04557734794791045	who:0.0454656321746632	they:0.044653589368091925	been:0.03524314725484161	:0.20066762780431405
as:0.2155641742575103	is:0.16980345969223484	was:0.10615475070421841	be:0.0971301727216299	and:0.09180200555081605	not:0.05669996303819127	are:0.04992425880157462	been:0.03263116925292236	Is:0.025804512283881545	:0.1544855336970207
the:0.17035575249570342	in:0.10169001898090735	of:0.07356366868494768	and:0.06562927155881401	a:0.04998669342585993	to:0.043664707609002845	that:0.03462693276759543	any:0.030442654406792502	for:0.02821276176492262	:0.4018275383054542
be:0.2581611468984895	is:0.2033120501456222	was:0.08074245130461621	and:0.053875949181625665	been:0.04510652683169006	are:0.03991366506883346	of:0.03982161754327399	not:0.0394942754449255	so:0.03860594570117432	:0.20096637187974906
of:0.20685144376994277	to:0.12605261180479263	for:0.08569421668173494	and:0.07096217345351291	by:0.07025920894921613	with:0.06183667336088853	that:0.05596071730768177	in:0.05518191668273659	as:0.04934322183535224	:0.21785781615414151
the:0.19861974721491601	of:0.1717793498447623	hundred:0.08917010708412816	many:0.059501806937555086	and:0.05704806943498768	few:0.056910148228755765	two:0.05647004738595766	thousand:0.05265319895860192	by:0.04300247500062501	:0.21484504990971037
number:0.07526212231185546	piece:0.06491071882913027	line:0.054091075670080334	kind:0.043093153972889986	sort:0.039876157944593975	amount:0.037391459891398464	board:0.03382469364891738	Board:0.03168409722429576	years:0.027571371089811458	:0.5922951494170269
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.8051382597764096	The:0.05605002943683224	tho:0.034027968028467415	a:0.032816234920993476	tbe:0.01313989181642428	this:0.00946560079008993	and:0.007857592019263069	an:0.006116809381072117	in:0.005093793550961738	:0.03029382027948607
be:0.3424061095828338	was:0.18946222688494482	is:0.0762286687015286	been:0.06838805824980354	were:0.06530834235065448	and:0.05355922653537283	are:0.04968522833217314	being:0.02268688556404718	he:0.02066220059490826	:0.11161305320373337
of:0.08988778333009806	.:0.06785377491437497	the:0.06537265201461728	and:0.05960467024185658	John:0.03208009266355875	A.:0.028101569160573547	Miss:0.02795124243841854	H.:0.025564361497099213	J.:0.024984001444413005	:0.5785998522949901
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
they:0.12269127862533077	it:0.10903016712436542	I:0.10305076794063214	he:0.10012986025778732	and:0.08605786302330837	you:0.07838689167710663	we:0.046993879887121115	which:0.044670565133488084	It:0.042339360299674486	:0.26664936603118566
the:0.22606285481873514	and:0.11292605037557715	of:0.0961051088198774	a:0.03328360782335727	to:0.029651678653994557	The:0.021406532371108445	in:0.019872817867331628	.:0.018258607584695264	tho:0.018166533942639295	:0.42426620774268387
the:0.30976308807780856	a:0.10211017623492069	this:0.10024306041960993	of:0.08111598388031081	in:0.05997065948783733	quarter:0.05917714407314799	every:0.04739865591474933	that:0.04180503733206517	first:0.03612966682166901	:0.16228652775788122
the:0.17782352495696319	of:0.09343574793797314	and:0.03550998882366652	a:0.0314138992958773	in:0.02785271324446177	to:0.026040348130365393	by:0.023798628509235416	for:0.020013612825514126	at:0.01576523460844051	:0.5483463016675026
;:0.013632422351031723	up:0.013464138609428121	one:0.01119224445609644	hundred:0.009777790693231817	day:0.009436843950155207	it,:0.009140229202415119	due:0.008361708949411677	them,:0.008056567106234817	made:0.007770950353402533	:0.9091671043285925
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
both:0.031166602271047467	them:0.019336344896653732	it:0.017680748040294177	the:0.017123847536526772	feet:0.017064793200204858	well:0.016671362250444147	men:0.01656447527215816	and:0.015847840017490285	up:0.014855375046341344	:0.8336886114688391
the:0.10254899323962945	and:0.08672066584549279	be:0.06718293253430607	was:0.066714350510063	of:0.062142448154758216	to:0.0470377945272685	is:0.04045405956202174	been:0.03329532229695042	a:0.029155698848644288	:0.46474773448086554
the:0.11864215425377549	and:0.08972371643926988	of:0.04809559438679374	in:0.028133273792285047	was:0.0281079026913601	to:0.02452133112173075	for:0.021775516249969755	that:0.021265180784699016	is:0.021104290924603225	:0.598631039355513
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.3489117558261194	of:0.11406077335780894	and:0.04422257143986049	a:0.03517394332598818	for:0.032245278391764026	in:0.02218854563080688	his:0.02180639861882635	their:0.021079599156435775	to:0.016879157699875743	:0.34343197655251423
of:0.10408616689590952	the:0.0986900331698948	and:0.05701352615608303	to:0.04502836773706315	a:0.03780779334619606	at:0.02937070463197546	his:0.020239671670571915	in:0.019761494400663476	is:0.01758882123393634	:0.5704134207577063
of:0.281323042212673	in:0.2650471875692692	to:0.09797272530504901	In:0.06697750434100395	and:0.05226363484854297	that:0.049992786112879155	on:0.040596888748482454	from:0.03637706366664518	for:0.03448807487498083	:0.07496109232047422
is:0.1004431222208373	as:0.09523461424964072	and:0.06282607907849819	seemed:0.05735141736112386	him:0.05687404603150279	able:0.05346845986246585	was:0.05241943645590482	enough:0.045077694540237405	time:0.04299431843614467	:0.4333108117636444
of:0.10014483630257337	and:0.09287759749005411	for:0.07478964281513875	to:0.07164316683092423	at:0.056680021525977994	the:0.04594746035168253	in:0.03996804916927764	that:0.03104147708379202	a:0.026465921614378284	:0.4604418268162011
was:0.14291775096022605	and:0.13456506178574815	is:0.11052593479843577	be:0.05263705111727005	been:0.04050152805271796	he:0.03930125594340477	has:0.03821900411577176	it:0.03627284525309687	I:0.036266117073545594	:0.36879345089978305
and:0.1623190511439987	the:0.15346220421962967	to:0.1431420355246349	a:0.11886599261763191	at:0.06986473567787709	of:0.04781130535673198	on:0.03230486998923784	or:0.026428451739637936	by:0.024359025926585422	:0.22144232780403458
and:0.1253835656916408	the:0.07885557858590699	of:0.0596065082784329	to:0.047205821998345526	that:0.038501572039696716	which:0.03744314421366355	in:0.03351364885748134	a:0.028813803854902502	or:0.026233401965359292	:0.5244429545145703
so:0.2714441420247712	as:0.14372870268798565	too:0.13219599666950851	very:0.10740459199867296	a:0.06927369553551777	how:0.053392872267562376	of:0.041000335129973864	is:0.04093776752149477	not:0.03321100307756874	:0.10741089308694417
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
this:0.3130434320808653	This:0.2000993905537842	the:0.1655236779454418	that:0.06561581082964431	The:0.04018745177433775	whole:0.022186884271778853	one:0.021994153840713525	any:0.01919723095794949	his:0.01746055938619946	:0.1346914083592853
of:0.21914046015281094	on:0.183315084741658	in:0.18144120379035267	to:0.13138731406186444	from:0.05927905802311722	In:0.055915237912490666	for:0.03933958174328736	and:0.03557788448539999	by:0.030929311944846594	:0.0636748631441721
a:0.30535363789198816	the:0.1801110902474084	is:0.09246828561448395	was:0.08208801619042114	be:0.050222416451240405	are:0.04521794532752311	and:0.033690378267253886	not:0.026566963586054752	were:0.02566743894025975	:0.15861382748336647
not:0.17574102038255965	you:0.11828492460462074	would:0.1127974991499987	to:0.10644496920997193	will:0.09947112321398631	cannot:0.09341463963557044	they:0.07464164217971328	I:0.07002177138288906	we:0.05811559430763438	:0.09106681593305552
of:0.31788377039428684	in:0.11351141772839188	that:0.08737442997479536	for:0.08460816007646055	any:0.0823586702892369	to:0.08174351988722486	with:0.0810624824320827	by:0.055470103996225484	upon:0.037822456273797454	:0.058164988947497984
and:0.2598606823976194	that:0.03848568969967542	as:0.037380245278142384	And:0.032339487121589565	is:0.02902109961809293	be:0.026886652264278745	it:0.026574821904278994	was:0.02387598664298683	to:0.023152462488220046	:0.5024228725851158
the:0.35360529302054805	take:0.3243013262708602	taking:0.0789098305882645	to:0.03260800302356765	a:0.03246000234419979	took:0.03116555826835659	taken:0.030499837230202474	and:0.027936729953986706	or:0.027769337937341255	:0.06074408136267277
the:0.1746209327817275	of:0.15652064296068297	and:0.13248693035659725	The:0.03201545365461037	to:0.03001476354753397	a:0.0272161078741138	for:0.02457311617987955	in:0.023717327227370383	at:0.020003893573740664	:0.37883083184374355
the:0.6455582415763076	The:0.08034172321617551	his:0.045774838321284	at:0.042833876845919036	tho:0.035068948978755496	their:0.021522394831307967	was:0.02000391251575118	and:0.017626571284851986	my:0.016236452942760698	:0.07503303948688647
and:0.17286915769980515	of:0.15192360826709872	for:0.07015677154167341	is:0.06024576635540753	to:0.05269792154812236	fact:0.05077632550399894	in:0.037502169163318125	but:0.030307884034401524	all:0.02985226070322963	:0.34366813518294465
it:0.17446210238267795	It:0.16512138039676244	This:0.11580779511931819	which:0.07131888702327785	that:0.06268754379599907	this:0.05652048471821813	and:0.04054529143452458	there:0.036840538093569096	he:0.03013409703322793	:0.24656188000242477
together:0.19069821673723322	and:0.09455704873224675	connection:0.031648845470192664	connected:0.028243483972350526	it:0.02472106983692007	do:0.022207790646364686	Together:0.021960833093925183	him:0.019824849112808747	them:0.01771672846073715	:0.548421133937221
to:0.7133229735480996	will:0.0868164471844471	would:0.038177401982065914	and:0.03753892864026188	not:0.020263092770782882	may:0.01604895094779756	can:0.01398371328005558	I:0.01391345696913187	could:0.011426208080223493	:0.048508826597134146
of:0.37146767228216254	in:0.2093223627861755	the:0.09637488425104665	from:0.06828415035688629	to:0.051423663573911434	In:0.04255950927755893	by:0.02412876397478218	and:0.02195491238227615	a:0.016393070479665504	:0.09809101063553487
and:0.11854277767363487	Beginning:0.0998399338242081	was:0.0504262876382174	Commencing:0.04790893866787179	is:0.032553168230926174	that:0.022915999095843454	look:0.022455180722230645	it:0.02211519550850427	him:0.02203921514419195	:0.5612033034943713
and:0.12519734242112154	the:0.068228242038518	to:0.06099652773164097	of:0.048214740867353105	for:0.044354978248277895	will:0.03495118294781695	that:0.0268301009927408	a:0.025745046932564984	which:0.023536523496550693	:0.5419453143234151
and:0.08672998852698491	place:0.06738177827312677	point:0.039127640895285	cases:0.02766019712580496	spot:0.027263524668691082	that:0.02290497282942476	every-:0.01980298487674155	places:0.01741142795096776	of:0.015405800425084486	:0.6763116844278887
the:0.09186014767703429	and:0.08245473620279689	of:0.07160356130092341	it:0.04251426207131506	that:0.039569903809529225	will:0.03323173444735818	to:0.03227385516707948	a:0.03196097571911456	as:0.029999315682658123	:0.5445315079221907
and:0.146721593014918	not:0.09728871137678362	of:0.059242546818985345	that:0.05474466654176135	in:0.044500520061779916	is:0.03918118508182612	for:0.03872460198540957	it:0.03869038441794042	was:0.0354589654608459	:0.44544682523974977
and:0.09504054213826908	the:0.09184190179822124	of:0.07874062873604452	to:0.0730379047943686	be:0.046275655438922654	was:0.039170212665574265	is:0.03484841316788502	in:0.026732541738951777	for:0.02146370450462648	:0.49284849501713635
the:0.13171903039912536	Mr.:0.1133274826026117	of:0.08930299335209568	Mrs.:0.06578908284873461	.:0.05835146429482291	and:0.052321535540114136	by:0.0415077667252568	Miss:0.033782596109074116	J.:0.029324338902418968	:0.3845737092257457
the:0.4890933598145381	said:0.17963995214892955	The:0.07194892172014207	a:0.061589828470453536	of:0.035676165085918504	and:0.034150745653910866	this:0.028274066025071626	that:0.02499356216870272	tho:0.023749407518379666	:0.050883991393953366
the:0.4324283276345908	his:0.11804486156742001	a:0.06014105865991448	their:0.05770727805475092	and:0.05600908992623535	The:0.0441910653091461	of:0.03369064322765813	tho:0.03215823933750052	my:0.030619721422414706	:0.13500971486036892
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.15286185723970647	and:0.1225584329446582	of:0.08806071670318705	by:0.057563286425883854	are:0.05263498660210325	was:0.04846808015464901	to:0.04772927631877558	is:0.03845198815082355	an:0.037072911513590566	:0.3545984639466225
a:0.25200138637969177	the:0.2003138840128159	of:0.06723290003354522	The:0.035756273584680115	to:0.03460014641729358	and:0.034493639719207214	an:0.026008433029305684	A:0.020207628281057505	that:0.014497640886903473	:0.31488806765549954
and:0.13540430899371475	will:0.12776002598621486	I:0.1257239951664083	would:0.07608087304568978	he:0.07081649986218885	they:0.0698569676746166	not:0.06271880178056471	we:0.06266938010073371	who:0.04195997946999628	:0.22700916791987213
the:0.2127797365208638	of:0.08302074642967078	and:0.07380683214123993	a:0.06568303652727647	in:0.027923783153467472	to:0.02344842585727404	for:0.020987680758112734	or:0.0200710438986922	that:0.01912950736957076	:0.4531492073438318
and:0.06208548553749389	of:0.059861363642291034	to:0.0594353799968304	I:0.038039420185191325	for:0.036810863436358254	the:0.02472440294479202	in:0.02410707614225612	wi:0.02262174361695196	is:0.022237981505279097	:0.6500762829925559
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
of:0.2656297374079294	and:0.1603316062050206	in:0.11745389224660788	for:0.08540704797531658	to:0.0798527609542191	that:0.05815698726272474	with:0.057819922772087785	all:0.04632594767190936	on:0.032150794480396636	:0.09687130302378795
it:0.17179737676551296	he:0.125829304720175	It:0.12209201472181	I:0.05849427898476466	He:0.055779185057685615	which:0.05343899164929195	and:0.04479014026557512	who:0.038085293062393825	there:0.03504686283043146	:0.2946465519423594
he:0.3763075052589377	and:0.09954305350222814	He:0.07600010894274951	I:0.061905865949616244	she:0.05499501078243175	have:0.05204519577196661	is:0.03048280150389335	who:0.027450809755768284	had:0.026447580080062153	:0.1948220684523463
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.2694270115642724	the:0.22756566761329888	and:0.10974403111805306	in:0.06502054232064249	their:0.05537866340332993	a:0.0548295406314837	his:0.04663342444930265	or:0.04008232894735782	to:0.03902922900624572	:0.09228956094601336
it:0.24220810149983407	It:0.20218135425875036	which:0.0875001915912561	there:0.0657879599039582	This:0.050871839150813614	he:0.04590649890144504	that:0.037572180105246815	who:0.02799765001370599	what:0.02656729293511132	:0.21340693163987845
the:0.30915947115813386	his:0.2011655763814945	a:0.12372887945912997	her:0.06009571795605182	my:0.05669506060660793	and:0.04697089391904928	to:0.02787520183183612	your:0.027291930864534297	their:0.016804283737732382	:0.13021298408542983
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.240987839614748	to:0.14454944450174712	for:0.1349615812781321	and:0.08733566875032873	in:0.08057828764590343	by:0.061321002516468714	that:0.05923555735443506	with:0.05328603158001388	under:0.037634324911809194	:0.10011026184641375
and:0.17085532694179428	which:0.12111636511130638	he:0.06391657361450868	It:0.05115554136269587	it:0.04644615105331192	that:0.04504451523350383	have:0.030711658188170367	who:0.029920907480471017	has:0.028502585777592248	:0.4123303752366454
the:0.0998661242199507	of:0.08727969258337218	and:0.05438146238102629	to:0.0497286812061124	a:0.02843140197861932	by:0.02373224159204578	<s>:0.0227119962984095	on:0.02233476789214702	from:0.013506052397872281	:0.5980275794504445
<s>:0.05853076640687723	that:0.05360000315563107	and:0.028468892423494714	it.:0.024960893987115183	but:0.01735835078593881	as:0.014815840893292666	them.:0.014318802615316317	country.:0.011732596730942993	of:0.011348659858762027	:0.764865193142629
it:0.22422542776921758	It:0.15926197362436464	he:0.13103447876036925	I:0.07147076994343844	He:0.05160896814713972	which:0.044192069685102545	and:0.035605635957751555	she:0.035158051928575344	there:0.029815923296873343	:0.21762670088716757
in:0.15558606879130463	and:0.14787143779424583	to:0.09367142945008104	of:0.06807247959258143	In:0.04505691492444003	after:0.0443218221532763	he:0.03244925982292671	for:0.03215796247296259	that:0.027314630066817346	:0.35349799493136413
for:0.5739046933860793	at:0.08694952070847056	in:0.06673660220721866	For:0.06109027569795312	of:0.054271633980170854	and:0.03426696804256901	that:0.025173467810237066	In:0.021868847385766412	to:0.02058801321599828	:0.05514997756553676
of:0.4075826445803196	the:0.1981850033216584	said:0.05326944582065465	Eng-:0.032492485623835686	on:0.022550221977450255	described:0.02047959092352861	this:0.019380945304742367	in:0.018182831316059182	our:0.016361887074933138	:0.2115149440568181
his:0.25163170869248436	their:0.19710605743332893	and:0.09152732004785873	of:0.08289720344116351	my:0.06630004732130797	our:0.0618707573938825	her:0.04666773534861807	many:0.045144544316534994	the:0.04282255783977402	:0.11403206816504695
is:0.2969945233510884	are:0.17812982725888343	was:0.14284944774473834	and:0.09825637382419133	were:0.05314696218545434	Is:0.053004792962709345	but:0.04093876129904958	be:0.037382066433189476	he:0.019511269122683337	:0.07978597581801244
<s>:0.06011154330163924	and:0.04583711811922034	that:0.024362663834611588	was:0.017604541564146915	.:0.012901283477558218	be:0.012397474099666262	is:0.010691102600013838	but:0.01015549176798836	feet:0.009689690246634826	:0.7962490909885204
of:0.2542543769435092	to:0.12091818314460072	in:0.09954723784886653	at:0.08065066145185097	for:0.07652769490072338	by:0.07110616962512056	or:0.0609637097952123	if:0.05995467601395346	that:0.05433977151919546	:0.1217375187569674
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
a:0.12035453284964592	the:0.11888946118442657	and:0.09813859663098423	of:0.05290106447338352	to:0.04287764232161928	in:0.029103807463064804	for:0.027805353923658394	more:0.02276686041695551	that:0.02156192147150503	:0.46560075926475675
as:0.09070957522893763	and:0.06578736628276387	according:0.05921724650771688	up:0.05444342983204154	them:0.04455320285377602	regard:0.04000436122627331	come:0.038627387824939484	back:0.03569076101086091	return:0.033008621318438236	:0.5379580479142522
and:0.26334285256449336	the:0.2319728209027313	any:0.14191091184706803	or:0.06057723423287753	all:0.055762799294263254	in:0.053765604515322335	of:0.05346592110905979	some:0.04205798850028218	an-:0.03452916537753404	:0.06261470165636819
and:0.05379087535262519	that:0.028995423237408106	of:0.025731963701501995	<s>:0.02201326181344754	the:0.021957565092238368	-:0.019164146759207582	it:0.01828082404587961	which:0.017538051163025925	in:0.016901328223586153	:0.7756265606110795
more:0.5835520744651829	less:0.290273521716655	three:0.014974902169544002	rather:0.013339810933634936	moro:0.00804937447724758	better:0.007428515546767926	other:0.006483073858495015	two:0.005516872262106728	More:0.00531700199302799	:0.06506485257733793
the:0.120575785527782	of:0.09063732426706574	to:0.07480053717845507	and:0.07193372222904088	was:0.03883094363507212	is:0.02951558186382902	that:0.02146699205492336	on:0.020847645434430646	Mr.:0.019741439698178907	:0.5116500281112223
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
the:0.5411502921123026	high:0.08308356211598286	and:0.06552151089161959	The:0.0495428269491904	low:0.047646349693965265	tho:0.032775629143080215	in:0.03072188077245258	of:0.02779091427612231	a:0.02538972630365791	:0.09637730774162627
and:0.08010061911956774	the:0.06342492458561132	of:0.06128617556768118	a:0.0549726386574644	to:0.03897501736850034	that:0.03211159626684709	in:0.024357629728291356	for:0.020270934482351444	her:0.018141288010487547	:0.6063591762131976
of:0.20185370990858556	for:0.17370478469531317	in:0.1327103767667888	to:0.12693574888915168	with:0.08424391313043769	and:0.06934397640447067	at:0.03942778717125858	all:0.032187459753644655	by:0.029143667508300407	:0.11044857577204882
the:0.10040265869494205	to:0.07476152138633449	of:0.05688122355864253	and:0.05492853707581997	at:0.052079789646552715	for:0.03721611634532209	in:0.036374800385668406	was:0.02458426825726781	is:0.02452774808169677	:0.5382433365677531
;:0.01844495861737628	it,:0.0156551452715129	in:0.015281072444989779	up:0.01488140982032506	them,:0.01485156013165677	him,:0.014620080383315762	him:0.014367235513787581	them:0.011070136397497588	it:0.010338783811552218	:0.870489617607986
of:0.23057539192542958	the:0.12482225635663967	on:0.09730407197664634	and:0.08379579273985316	at:0.04618955706076732	to:0.044719778912274986	from:0.03084567004108892	in:0.030065326871588242	with:0.01692780343633061	:0.29475435067938116
men:0.026105106448358416	street:0.016921970250301194	rights:0.015625956469486193	city:0.014168138493784241	house:0.012639196443029846	state:0.012056052335533578	one:0.011636186271243245	land:0.01123990946970005	women:0.010495278365107222	:0.869112205453456
the:0.1331954013331003	of:0.10395761905650669	and:0.09166744382168995	a:0.0674867672110823	to:0.04481959524883369	was:0.033914181021321675	be:0.027669522756191306	is:0.023821375196731925	been:0.01992601692954109	:0.4535420774250011
of:0.42913982376195126	in:0.21660805511875691	to:0.1055912095090789	for:0.043292218339571586	In:0.04300063963510785	that:0.03582295085467715	on:0.03508123172523088	from:0.029967003599477206	by:0.023732299294254085	:0.037764568161894156
be:0.20574824910176262	is:0.14184087918060476	was:0.1372540936479947	not:0.08983132015494281	been:0.07294548198831247	a:0.06393759165466852	the:0.06316607492231595	no:0.062223715595172806	to:0.059560411471451635	:0.1034921822827737
a:0.17549097594130594	so:0.15330367775010523	very:0.13875774340193087	the:0.09078266982985701	of:0.08271613320713321	is:0.06052487399140435	be:0.05947064260791699	as:0.058544015244623146	are:0.05452679635445953	:0.12588247167126373
that:0.20623546619779892	and:0.08533449719041586	which:0.07233608149190966	as:0.06955041996441448	if:0.06843338837795696	when:0.05460884704846676	but:0.042143111951954755	what:0.03504843698818844	If:0.029375924524777285	:0.3369338262641169
of:0.32581763452081497	to:0.09345330136551365	and:0.09241118346566772	in:0.07941998282032223	with:0.06872857924310967	on:0.05862447744121252	for:0.05857061019852619	that:0.05063240842837945	by:0.0499019144695713	:0.1224399080468823
and:0.042180880378236876	miles:0.03996483095937216	free:0.03885286490958883	far:0.032517411487131054	away:0.03220746175199813	suffering:0.026194301531255845	him:0.023072069906964216	them:0.022689122908621063	or:0.021478077363521378	:0.7208429788033105
of:0.1957783039802838	in:0.12697174013889115	the:0.09309717753424215	for:0.0703852289461256	and:0.04507482840611174	at:0.04501381948349264	their:0.034730698940083994	from:0.033115292741862756	by:0.032565405402785325	:0.32326750442612084
a:0.21886694713999003	the:0.13479489368508513	of:0.1216077943325897	and:0.11633668429924007	that:0.06560543454686793	to:0.06206609418998084	will:0.04567240712835301	you:0.041316532145732	by:0.02943929850932898	:0.16429391402283233
the:0.22038313903105292	Mr.:0.07937156760867098	of:0.07368785948768332	The:0.06437454493038172	and:0.05944888902093017	that:0.046904228525190425	a:0.028819451762637286	his:0.018895379103475607	Mrs.:0.016510016796138643	:0.3916049237338389
the:0.16916655027322977	of:0.09610972877537258	and:0.06476630762113637	a:0.05084816639771816	to:0.04541898084047627	in:0.04120047961402981	be:0.019866405767281572	for:0.0169023718586994	was:0.016076944507863202	:0.4796440643441929
<s>:0.07769147479270334	it.:0.025385733734429095	him.:0.020525699543421174	them.:0.016345714801788196	time.:0.011325285931677056	day.:0.008532907262612402	country.:0.008428097584904223	.:0.008380592589427352	work.:0.007692026088175851	:0.8156924676708613
and:0.10574820209482938	to:0.09533257655164303	the:0.06692859152970518	of:0.0545538341836922	in:0.04425293442847365	be:0.04404592706322119	was:0.036569685789906464	re-:0.03448953728991997	for:0.03255706525548252	:0.4855216458131264
the:0.5015748149424423	The:0.10614687280181886	his:0.10041786118631171	my:0.038631806065597074	our:0.03265756783596726	their:0.030769677306826875	tho:0.02192591282162266	your:0.019326249710048028	and:0.019317772266811337	:0.12923146506255392
to:0.7245807874356576	and:0.056780758998855894	will:0.045483702392755634	would:0.026080811828219193	can:0.0230803355095012	I:0.020316501634841305	not:0.018477906655005885	could:0.017339627547115405	who:0.015833858930022367	:0.05202570906802555
that:0.24518832228121373	and:0.1774511864229357	which:0.11564753278702528	but:0.07527064641576942	as:0.06011157558036081	when:0.05111040334296318	to:0.030375862655894644	where:0.029254414776844335	if:0.026267776143043573	:0.18932227959394934
of:0.1591020544317612	as:0.13064795397782575	is:0.09425961620206508	and:0.07786684201404148	that:0.07593864953044967	was:0.06725148861719213	by:0.06462248612924955	for:0.06345903238040874	to:0.06344972053218662	:0.20340215618481977
a:0.46318594277387165	the:0.13148420791228832	this:0.09296144324249295	said:0.04492645680271004	to:0.039242983657626566	that:0.036754589858578046	starting:0.027236672726919008	in:0.02147470593413028	any:0.02056776132919674	:0.12216523576218638
and:0.13720149740649404	the:0.07812660454204343	of:0.07106036451835175	to:0.0660615659893393	was:0.051488598254477456	for:0.040666688845894645	in:0.040471301095666844	a:0.03763397865224792	is:0.035693559384370965	:0.4415958413111137
able:0.07218151558157121	is:0.06559613750320263	and:0.061299264196499774	willing:0.05689591664966504	as:0.049519791761349165	ready:0.04744463120041932	unable:0.04734345610971301	have:0.04581742388805526	going:0.043055525401954925	:0.5108463377075697
the:0.23093374780638168	of:0.09197721802421213	and:0.06888003077467625	a:0.0508451128930694	to:0.049858063385323836	in:0.028238603391158332	or:0.022932985534315904	be:0.016650312925290456	for:0.016588603434997188	:0.42309532183057486
a:0.339295056636466	of:0.19332606217921577	the:0.1310043646531145	in:0.08258160219990285	and:0.04861262306708317	for:0.03758992003366673	with:0.0344763272431197	by:0.023941253932441904	very:0.023594279034964576	:0.08557851102002484
and:0.08413568250763814	Lots:0.06880034439008947	the:0.06337671015311407	of:0.05349032503270901	lots:0.03230163781743001	to:0.03108625833702262	1:0.029482270919416086	south:0.0286271634523381	than:0.027989403391373055	:0.5807102039988694
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.09377129454296322	was:0.04271315341537484	out:0.028524574363226172	that:0.02811573968936019	placed:0.027131868575018914	work:0.02578173844450971	made:0.024681420068921236	is:0.024021050156212566	up:0.023509378606325886	:0.6817497821380872
the:0.40918095784959324	an:0.10670090810414334	and:0.10365588471077505	of:0.06968183358284463	most:0.068303029560462	a:0.0595982312107301	The:0.04409084601256541	or:0.026875349183753117	his:0.02652256384721249	:0.08539039593792062
men:0.015398841870763545	;:0.012917789374251703	in:0.007971232815537068	city:0.00714618185086614	and:0.007125833225744866	one:0.007024063837421101	:0.00693197678851228	up:0.006130831235947819	right:0.005982534726925189	:0.9233707142740303
two:0.13130518068730807	three:0.08867813355799951	five:0.08478856947572151	six:0.08011541544548918	ten:0.07731825721704089	four:0.059012146222841524	one:0.044653208982404845	eight:0.030861620389015913	hundred:0.02926088800806984	:0.37400658001410875
in:0.5952834596928931	In:0.12987140348195525	the:0.06735968445543221	of:0.056748459721192454	from:0.034658045463898814	a:0.027524549863227915	this:0.022234382796960245	his:0.02034285550137328	their:0.019978503018903745	:0.025998656004163023
and:0.2274272833262399	but:0.07264756616085705	is:0.0637182569238373	was:0.05216878462576589	that:0.04938873584894814	be:0.02451496960912615	are:0.024108607448964006	have:0.019131353185822077	had:0.017875068314792852	:0.44901937455564667
that:0.20058317332795206	as:0.15030758713750603	which:0.10195691802640719	and:0.08385640317804294	when:0.07551792516968862	if:0.06105803643791872	but:0.05018837289311499	where:0.04294017737545988	what:0.032645101481946236	:0.20094630497196334
the:0.13763791732205669	of:0.09123328417500841	and:0.07081138808826125	to:0.041458839317479665	in:0.04053040715790265	a:0.028185825289457303	be:0.019664834253035748	was:0.018815340757594064	which:0.018621594128698467	:0.5330405695105057
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.42316493622000334	a:0.10577479739121962	of:0.08409602624984186	an:0.08227336323810466	and:0.07062142272212592	The:0.05745041971105277	in:0.04259708361231298	tho:0.03379488882387561	any:0.02158136764846224	:0.07864569438300101
of:0.2428873537692233	in:0.11973680612014662	to:0.11603402741270599	for:0.07714789713097062	and:0.06946396848994019	with:0.060658363724453455	on:0.047862408375154715	from:0.04110232559766807	by:0.036546241757073966	:0.18856060762266308
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.6833458837686954	his:0.05327778150888342	a:0.035175563587774406	tho:0.032460380313089725	in:0.028225775367367034	their:0.027003342971080892	any:0.025927930523794093	this:0.021420786960710734	The:0.01955481028010064	:0.07360774471850365
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.047388501510670304	made:0.04076601410468196	up:0.038926838892920874	secured:0.0286248136643823	out:0.028535645291510207	taken:0.026909186565186555	ed:0.023627569224247785	him:0.02061437213111254	done:0.01914013493496672	:0.7254669236803207
those:0.050710433936927715	and:0.04920286978203889	men:0.02628843851530518	people:0.01604023852677426	persons:0.012491790529851568	two:0.011096000617252265	these:0.00878447925261829	<s>:0.008757177967147686	both:0.00822053665701205	:0.8084080342150721
they:0.2354987952108572	we:0.10729322649723241	who:0.07739793231980158	which:0.06632808581385652	They:0.05719471894628045	and:0.05340485125773553	you:0.05332450890919301	that:0.050579099528899316	We:0.049042488437211325	:0.24993629307893267
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.12999171372996743	men:0.07850676479375553	and:0.06651063251818455	man:0.06419862659898164	people:0.028444780034200198	one:0.02200008939422672	all:0.020360610793839534	Those:0.014004283656460977	persons:0.013629978573831372	:0.5623525199065521
he:0.1259126690539325	of:0.11224228852708129	the:0.10411975852417989	and:0.10346092835041609	is:0.0841418904081905	He:0.08251327202051635	that:0.04214212657199403	be:0.04180629864312942	was:0.03830762406132713	:0.26535314383923275
in:0.20310762524089984	of:0.1882361100432035	for:0.09745565888091719	to:0.09149557154719273	by:0.07418694362670183	and:0.061744887961331124	In:0.05440449900660559	with:0.052857707441698494	is:0.04985694189251727	:0.1266540543589324
away:0.11410341832596668	taken:0.07226997576481649	and:0.0629610195258871	come:0.04945056518161133	them:0.04322768833198397	came:0.04137789546757339	him:0.03564860821110771	derived:0.029843723325669237	out:0.028563437335101277	:0.5225536685302828
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
and:0.2309730022536223	of:0.19052244176414906	to:0.06978649154698896	about:0.05796454375741589	than:0.04158274966797287	the:0.039371457454304676	on:0.038034824202576464	in:0.037273541609490715	or:0.03362752137344977	:0.2608634263700293
the:0.1748970636084242	of:0.10640731527228467	in:0.08471900024538452	and:0.06542798806324274	that:0.042238403247887905	such:0.031441322454070365	to:0.03135646129977141	or:0.02825024931107222	which:0.02767427813323329	:0.4075879183646287
that:0.17711006002136562	if:0.1512442830085882	If:0.1268904066718469	and:0.103174528971312	which:0.0707116567723994	as:0.07001635621063623	when:0.03470013699472155	but:0.029494453408626636	what:0.02894839176730388	:0.20770972617319958
the:0.27707887962956745	of:0.2542475855862763	on:0.07404308973084454	from:0.05708580722452732	in:0.05400571257968083	to:0.03709444746019591	and:0.021718971658677765	South:0.020984359702016144	North:0.019732532611050624	:0.1840086138171631
the:0.1394869246969497	of:0.10326764131370383	and:0.0819202293474583	in:0.06509397629050495	for:0.0535245407848631	a:0.05208824737364048	to:0.04513865281496596	In:0.029815798829220613	that:0.02311980602852762	:0.40654418252016544
in:0.051751453364831536	;:0.013765939685385102	up:0.012190226878878031	from:0.010514601051823818	them,:0.01018881250662673	thereof,:0.009754449849970266	In:0.00929844520292278	him,:0.009127371657331036	benefit,:0.009010295718821242	:0.8643984040834095
the:0.2120353960720504	a:0.15452214139337317	and:0.06457507972097068	of:0.05638840061222354	to:0.03889822703941988	in:0.03826342985613467	The:0.0330030591015113	an:0.02906243113414402	is:0.019080489894281967	:0.3541713451758904
is:0.19485788344874938	and:0.16220181606387093	was:0.12183169596055697	be:0.11153751909701522	he:0.07795876298965519	I:0.05843970842998904	He:0.0536036413954157	so:0.051403752435499814	are:0.04146015317904927	:0.12670506700019848
to:0.24858879960889735	for:0.15183709104328746	told:0.08883981646217336	asked:0.08037231639110086	advised:0.05674306796214238	from:0.053147127370641443	permit:0.04609334112482337	with:0.044566496927146516	allow:0.03540330584083368	:0.19440863726895358
this:0.4019143216519403	the:0.38352358839198325	said:0.06633300919087372	a:0.02970367341476402	York:0.019656341525162328	tho:0.018976789269944318	that:0.018530657476246597	of:0.016322933110093772	our:0.01315232236110598	:0.031886363607885736
the:0.21981292457782856	of:0.0964569837419718	to:0.06900019553904409	at:0.0405470012781836	and:0.03873577854644757	by:0.028368797498112722	<s>:0.02307415692812145	in:0.020748652487771378	said:0.018731504947069176	:0.44452400445544965
the:0.722303170214869	a:0.07812135910115554	this:0.040835704371729856	tho:0.040271495294726116	The:0.03402630979098756	tbe:0.01716409617756765	whole:0.012799838449307937	our:0.011814670046005773	his:0.008524766749013193	:0.03413858980463735
to:0.5705300041148842	and:0.07235489773325551	will:0.06902315919079348	not:0.06440932413555626	would:0.03766676018593401	I:0.02969768865400449	may:0.022998444280350232	can:0.018733836598918946	should:0.016447333494645756	:0.09813855161165712
and:0.08793627417053602	the:0.058062596342082995	to:0.05616145386902443	will:0.05024895711553716	which:0.04934421954894263	said:0.04911162949450814	of:0.048468472203261496	that:0.03815540925302591	may:0.03659240513259149	:0.5259185828704898
;:0.05153854438466804	him,:0.03333819617939566	it,:0.023148229055846733	her,:0.0182362624729996	time,:0.013850195591795551	and:0.013207443263365969	them,:0.013039420069972408	man,:0.011005217582178359	me,:0.008711141533681037	:0.8139253498660967
of:0.35244535013371925	that:0.11628781208312808	in:0.10797209016414325	to:0.09757607706709552	by:0.08296250035187061	and:0.06472115971354378	for:0.04094743303559579	with:0.03300431297895157	from:0.024288986931386335	:0.07979427754056585
of:0.21030354194379108	and:0.1410775833298136	in:0.10403343649825787	with:0.08459492879502785	to:0.08236173980853444	for:0.062334351357193854	that:0.05431989460073243	by:0.04487330906084482	at:0.04112867941551489	:0.17497253519028919
a:0.1282714606975142	the:0.12339281911225351	and:0.0855491271516658	north:0.04641921348453858	at:0.04423578518708008	of:0.03840089641430641	line:0.036639389563096716	west:0.03441027870562598	south:0.028131321311140337	:0.4345497083727784
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.15416285660978277	of:0.1163663877079049	to:0.10489466740399683	a:0.09272136338191103	at:0.07732101946172519	and:0.03981272200294554	in:0.031406846449210185	on:0.02291525042864884	for:0.0161077808631772	:0.34429110569069754
was:0.11865289269154863	be:0.10621264817760309	been:0.10277886037300828	and:0.09149178595951193	were:0.0706103370891578	are:0.057214894181413754	is:0.050735302810243375	have:0.046120782305537324	to:0.03908829112410273	:0.3170942052878731
to:0.23096201243573955	has:0.17826373050770167	have:0.14946245067624575	had:0.1359451012596589	will:0.09253802983425517	would:0.05244820849950744	and:0.050977437601884584	may:0.035488039319130214	not:0.026123896573447707	:0.04779109329242904
of:0.39176956835028615	is:0.07872432629942032	to:0.0730413452499011	for:0.0708423169965359	in:0.06393621975323874	and:0.06065172306263361	with:0.0533207107941116	that:0.04378254279255212	by:0.03750950745037137	:0.1264217392509491
of:0.30042002444122473	in:0.14784266464332566	to:0.11713708485603438	for:0.07583226643866545	and:0.06436916134540435	with:0.05279536887923771	by:0.04658824060319586	is:0.04064651122245694	at:0.03909870818667791	:0.11526996938377704
is:0.35716003752230413	was:0.16821620629284706	are:0.16239625787277612	Is:0.05312673694831495	were:0.043699513045383886	have:0.03657963800789455	had:0.03267845131506156	and:0.032125847297874786	has:0.028825834682513193	:0.08519147701502976
to:0.29491082930563567	will:0.17405901320812367	shall:0.09862266322341705	may:0.08790218810815034	should:0.07931762274783564	would:0.0651895771284713	must:0.05325296034033974	can:0.04906948715063708	not:0.04668111024365119	:0.05099454854373832
about:0.19853319540567826	of:0.17680354097637502	at:0.11628355520012061	and:0.07632159283312347	containing:0.0684168303016984	to:0.05129937760614214	than:0.04528633361338519	from:0.027605113880579034	the:0.026195613599417154	:0.21325484658348073
the:0.09465852141043161	and:0.07988974624357965	of:0.07668969562173271	to:0.06738788201408927	a:0.05910141492982904	in:0.03531294015657826	at:0.024702761236418673	or:0.019890294953798203	that:0.01479619713910379	:0.5275705462944388
of:0.1493535945680484	thousand:0.10154586760379314	hundred:0.08704342454893993	two:0.0770407817377019	few:0.07660468458676316	five:0.07655716736401154	ten:0.07047184292821786	many:0.06714898273265969	thirty:0.06064817361587173	:0.23358548031399268
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.17198779475993303	the:0.14001222996733328	that:0.06413726973542436	and:0.06068916550664149	a:0.044855348637632936	The:0.03879741274381853	his:0.03774954924482044	all:0.030581442976220456	as:0.02636145597608837	:0.3848283304520871
to:0.561197976946603	an:0.1384083195229852	will:0.07099120586987064	the:0.04929694091031304	and:0.02935418629433617	of:0.026125888954819817	would:0.025756167924638113	by:0.02124015166424237	not:0.020381654143501602	:0.05724750776869009
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
law:0.03214012328104005	in:0.0276622947242374	action:0.02364068300794796	city:0.020148630433459325	more:0.017487922909166478	owner:0.01525441529911745	one:0.01435585436565462	person:0.014208760512278616	day:0.013358705768859488	:0.8217426096982386
the:0.22531929051268967	a:0.09738978985157988	of:0.09522899354069804	and:0.08599696731311232	in:0.04381424952577531	to:0.03825063270721132	for:0.027062621958565507	The:0.02674368450588837	Mr.:0.021875413464833134	:0.33831835661964643
of:0.4487127653225655	by:0.09624265878879602	to:0.08413063090159842	in:0.0811648456320091	and:0.05888595006249462	that:0.05171810015788792	with:0.04577079334342591	from:0.03846319278791441	on:0.031609736439685975	:0.06330132656362215
the:0.3314954309168417	an:0.14806409093653963	to:0.11734129482981448	this:0.08318181097896199	his:0.06968709442971724	a:0.05457147080779072	and:0.050968739707945854	that:0.047214872893532815	in:0.02933220620097913	:0.06814298829787645
would:0.17959540429010784	to:0.13519794944916977	who:0.09755427043109222	they:0.08092794866467283	I:0.07229973568327139	which:0.06237819314755754	must:0.053838397959161594	might:0.048424713189248424	shall:0.04348004295022552	:0.22630334423549286
and:0.2466535225820401	of:0.05387478600568572	is:0.04814178255102839	to:0.04408227316140802	or:0.0430052301407351	be:0.04074185962500851	are:0.03791461278797268	was:0.03594810457578787	the:0.034322451171105106	:0.4153153773992285
it:0.27957038428918407	It:0.14069168722916756	there:0.0780604064737155	he:0.0673522127670591	that:0.061371482220746135	they:0.04852180992353207	which:0.044772571877851546	and:0.031977859656019285	I:0.020031431466088268	:0.22765015409663647
of:0.12819328936437854	the:0.0816396559444139	a:0.0625655800348413	and:0.04727775379418778	to:0.03810899688450262	in:0.031014269860461133	by:0.029616667104453903	Mrs.:0.020364079704775294	that:0.017953517032192334	:0.5432661902757933
of:0.28457516632291724	the:0.2524763011596572	in:0.19616905549184324	and:0.07377015339080147	In:0.0467347252989787	from:0.0256372394958834	The:0.016494723762734406	to:0.014897679931518611	New:0.013354229015978604	:0.07589072612968714
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
and:0.19200647304132665	so:0.07309647964123696	fact:0.06595366675684942	say:0.04534596917139186	said:0.0439662897764908	know:0.04165079530822593	is:0.03647351743266295	believe:0.0347931771548132	but:0.03263242061664941	:0.43408121110035286
it:0.15825116334251704	they:0.11257263863375008	which:0.10631852399536912	that:0.06531775670497045	It:0.06477170687413103	who:0.05858194828175803	as:0.053922583151559046	we:0.053490381342164994	you:0.0454832223560274	:0.28129007531775285
the:0.6220507495123936	tho:0.031247290306435523	The:0.025839956301872368	a:0.02413982882107412	an:0.0229543533977333	tbe:0.018896035429862186	of:0.015579584255519764	and:0.014887810660099959	on:0.014405349998889943	:0.20999904131611924
the:0.16471935988763434	of:0.1560047480609234	in:0.11754146211145067	this:0.09276985658420867	to:0.08669645689027551	a:0.04077683005488117	said:0.03401444961046122	and:0.033951674993532126	his:0.032950324872535616	:0.24057483693409729
and:0.16559836050338517	to:0.10626668981227515	be:0.10386236018935037	was:0.07343478649801011	been:0.05491415174252399	not:0.04661572502614657	then:0.04606597376778766	had:0.04237641837952577	is:0.04106704717778695	:0.3197984869032083
far:0.10316966089092856	well:0.08602893288866192	such:0.06050874339649509	described:0.05772730214418262	and:0.05318986206545376	so:0.039856146954885804	much:0.033469811886687	regarded:0.02639119887237638	known:0.024219659882125495	:0.5154386810182033
them.:0.05713186345268486	it.:0.031654688020131105	<s>:0.027249655406593975	him.:0.015770484098204265	me.:0.013056157877360119	themselves.:0.010508896227993616	time.:0.010124747826187079	us.:0.009927354302077727	men.:0.009222354582653929	:0.8153537982061133
the:0.31060238825692726	The:0.12028999077063812	most:0.11958694557984477	and:0.09942373659083292	of:0.07277438487691813	as:0.05754051212785497	that:0.05181521968182057	a:0.0498140163578618	more:0.04338318192365471	:0.07476962383364676
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
as:0.07973547365769454	and:0.062451400201692486	up:0.062120657567446044	according:0.042138066409294885	regard:0.03700651657033941	came:0.03545219815350688	come:0.03283697334229217	addition:0.03273778269961444	referred:0.030686758407418597	:0.5848341729907005
the:0.7419011076860675	The:0.05770847931059274	a:0.03280851482022056	very:0.030900372808184997	tho:0.026066186596870863	and:0.02353970429388688	is:0.022514779206633025	are:0.021217027122905963	was:0.01574479443014326	:0.027599033724494123
of:0.2795895192942691	to:0.16348898088292185	in:0.1068667879395811	that:0.06735385081364642	and:0.05932663252647515	by:0.05908389182002499	with:0.056265131432828026	is:0.04716099670320267	on:0.04093580927082298	:0.11992839931622769
to:0.5714589604296524	I:0.06242111002279379	not:0.05620801629754079	you:0.04663591501615702	will:0.04542871719664416	and:0.03927209654744434	we:0.03409224223331333	would:0.029895021144700145	they:0.02245380823454927	:0.0921341128772048
to:0.37696380846613275	and:0.12887102366737663	the:0.12343958375432441	of:0.09313831946847313	not:0.06721474050592162	will:0.040639163626446796	would:0.02691122859925036	shall:0.026206940660364813	I:0.023086469758536805	:0.09352872149317266
the:0.3740292548002902	a:0.14318311959774088	his:0.10764466880730168	The:0.05388937545418971	their:0.051441285241406065	our:0.04062452223151276	her:0.03595975167248161	and:0.035890641819198696	to:0.03192594505338624	:0.12541143532249216
that:0.18882523036777654	in:0.16243461431926753	of:0.1264675101585533	have:0.09732512438990397	had:0.09143223212529819	and:0.0702711803356044	for:0.060790720463406986	has:0.05830307871748579	In:0.04368789325509466	:0.10046241586760862
linear:0.1787631528754233	of:0.04008992368096386	few:0.022780417733357084	two:0.020426566056831068	and:0.018677475128683167	100:0.018110435635558638	five:0.017262263169683427	ten:0.015602212543414947	fifty:0.01448719535572823	:0.6538003578203563
<s>:0.05733822007287531	and:0.033398120096339086	was:0.016779022522444724	recorded:0.01616759386645309	made:0.01609500438881063	is:0.013552767023975693	found:0.011633822179133523	place:0.011315703104969009	be:0.010999078410964595	:0.8127206683340343
for:0.15559290227516911	of:0.14769521029055255	with:0.1104729253498052	to:0.09450023525915757	do:0.07745838791366069	in:0.07114021250677417	upon:0.06751646410238137	on:0.04247794535873974	about:0.04204649179156704	:0.19109922515219255
the:0.59164728464098	a:0.11760746744514866	his:0.050096796451397266	our:0.03943902380519576	tho:0.03490850325165937	their:0.027311585920470383	my:0.018240542691992007	of:0.01723728024801213	its:0.01684064084460237	:0.08667087470054197
is:0.12507105704266272	was:0.1073988766335625	and:0.09823160898272312	a:0.0787985053581347	of:0.06255985841244446	the:0.06079740803088605	has:0.05953476404778518	had:0.055168684901247135	have:0.05370015153154227	:0.29873908505901187
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
and:0.05506725291823688	go:0.038081909786626164	going:0.037983634558448894	work:0.031003626645154873	carried:0.028658728723775267	them:0.027378544654337606	put:0.023401611360287813	that:0.02335171207708864	interest:0.022208120668140725	:0.7128648586079032
and:0.06288952057630029	made:0.052460660366738424	that:0.030094871749997438	it:0.029796695689496045	only:0.024701123561280843	or:0.022917372581391558	done:0.022431679735609857	them:0.022372145412762334	him:0.02201331017222752	:0.7103226201541957
from:0.19300217727339725	the:0.17434688703056778	in:0.10842248080581794	that:0.07919286971493883	some:0.07313489208481577	any:0.07057569714868003	this:0.06443408865559666	a:0.059106952729371	same:0.05417328085966794	:0.12361067369714682
of:0.3006817191408618	and:0.15364291871821883	to:0.09619147960078088	that:0.06401167200519096	with:0.06352572434449837	by:0.04932431935884176	for:0.036826920444126	in:0.03652587789613544	are:0.025139530769463948	:0.174129837721882
was:0.18969256884571947	be:0.1608944528683388	been:0.11736752575339959	he:0.08709536291509701	had:0.05417753941037191	is:0.05079621563261643	were:0.04396315155753824	and:0.0398420373844082	have:0.037791341558642624	:0.21837980407386773
<s>:0.02398990096405103	them.:0.021850229012752697	it.:0.01677168018967171	him.:0.0092621698330483	and:0.005243562389727813	men.:0.005002277589109161	people.:0.004961523090150365	country.:0.004706336425437365	us.:0.004699537008257303	:0.9035127834977943
it:0.21647787132204044	It:0.12972796004326437	which:0.09581298254657428	that:0.062021096228547415	and:0.05442765794999606	he:0.049496416869819926	there:0.04432705719911434	who:0.0375060680292	as:0.02442040022793138	:0.28578248958351177
it:0.32630148781907575	It:0.17204343049073584	he:0.06729064821576579	which:0.05526839798172476	and:0.04822266681188528	that:0.04475220687581604	who:0.029836278308535698	He:0.02291804618981482	there:0.01572658647022813	:0.2176402508364179
the:0.24173186644873054	of:0.1264804730623645	and:0.08331959595593887	a:0.07678669948469065	in:0.02227872850197047	to:0.019468778320699653	or:0.017891130897969953	The:0.01759084026465017	tho:0.015524648398075488	:0.3789272386649097
of:0.22221722281696854	the:0.2000203556715462	to:0.07181379159766366	a:0.03881321745864812	and:0.030154228714509745	in:0.02909119442281869	at:0.027088649947247682	by:0.02466040389729468	on:0.01793863258872513	:0.3382023028845776
the:0.20858214043815207	of:0.17619204038700628	in:0.101731898023459	to:0.0949502706540823	and:0.07888126297358858	his:0.04509870164828399	In:0.03643830191166855	a:0.03641108427092107	their:0.03588742500946719	:0.18582687468337095
State:0.04857693491585698	city:0.04657604744044922	day:0.043182075484653935	out:0.036021003272577665	side:0.030909774441599838	County:0.029399352613945044	state:0.028826286466878577	City:0.028381272820326046	line:0.02265943629062102	:0.6854678162530917
No.:0.16834545491840563	9,:0.08949720164754223	June:0.06737054534054283	April:0.06662922052725319	March:0.0648949413776475	May:0.05698829033036294	and:0.05116170531123416	to:0.04884762560454552	July:0.04703831243943303	:0.339226702503033
in:0.34269454889102713	In:0.1682049705871951	of:0.10171854725272689	the:0.0997927863397006	and:0.0991450735969695	all:0.06190510964523323	from:0.042367580762022405	to:0.032408884077876156	or:0.025938414095324273	:0.025824084751924693
the:0.5423128846607465	a:0.11007181963165924	and:0.06880952536407035	circulating:0.051817594165183986	or:0.040993826942243294	tho:0.022045706558085586	The:0.01823962364644643	of:0.014019792587461779	in:0.013201379722895267	:0.11848784672120764
sum:0.016328629329483636	out:0.011199130054419226	amount:0.01098427885233564	number:0.010966495951007758	Board:0.010606384122442537	day:0.009994987531108633	line:0.009797732497612439	county:0.00968943267720081	purpose:0.008481733832078262	:0.901951195152311
etc.:0.030032172719299165	and:0.025308966065935808	1:0.024084887296994074	that:0.023018397726760943	<s>:0.01874693396486567	.:0.01622357337487859	-:0.014270532569519698	the:0.013080986410531783	A:0.013042612948528954	:0.8221909369226853
a:0.26772832210445624	any:0.20701627537378428	the:0.19581684172311453	no:0.06813539520256487	one:0.04634303572859518	other:0.04166370318381793	of:0.03219914262132108	No:0.029576290580654627	every:0.02731947757852669	:0.08420151590316456
and:0.31613897722102574	that:0.06694399462096733	but:0.04252057495825385	days:0.039338891347011455	and,:0.038808915567281325	soon:0.036189843386563725	until:0.026752613185393077	shortly:0.02453032726894383	time:0.02363009051185677	:0.38514577193270294
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.3206885684133569	in:0.1448206949675593	to:0.11064277066247023	for:0.07781397891069099	and:0.06396556877806443	that:0.058785765645207155	by:0.04651192008571459	with:0.040083175241163324	from:0.03653984119648307	:0.10014771609929002
the:0.30808378467771635	and:0.14108762106080014	of:0.09329753309150285	most:0.06708112398712891	be:0.06140012593700715	or:0.05601007499463242	in:0.04413328341630054	was:0.042784960684844456	an:0.04138650123183447	:0.14473499091823272
the:0.16932813253497953	three:0.06914387340061821	of:0.05349293442699967	two:0.047654117417527835	four:0.04164335449295854	five:0.03736836217580588	and:0.03109669491702267	The:0.030265922783236712	ten:0.028078562177667354	:0.4919280456731836
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.14749606476213453	and:0.11630218885455909	of:0.07119503291609995	to:0.06428197448850209	was:0.04929257352016476	a:0.039314627613783605	be:0.03851423253872655	is:0.030727084623719994	are:0.03035044679603335	:0.4125257738862761
out:0.08053879921399551	amount:0.05873223302343309	kind:0.055394591729558476	sort:0.04845800534242938	number:0.04750119388201583	right:0.04576974675284664	matter:0.041737466759697674	one:0.03939504037043245	state:0.03184089919043119	:0.5506320237351597
of:0.20049164813437464	in:0.14164889230278	at:0.11799612469470523	to:0.10805733829235892	and:0.07080272692268391	on:0.06624397867355822	In:0.05530128686766816	At:0.05409308602139609	with:0.042837581200100526	:0.14252733689037428
of:0.3401772009759197	in:0.11511127058281025	to:0.09375272668020339	and:0.08613759930214965	that:0.06259719707805131	with:0.054828676727219465	for:0.05464012006091031	by:0.04647272826748986	from:0.03514751625709624	:0.11113496406814985
of:0.2953153597904138	to:0.11054866979217493	and:0.09699921656643679	all:0.08248017075937267	that:0.07386794406268414	with:0.07041324817306312	in:0.04843879516719575	for:0.04261489149875798	by:0.03544298913428977	:0.14387871505561106
of:0.26583585305848656	and:0.0708505696762663	to:0.04989145335856684	about:0.04461672952503579	in:0.03325512201115969	at:0.029618796934411468	than:0.028485659286432298	by:0.026495085240666093	from:0.025286065168097206	:0.42566466574087775
lots:0.2766485000947762	No.:0.11782461943820041	at:0.033077493309221856	of:0.03120731409560685	and:0.030478342986851578	to:0.025602632099877815	Lots:0.023589684781256056	the:0.02121645356466072	.:0.019431496250696383	:0.42092346337885217
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.19191070546643094	of:0.1039464667671498	and:0.09252042075487181	to:0.07183426723673511	a:0.05862233959327532	be:0.05115686895551488	is:0.038834941606156366	in:0.03485754359909002	was:0.028944636372361228	:0.32737180964841456
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.17130416860884073	in:0.16279177841616227	to:0.09376373387012146	and:0.0902610297181017	with:0.08655597185628415	for:0.0782394939326751	as:0.07003491633910898	that:0.050065966710434666	is:0.0499710106270059	:0.14701192992126505
the:0.16034095759089487	of:0.08337930770201633	and:0.08167606873219838	a:0.06797230011329618	to:0.06200499524654075	be:0.030872590248614943	was:0.024646243111901316	or:0.02030169971211091	is:0.017847106309518128	:0.4509587312329082
is:0.17816474281910574	be:0.09254998781996694	was:0.09107615173641553	in:0.0908290542319092	are:0.06047173499469865	and:0.05970526192820771	of:0.05176084394430489	amount:0.04962925135326129	that:0.041852908775868086	:0.283960062396262
the:0.3054825155228515	a:0.11705310014636133	his:0.09181426941041518	and:0.042844363536002364	such:0.04087786135028798	of:0.030739505497854216	as:0.029557651592854253	this:0.028808959318530978	her:0.025965661805920876	:0.28685611181892134
the:0.3546972527664599	a:0.1026636464002505	their:0.06605938762286671	his:0.05990188289048896	and:0.05478322622445856	of:0.042097203521992345	this:0.04135859151243668	each:0.041337702766489945	every:0.039996998147159346	:0.19710410814739704
and:0.07714232234026595	committee:0.034667596483507424	that:0.0343602283349249	Committee:0.031305816803984574	was:0.024072241210864178	feet:0.022448112554430306	out:0.02132464213192273	made:0.01997259402001214	up:0.016106855024976767	:0.7185995910951111
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
he:0.1747209168420503	it:0.14844758027300806	they:0.09936976014183671	I:0.07668580501743102	It:0.06824091030186354	who:0.060360247278635926	that:0.06022886379527903	which:0.056640888196568526	and:0.04561502140191504	:0.20969000675141183
as:0.20366424780851503	of:0.07020619296255814	and:0.060410983131900256	was:0.05719830140446506	is:0.038895616356222455	be:0.036124630938406524	for:0.02683015050618793	by:0.024757424998636462	in:0.023450260340748912	:0.45846219155235923
him:0.02494659599230191	;:0.01487772965405297	man:0.012826628951379817	him,:0.01053555299716851	up:0.010332831893804855	and:0.010083138836835061	himself:0.009258682528632555	in:0.008913702740427201	man,:0.007933669360602887	:0.8902914670447942
and:0.4880143790733574	was:0.06131887460099021	Since:0.0447710269957201	is:0.034152529951839976	And:0.02769329933752633	He:0.021155529842526957	;:0.012847939571922762	are:0.012731176417211505	were:0.012672707666194643	:0.28464253654271016
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
is:0.11004326537273942	and:0.06821523126421992	for:0.06684709598729673	from:0.0665434183471805	are:0.0592392364251175	be:0.05397807974657866	to:0.04602083297079543	of:0.040664727780849806	was:0.04058567134192898	:0.44786244076329307
Mr.:0.04716583924401626	;:0.018131894496085228	.:0.01167495536219591	Mr:0.011171732817376111	city:0.010803094157737203	wife:0.008767032531002852	1:0.008420685847568318	home:0.00821667542552526	men:0.007931945545921604	:0.8677161445725713
he:0.1146150911659454	and:0.10720816799987416	it:0.07857163981943797	that:0.07061814261338382	who:0.03919937163614957	It:0.03819747253601884	which:0.03147628225293755	there:0.02993119687048004	He:0.029453662913395483	:0.4607289721923772
to:0.1821666562139872	I:0.11027261321802753	would:0.10576222532916502	they:0.0917139041729031	we:0.0834538459903675	who:0.06497047361524243	will:0.06145138929717931	you:0.04592113567408516	and:0.04127094069592593	:0.21301681579311682
the:0.36881361275803354	a:0.17581412163444954	his:0.07709073040896046	this:0.06326114866825812	in:0.04421798806014201	one:0.03835687630505485	our:0.03621521791296987	her:0.03542015445635223	every:0.03470468789317087	:0.1261054619026085
of:0.31126831115663695	in:0.12228950631654802	to:0.10289604833592045	for:0.08899973247805629	and:0.07898335925341782	that:0.07115699455629929	on:0.045611485041419604	by:0.036531972650916254	from:0.03348693132816086	:0.10877565888262447
the:0.6535390995783239	The:0.09932976880162091	a:0.06822025757319754	tho:0.028674180688876172	his:0.02855712794050745	and:0.021193918570569615	of:0.016007970979046143	our:0.013838100540635181	tbe:0.013197849654690943	:0.057441725672532175
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
and:0.1035460803087239	that:0.03361694585563805	was:0.022874874413785537	them:0.021455614244114168	made:0.020781864484231024	as:0.020451464154867784	it:0.01962269847110069	up:0.019239875074112327	or:0.018572916097524338	:0.7198376668959022
up:0.07224811285473128	as:0.05138703244746621	went:0.0504189383963284	feet:0.04512141066533619	back:0.04481764720761196	and:0.043069757845161705	sent:0.03855478449429837	down:0.03318560189648834	go:0.03282741619170479	:0.5883692980008728
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
the:0.35906579534008204	this:0.13722589186368625	a:0.09413570050612709	The:0.0707354878347205	his:0.04724200354537219	This:0.03982806608365649	that:0.028276385980081312	present:0.026764531012872402	one:0.024708870263163707	:0.17201726757023802
time:0.023468403588567527	up:0.01945082482910716	him:0.019204169401228977	out:0.016803181237572542	it:0.015557194576262262	in:0.012849309932529853	them:0.012124664589109008	work:0.01205697309546434	men:0.008589433375220544	:0.8598958453749378
the:0.3829257395761277	of:0.19872795901123264	a:0.1288345017787612	and:0.06838677930906795	in:0.05339535383486473	very:0.027587831651236055	for:0.02732348797054196	tho:0.02622312283848425	as:0.02068041327814433	:0.06591481075153917
.:0.044410440345778276	and:0.0295990467993369	Mr.:0.02550624797005857	of:0.01852210361112127	I:0.01835350288368574	<s>:0.015166621949662708	John:0.013073072308055128	at:0.011505659357605355	to:0.011437562513088783	:0.8124257422616072
the:0.3152469041263864	an:0.14982290433877338	of:0.09593864332233201	primary:0.05127730781912417	on:0.03418114597820135	general:0.02989665134740088	said:0.02949930639472402	for:0.02748617796826329	and:0.021700608091431314	:0.24495035061336318
the:0.5240850045998687	a:0.20882521446421898	The:0.05619700592897613	of:0.03477475180665815	and:0.024021380649330144	tho:0.0217617314927195	no:0.021229330243856936	his:0.021036728796976073	little:0.014585293984296584	:0.07348355803309882
to:0.0671063089453303	of:0.0576110811214545	<s>:0.048328636095025884	that:0.02483228454949496	for:0.022412892119357625	and:0.01939064750225195	it.:0.014781843433918272	him.:0.014524619245074411	in:0.013337351794643388	:0.7176743351934487
the:0.23064976974816406	of:0.1251839000947097	and:0.0906191556751078	to:0.06974493060332328	a:0.04579261884899858	his:0.03895619581412924	their:0.038950986662083485	be:0.038404399040864186	in:0.03740983947926077	:0.2842882040333589
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
the:0.10145711866484705	and:0.08975165041979283	of:0.07341016880192912	to:0.06815804153281746	a:0.05667619573074266	was:0.03580429467759417	in:0.03568609739268552	be:0.02954918689249461	is:0.025942123682462157	:0.48356512220463443
to:0.4962292207720818	the:0.12411828864921098	an:0.12024848156575917	will:0.05005638441758365	this:0.04974530736715832	and:0.03279182542034672	that:0.018779022055557287	would:0.01664696098175588	a:0.014434014543716968	:0.07695049422682922
be:0.17733698212959462	was:0.14509880423610225	is:0.1108422370980478	he:0.09353932084781644	have:0.08926667529083401	been:0.08267415958606386	had:0.051898085745131155	has:0.049255555818620594	He:0.0491409588014484	:0.15094722044634087
day:0.8517868597604238	dav:0.013812791181960417	Monday:0.007299656263146695	month:0.0065276939648252355	middle:0.00622393629704218	State:0.005492295197595427	1st:0.005486782803020805	city:0.004896333660362452	part:0.004576969627262245	:0.09389668124436075
<s>:0.09177020159008965	it.:0.020526014449755756	them.:0.016196352584459627	.:0.010359275935972656	country.:0.008905376672532798	time.:0.008739226857362538	year.:0.00836924781207515	day.:0.007243104418552679	him.:0.006704174198363084	:0.8211870254808361
and:0.1917224734160185	is:0.05339125794276248	not:0.052294617420194554	or:0.04606881754998486	are:0.0421076000967863	do:0.04171271073165502	was:0.040530372117620686	And:0.03564746431449575	be:0.022051211662236177	:0.4744734747482457
the:0.3335853227554132	of:0.17355528790381497	and:0.10074901765490646	or:0.0745259068313095	The:0.03804830731047242	these:0.034987208981984534	for:0.03378397237846612	by:0.030873331935629172	about:0.029107274728401723	:0.15078436951960195
and:0.18027393958308124	of:0.14443337004295642	that:0.08603738092268809	to:0.08134033738812974	if:0.07705523748152379	for:0.057160638858671356	but:0.04780368329217643	when:0.046827667647509896	was:0.04548845720414662	:0.23357928757911642
up:0.020699292365468663	time:0.017837945328526617	in:0.017559279871095165	down:0.011000784296796167	life:0.01064869337649949	land:0.00958465167900923	him:0.009103833582862784	out:0.00896219165563015	power:0.008799203609042638	:0.885804124235069
the:0.34972357988643116	of:0.1851448624689943	in:0.05020192181885093	such:0.04695989053944851	to:0.04321335693556277	a:0.03887648226766415	all:0.03592049702444274	any:0.03306718788862359	on:0.02787791171093989	:0.18901430945904196
the:0.31603943904936654	any:0.21019534673255608	an:0.11390308900046986	either:0.04255876507011926	to:0.04079498692922491	presiding:0.039999423604730355	of:0.03866524517886066	such:0.03798365131067244	this:0.03548282818117956	:0.12437722494282034
the:0.2675816146443773	and:0.12387432296156177	of:0.11633834144000198	to:0.09212329513865826	their:0.05239269403687731	his:0.04144989399844358	in:0.028889444269179127	a:0.026665409314818762	that:0.026361923903146157	:0.22432306029293578
the:0.14309936195386752	of:0.11435851857925557	and:0.07679204857230557	to:0.05767422545430939	was:0.051462649112687164	a:0.044387177950600244	be:0.039386020154803844	in:0.03913091724555907	is:0.03317156499467845	:0.4005375159819332
the:0.1383052078787414	of:0.08242205434635133	and:0.08204013011680764	to:0.0606801837302645	a:0.037459458786684885	be:0.03309828082761197	in:0.030712695040262798	for:0.022850558254894664	or:0.022073118251186692	:0.4903583127671941
an:0.2693702461123546	most:0.1544232961081512	the:0.14286401275755503	and:0.0701923251472609	of:0.060650066520214166	a:0.033021866988589665	other:0.027941459720415205	to:0.027203084471303596	this:0.022778414866042325	:0.1915552273081133
one:0.08837264426949418	part:0.038998327146227474	out:0.02722316887260893	portion:0.023814181613109088	side:0.019826910280117432	some:0.016247713638384235	that:0.01581493783524018	tion:0.01520297430519722	member:0.014040980918801042	:0.7404581611208202
and:0.11985358219657177	called:0.06427373856222518	due:0.029933195081225446	conferred:0.029363781494048724	made:0.028532523027800866	based:0.024918364698009843	call:0.02312961980063911	that:0.022745526588775655	depend:0.02224297641257712	:0.6350066921381263
Mr.:0.16365901189607662	Mrs.:0.14961204672797138	U.:0.1311937320637377	and:0.05055087812826654	.:0.042234337742719306	Dr.:0.03530183754322858	John:0.03218594752612811	of:0.030819673845805126	W.:0.025484627289357235	:0.33895790723670943
of:0.28815367486098925	in:0.20405654566521322	to:0.11402514689064128	on:0.1004194312782199	from:0.05917414559176897	for:0.050520769330364146	In:0.044423956174651745	and:0.0340361601520776	with:0.03362511888452553	:0.07156505117154835
manner:0.1103951809557842	and:0.052453475314599624	that:0.03036937771827381	way:0.019689239401330938	time:0.015058937839784212	it:0.013360831017844856	all:0.011946359345780016	one:0.011858054142763546	part:0.011827296831737295	:0.7230412474321015
a:0.3535858319332787	the:0.23969354913943935	is:0.12404901961086594	was:0.0667885348818085	are:0.04892969544798393	be:0.035853851366240856	The:0.03080411318082175	not:0.026562749344466997	A:0.023650901493048517	:0.05008175360204545
the:0.4288875426592591	and:0.13625978351035029	of:0.05324245937159445	or:0.03824049318942678	The:0.03730571828216512	with:0.02647829364770802	tho:0.021418997580749995	a:0.020207677999889824	for:0.018170870766825727	:0.21978816299203066
it:0.2281946148554245	It:0.18517807159388838	which:0.07904623141535283	there:0.06645061903512318	he:0.05158266488887628	that:0.0494564234498117	There:0.0435543204207122	who:0.026178366069972127	He:0.025985914941477128	:0.24437277332936166
the:0.6010893851350526	a:0.08560085763698293	of:0.0557006421236639	this:0.03878721420995847	on:0.036539109762031945	tho:0.03601989797118173	and:0.025287676776046458	said:0.021122558256004724	his:0.020892020603655182	:0.07896063752542205
and:0.06848281066483226	that:0.04938144311756957	I:0.04300422819316566	which:0.022835974317412352	<s>:0.02084480640519926	it:0.02081927854802654	1:0.019583626368424867	as:0.01957107517198161	he:0.017916475895544317	:0.7175602813178436
the:0.26516721337852633	.:0.04518602662745817	and:0.0340162900740793	Mr.:0.025779489260718505	of:0.021290711183982052	The:0.01766911997797206	in:0.017504184115997592	a:0.015036145767830775	<s>:0.014955128612825809	:0.5433956910006094
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
you:0.09870196043914123	it:0.0962938857784109	and:0.08461872983550807	they:0.08031720078374342	which:0.06350845102816897	he:0.061792145800600606	I:0.06066239060697412	that:0.056640030723578164	It:0.03908580951253227	:0.35837939549134223
of:0.35388650151894596	in:0.11870604601112925	to:0.10073677919671771	for:0.06932636685378454	and:0.06451623585823993	with:0.0558830939113745	on:0.050074152422471735	by:0.043937269049944876	that:0.03805904547055958	:0.1048745097068319
and:0.12418203495264868	that:0.041618160016948035	it:0.04055830986085725	found:0.024663704649277876	made:0.02423444208062058	is:0.02409079466227436	him:0.02353174208791718	was:0.022852989037061268	but:0.022390301622287664	:0.6518775210301071
the:0.657221124793053	a:0.07578247748439153	tho:0.04206258870787702	and:0.0320475474082444	The:0.029468429994285825	this:0.01891638561630624	of:0.018027094216832615	his:0.016853147040185677	our:0.01565769442805187	:0.09396351031077187
the:0.2431195310495459	a:0.1842180977976004	of:0.10227925875055281	his:0.05686303313444639	their:0.04275745589587265	and:0.03824263491404744	with:0.03552890803940642	all:0.03047271124501274	in:0.026495848814531292	:0.24002252035898397
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.17102739492320965	a:0.10297258878365122	and:0.06620709500767254	of:0.0648354058144479	in:0.03207803691758838	to:0.026745727634474522	<s>:0.02135121853368528	The:0.019466282807504877	was:0.017743123110402766	:0.4775731264673629
the:0.47737185459525505	a:0.34692493261337665	The:0.03783647163702915	to:0.01859458750745828	tho:0.018202011515287317	no:0.017992413613913405	any:0.015217909684382067	and:0.01266915983261945	most:0.012585381773583358	:0.042605277227095256
the:0.22956096692688016	a:0.1282243635331198	to:0.06552713293687967	town-:0.05827759864111264	town­:0.053831978492532205	of:0.04033257819138481	The:0.029541776384323724	and:0.027460646462490662	that:0.021259648376925434	:0.3459833100543509
the:0.5034018909694622	of:0.07249066487333367	his:0.05768115091049947	their:0.05678170425738412	a:0.04888362707356068	whose:0.04481441036977091	and:0.04309942855683482	in:0.03872774077640586	In:0.029180965064750628	:0.1049384171479976
the:0.41360401438261535	a:0.2749127252989265	The:0.07678401474619322	this:0.03923280032825361	A:0.03539897264765026	tho:0.03464890864375586	that:0.03122111301959347	of:0.027594774827714223	and:0.02701757735272966	:0.0395850987525678
and:0.06367354520199134	covered:0.06122297877878075	filled:0.04494978609601459	together:0.04465815052140319	charged:0.03216716591150878	up:0.027470197428123774	but:0.020119781888997556	it:0.019682722864509696	supplied:0.01696752017742685	:0.6690881511312434
of:0.3586956867888732	to:0.13745685756593848	and:0.07535573432687108	by:0.07021860831140195	that:0.06792442074596512	on:0.062218981448427496	for:0.04345753380819531	with:0.0382857998968645	in:0.034238856902030136	:0.11214752020543275
of:0.30313554650675284	to:0.09339479162863316	at:0.09147183920304265	from:0.08108091272560582	the:0.06730430073988387	and:0.06044810906720931	by:0.05894126728994764	in:0.04130938230675732	for:0.016031416003965952	:0.18688243452820147
that:0.24059173314951182	as:0.1426008127439756	if:0.11250613908557468	and:0.10260068649558042	which:0.06688206298744018	when:0.05269233912888594	but:0.052280437312438095	where:0.03769923391426848	If:0.028807117441205062	:0.16333943774111973
the:0.24268878873498578	a:0.11964560169430648	of:0.08690389082783784	and:0.07998258738524043	an:0.04461065011300068	to:0.03750946472231751	in:0.03354407107728101	that:0.025443280804656854	The:0.01998539065072225	:0.30968627398965115
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
and:0.11527860757188757	reason:0.05304893265790932	necessary:0.030672413840265717	pay:0.028274771199438782	demand:0.027951090228501903	but:0.02728720704522456	made:0.024157779362096298	provided:0.024123085158007627	do:0.022728204521479042	:0.6464779084151892
the:0.12587325765134058	a:0.08920092790070841	and:0.08707384880824844	of:0.0825049241743352	to:0.059790278496737854	in:0.032936110292086956	be:0.03252258016382413	was:0.020814076420510568	is:0.018976654092854692	:0.4503073419993532
I:0.23602333077672275	he:0.2269892327972574	He:0.10091379775941609	who:0.08126625064600239	they:0.06340339804159026	she:0.056610318478624556	we:0.0464988364602742	and:0.04523024674258561	She:0.029211112316477758	:0.113853475981049
a:0.1834276028122009	the:0.15348304827819736	and:0.05847620645579965	A:0.03968406552361144	of:0.03446073279416507	<s>:0.028302568054175192	per:0.022631809244177844	said:0.019250607790815	one:0.017516281475587446	:0.4427670775712701
30:0.21537757110531297	20:0.1047054747367034	40:0.08561587651924521	45:0.07633801677565588	33:0.07267038999979594	15:0.07170300923933313	35:0.06953025092836668	48:0.06117125528705132	51:0.05879569343505153	:0.18409246197348392
that:0.2145216469736592	when:0.14997409177568433	and:0.1089077147465111	as:0.10016724107309792	which:0.08770261473089713	but:0.055972314470855766	where:0.0458726329696019	if:0.03722382360067029	until:0.03232480207827632	:0.167333117580746
the:0.4669432649462809	The:0.16068062846872475	this:0.06962303680145453	a:0.06896198536507991	This:0.05719020213247191	tho:0.03321023543508212	his:0.022922388503554395	commerce:0.021824014177195365	of:0.0188072914478545	:0.07983695272230158
in:0.5102046661616808	of:0.1387084083389982	In:0.12763756334176324	any:0.0853613464671531	for:0.026198176322459726	no:0.024308855345452605	upon:0.021186946586968007	that:0.02078199766797519	with:0.019760552262860016	:0.025851487504689134
the:0.16209065462208302	of:0.11227421724778662	and:0.09323045358516567	to:0.07435835778323759	a:0.05856269327989534	in:0.047603815713224105	be:0.04236054334762016	is:0.02743980846123116	or:0.023560506618234407	:0.3585189493415219
the:0.809889537772088	The:0.05410232237856477	tho:0.03286590715910995	at:0.021464615188041297	a:0.020816967306362115	his:0.018114698224495004	tbe:0.01394042841353765	their:0.01130989727016381	its:0.01028357307985525	:0.007212053207782116
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
above:0.1959690044174599	be:0.09911790707712546	man:0.08772984580128305	was:0.06820049569149472	he:0.05425273442852057	been:0.046588054829831964	were:0.036914084450368104	and:0.03690140417504407	is:0.029622873726778413	:0.3447035954020937
and:0.2032495092201265	be:0.15523987564859001	was:0.1441335302928892	is:0.09423091701518055	are:0.056285724224318816	as:0.049022986506602535	were:0.04665277849646157	been:0.04511333496310777	of:0.038173004712360105	:0.16789833892036296
of:0.2944752539795838	the:0.2214805709986694	and:0.06149576993190646	recover:0.046791551694919824	for:0.045052480596844066	The:0.039482842581421755	in:0.03532956611767314	this:0.02987591922114913	such:0.029457874420980693	:0.19655817045685176
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
It:0.16851205366381775	it:0.16224744991027296	he:0.10741978792028485	which:0.07477612535853576	He:0.04905867303381806	I:0.0416118007856362	and:0.03890743511228128	who:0.035041945504348054	she:0.029484357699406615	:0.2929403710115985
of:0.10408616689590952	the:0.0986900331698948	and:0.05701352615608303	to:0.04502836773706315	a:0.03780779334619606	at:0.02937070463197546	his:0.020239671670571915	in:0.019761494400663476	is:0.01758882123393634	:0.5704134207577063
going:0.21642610296599998	go:0.1565076998717378	went:0.09485466415908193	goes:0.08281322226678203	carried:0.06510711588140965	and:0.051778336404492545	feet:0.04786968909919013	passed:0.044535747036437666	done:0.041425020751633346	:0.19868240156323497
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.2613725824473675	of:0.09038226770572955	and:0.06335523345603893	in:0.043756500122283375	to:0.04078817027039709	that:0.031258185179635974	a:0.03086953848964444	be:0.021873506257161203	his:0.016509886566351016	:0.39983412950539093
to:0.14996214207950487	of:0.10585377277373242	and:0.10537835139745827	the:0.10349661316679895	or:0.044668894518771485	in:0.029106867564091435	not:0.02142274119530962	at:0.019188030696756668	for:0.017982823759536706	:0.40293976284803956
and:0.13308518758923701	of:0.10562901617237004	in:0.09027254949386238	the:0.08625049894061039	on:0.06836726572553482	at:0.06534072939570834	for:0.05802062757901292	to:0.048324504880444555	from:0.046122241312273736	:0.29858737891094583
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.13325693063520655	was:0.11003628002059176	is:0.0875107930513731	and:0.07710966376111414	are:0.0475865799263536	at:0.039730239322144985	were:0.03549801186167234	in:0.03466535062897701	for:0.029803582556121578	:0.4048025682364449
and:0.11385123617354412	be:0.09864172963727943	was:0.07620908437317161	to:0.04887641259257306	been:0.047688286220096035	is:0.04482365947015291	of:0.04408866282577962	he:0.03874649575579709	were:0.034891023983512175	:0.45218340896809395
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.38387604320536606	to:0.14047394182326353	in:0.09026322597718368	for:0.08290380355078483	that:0.0560932776959474	and:0.054544694412812365	from:0.042240371527964914	at:0.036630538160589865	on:0.03651750219391946	:0.07645660145216793
of:0.4006977117984725	in:0.11106255212660843	to:0.08589911810792779	for:0.08182100465665187	and:0.06601849387469061	with:0.06210549816409213	by:0.032432519959290036	that:0.02761177273648569	from:0.02755376968038904	:0.10479755889539191
and:0.06132912559050522	covered:0.03583198101879737	together:0.028167896632252096	filled:0.026443820554088265	it:0.02459566998284822	do:0.023243985212885763	them:0.019340643406128302	up:0.018551715252266246	him:0.0181442737592833	:0.7443508885909452
the:0.4920225730314029	a:0.12149739167165059	large:0.07337223823555211	Grand:0.051495656874006625	great:0.037817583914748244	The:0.031255398713046896	tho:0.02839810592524549	high:0.02080348641942744	vast:0.020002924743505693	:0.12333464047141399
the:0.5635784747243144	a:0.0741606797497537	of:0.07180231041617524	Men's:0.06153091526200133	and:0.04365292581217339	The:0.03465625650179573	tho:0.028219221725023724	in:0.01829098293225711	tbe:0.013108266687993485	:0.09099996618851185
the:0.24147453257051407	we:0.13020205341669835	to:0.12320635575317533	I:0.10981814297140968	We:0.10001732161785014	no:0.08086929580041174	and:0.0672586745899431	a:0.04319753352890806	sincerely:0.035331860906257194	:0.06862422884483232
and:0.19510706591512358	of:0.191115096724546	that:0.07833487556305958	in:0.07192870425915195	are:0.07099249216791641	to:0.06934122277598508	with:0.06036205305369682	is:0.04669095731566886	was:0.04035135332544407	:0.1757761788994077
the:0.6842965259850757	The:0.062202152675079385	a:0.06091703440482969	tho:0.029816259632681422	and:0.016016762231879485	tbe:0.01476489154603446	by:0.012706731557348874	of:0.01108500612945546	to:0.009601185364671264	:0.09859345047294428
<s>:0.07229230987317006	of:0.04384382364907328	in:0.041726560438203684	to:0.03791648275633375	at:0.020595606943750667	for:0.016487644287469252	that:0.01535885714561634	and:0.012869861027263561	by:0.012673370564043598	:0.7262354833150758
the:0.09699298333064797	of:0.06131528553754431	and:0.04553616838684517	a:0.03516401231003769	.:0.03368657132942016	at:0.0306434785871017	<s>:0.029382403278084102	to:0.02581602012700891	in:0.017486999545726814	:0.6239760775675832
and:0.1442800436562843	of:0.09103525321949554	to:0.07787363809171466	is:0.04980094941364157	was:0.0464883105830215	for:0.0437232667402127	are:0.04235558016652692	in:0.042009665115210294	with:0.033750373267242256	:0.42868291974665024
the:0.13938408719344358	and:0.08541235394892123	of:0.062200191692618145	a:0.05532400347286972	to:0.034729961986302904	was:0.032768657132806835	I:0.027487242801541814	Mr.:0.0243222391097133	be:0.024072220236879032	:0.5142990424249034
he:0.15020502010431605	who:0.09167913013237544	and:0.08446789309247904	which:0.0777218323295077	it:0.0663631502673636	He:0.048220303483235354	It:0.040282156157898194	that:0.036643801433553065	she:0.02864361640710606	:0.3757730965921655
they:0.21972750934334281	we:0.09667876895053001	who:0.09531030186473206	and:0.09111632954714516	you:0.05760210783180179	which:0.05245062669768219	They:0.04580139821035223	that:0.04440947667877496	We:0.035371213781483044	:0.2615322670941557
and:0.10949084802579674	of:0.069055381615285	was:0.05957414451945361	are:0.05703447528710824	is:0.03994966954448927	by:0.034138378916750485	for:0.03284547964407427	to:0.032012637407963784	after:0.030363461449244438	:0.5355355235898341
the:0.4590198898771921	a:0.16036117917818146	and:0.06721417862244913	The:0.05672992500409387	his:0.05275281204006738	of:0.028780346901983382	tho:0.02828619303116684	be:0.023848535401940887	their:0.023748558561310328	:0.09925838138161461
that:0.18020710658546715	and:0.12375494770628073	will:0.10429432459144918	to:0.08679212678616371	which:0.07293274031149023	as:0.06017790290630363	if:0.05805127929797133	would:0.05561522542576314	when:0.04793356980208595	:0.21024077658702495
of:0.08821558835300647	to:0.08540383314828587	the:0.07699147055274193	and:0.07501707955877815	be:0.045147773553477426	a:0.03588283705023091	was:0.032386687796220774	re-:0.02247985515260142	for:0.022438922834644992	:0.5160359520000121
of:0.13684095192583065	the:0.11908534530062802	and:0.05022328663855848	to:0.04517184854228227	at:0.03889965583817815	a:0.033461159986622524	.:0.0310233602066828	in:0.02728283857304449	by:0.020010753132281133	:0.49800079985589146
to:0.411393846434684	a:0.08846343360213076	the:0.08323906303057012	will:0.07225615175106827	not:0.06498496349680798	and:0.0410684256112673	may:0.02865809910112295	would:0.021259369682070817	cannot:0.016726932856989153	:0.17194971443328866
owned:0.1386071182547843	made:0.06443698680087409	delivered:0.060183967190605724	assisted:0.0508827354991178	and:0.04822971575541344	occupied:0.0420778776560883	conveyed:0.03853133709885241	accompanied:0.03154660009767031	headed:0.01941763090026517	:0.5060860307463284
sale:0.4646398177897148	and:0.06955154204457943	therein:0.04095571222748313	was:0.039013717939498996	be:0.03055807977798071	is:0.028657465115832396	as:0.027975882066497593	mortgage:0.02267836295522407	land:0.022479518437966396	:0.25348990164522245
or:0.11347942530702741	not:0.09156800527454094	and:0.07802763379645374	redemption:0.06983732507128713	than:0.04977260499939602	is:0.03825624713661012	was:0.0381526671905051	look:0.035688282700447674	there:0.03439431997515054	:0.45082348854858134
the:0.36261218912525567	court:0.12397121247210839	school:0.034316333264686645	The:0.029864176773158134	his:0.029632392058725254	opera:0.027396550423000533	a:0.022010462186466687	said:0.02155067080632712	tho:0.017620515241608115	:0.33102549764866346
in:0.2383458754512292	of:0.19693940097053475	to:0.09252107070695943	with:0.07616036759967339	for:0.06176089961084527	and:0.061626832522967134	at:0.05533939679123035	In:0.04761430711850323	from:0.04310332316918177	:0.12658852605887547
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
a:0.30091372557634705	the:0.29041367246496846	young:0.09704964813818302	The:0.07958915076257606	A:0.0612257970840141	every:0.03015746286684805	old:0.029158453500847125	and:0.018213720665824013	Every:0.013805400607676467	:0.07947296833271565
to:0.572441744850513	will:0.09234589372106486	and:0.08445629207051028	the:0.035862900796645156	I:0.032547044166802534	would:0.03213326328356065	we:0.02617515920440967	a:0.017539102334672752	We:0.01608077505009482	:0.09041782452172624
the:0.4849848086804026	a:0.26483712543810084	The:0.053400566619906706	of:0.05139435994612187	with:0.028170389588053926	and:0.02240188188754586	tho:0.021643152697342526	A:0.01949393883423835	very:0.018359866242489645	:0.035313910065797656
the:0.3852488661522551	in:0.2665205385463908	a:0.13947625764876628	In:0.06949178783046955	The:0.018875170665855638	this:0.01870930743065698	any:0.017228385432617965	tho:0.016751923565152732	every:0.0163546651885032	:0.051343097539331764
the:0.07518840133831067	and:0.04072177319655867	as:0.03615475832138068	<s>:0.03577815081587037	that:0.034822678439328264	of:0.032963200124678925	I:0.026775700792329313	if:0.020194207342362214	The:0.018595771578382818	:0.6788053580507981
and:0.14258016805484333	the:0.1204204119619941	is:0.0628573020248393	he:0.061424429860173484	that:0.045142937910681094	which:0.04447770472404791	not:0.04111937377893538	be:0.03939728614505876	it:0.03567173975415848	:0.40690864578526814
of:0.2109083152488436	and:0.10846752700361921	to:0.073536718423306	by:0.0613502908091256	for:0.03075622537074219	at:0.02738186632571125	from:0.024489595909747985	in:0.0206727760604653	with:0.017544983608853336	:0.42489170123958553
one:0.07311462963704518	and:0.04917825683886771	some:0.04309040860843052	out:0.04230192453236856	time:0.030153803381093202	part:0.027026505257970762	that:0.0219607660150213	all:0.018099685647860082	each:0.016467795073406687	:0.678606225007936
of:0.22790576475040888	the:0.12603050659246212	and:0.07016532027385418	in:0.05566217945381687	to:0.05167681495869305	for:0.039711593169339504	that:0.029393583927468037	a:0.023683753170212787	by:0.02289154869997847	:0.3528789350037661
was:0.091174348300775	is:0.08080572198657492	of:0.0748498153472147	be:0.05957350266721078	and:0.05858949846908649	are:0.036610300300444897	to:0.033792314786826004	-:0.029881541811149194	for:0.026230735363066995	:0.508492220967651
the:0.6279255361545801	a:0.20497332683826247	The:0.03765161695498869	tho:0.027093238224776772	of:0.024074398048715875	in:0.01539476191883397	any:0.014211516285393513	tbe:0.01054551012319921	this:0.009987849427565134	:0.02814224602368419
the:0.13129828290041945	a:0.07241725110597973	of:0.06871846295118172	and:0.05312337079233666	at:0.04429396882050857	to:0.03976300300818622	in:0.037168372690354695	for:0.03534402885407531	that:0.025405818697544436	:0.4924674401794132
the:0.24160711541446145	Republican:0.1703917511620686	Democratic:0.09710982011083787	a:0.08932422177869505	any:0.04867640662186046	his:0.044862660375999876	one:0.04429655249637171	of:0.04328536846526143	this:0.04067155231988521	:0.17977455125455838
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
-:0.05005590471053877	to:0.04730319820096712	.:0.027073031684803798	t:0.023369816497377915	ti:0.018584536166939853	I:0.014821479720028638	<s>:0.014178506248424845	i:0.010575197958401408	of:0.010381336854308452	:0.7836569919582091
the:0.3245083513110322	a:0.06381100519960708	sepa-:0.05877112803411496	this:0.029819624298867232	any:0.028648261129460076	of:0.025223936116271575	same:0.02423387088875505	and:0.018810335226761603	The:0.018753827653877272	:0.40741966014125297
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
that:0.18580505648075996	as:0.13241348048303261	and:0.12329521736451515	when:0.11776496221161192	which:0.0839316792092336	if:0.05192358746647143	but:0.050795984527133874	where:0.0478506487135175	before:0.03514926428421577	:0.17107011925950816
<s>:0.10622632080978757	.:0.028860208420813757	it.:0.016879449402202203	them.:0.013306831265339714	him.:0.010005997906202654	day.:0.009055698038977197	city.:0.007970291559451184	time.:0.007707597301197497	year.:0.00711745651639852	:0.7928701487796297
the:0.17779327910843815	a:0.14496683011317552	took:0.13938352733173126	take:0.10376563317422	to:0.09951432044372721	in:0.07284604403162721	his:0.045232376637726245	no:0.03961731467136448	and:0.03684059501530947	:0.14004007947268046
is:0.17401891188961158	have:0.1513491068607548	was:0.12851096188783084	has:0.12458797570320664	are:0.09880919007528567	had:0.08745422582086868	not:0.07291114099598991	and:0.05156518099296893	were:0.033973323446652375	:0.07681998232683059
and:0.1115180572580448	or:0.0709501233254112	appear:0.067733809243956	days:0.06309105403646031	that:0.04739254516804717	time:0.045316007611204794	brought:0.03233941116834793	just:0.031423180951644425	long:0.03108310392237562	:0.4991527073145077
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
and:0.12745993576955764	contained:0.10032263994106076	served:0.09084260799014868	situated:0.04593525939454836	property:0.04149584407870441	interest:0.03976878292623294	land:0.03882696125711004	or:0.031491176075709525	that:0.02989337215864738	:0.4539634204082803
is:0.3158927393889111	be:0.2828899503237794	was:0.09713933807381159	are:0.07029746864150693	Is:0.04995430029770695	been:0.041038799056401294	and:0.04028721050402904	he:0.02856687431526212	not:0.028302362516910394	:0.04563095688168116
was:0.1930183362131136	be:0.15814006325549743	and:0.14553413907630633	is:0.13381469209511362	were:0.06166862485399167	are:0.059400396277149874	been:0.04994164501975737	to:0.029708572620708786	he:0.028569146798362314	:0.140204383789999
of:0.18203542856219931	to:0.117451746521539	and:0.11228870482662053	in:0.10635795398729514	for:0.08334599566432464	with:0.0669479223176676	that:0.046594483099974146	by:0.045394040557281586	on:0.03995164046544467	:0.19963208399765336
and:0.11855729219408961	was:0.03850703211422972	of:0.03563279689923053	the:0.028590948330993748	I:0.024621813175164892	he:0.023659881490020403	her:0.023005682285955287	to:0.022150071042115253	be:0.020855657282597164	:0.6644188251856034
of:0.3596027430012984	in:0.2156912591857931	to:0.10448983159957219	In:0.05101537281894355	for:0.045835884568058205	on:0.04564162162393989	from:0.04449566651050556	and:0.04054385272463592	that:0.03857819602045255	:0.05410557194680062
is:0.06949277352920304	nothing:0.052780605070285924	was:0.024452608824343115	are:0.022261806876605342	;:0.022077676657211966	anything:0.020825828804655697	and:0.0172716733882938	it,:0.016619676970016272	be:0.015462364543035297	:0.7387549853363495
any:0.1551212984408567	no:0.1303378655391248	No:0.1278456637892647	that:0.089221423699158	the:0.07350479580888443	of:0.07283979872582343	some:0.06204935992747736	and:0.049999578568559265	every:0.048272463290998206	:0.19080775220985308
that:0.29126769265818936	which:0.12378463347373607	and:0.08657057834090127	as:0.06859617422964673	if:0.06714789298028043	what:0.0446961303754655	when:0.03735193482990062	where:0.03586927072101247	but:0.03312290041715254	:0.211592791973715
and:0.07932332476523427	it:0.03777115471393844	that:0.03521181109585008	made:0.0304455323772926	was:0.029232040604250307	them:0.02918324411458556	found:0.027894514941700078	is:0.023195472409976825	up:0.021464246214078785	:0.686278658763093
feet:0.019739110153694017	and:0.018862669477668764	men:0.014677659357261747	it:0.013264706219240191	them:0.011308890287591153	made:0.01086190808959469	well:0.010744519888029345	him:0.009628074007974944	up:0.008871497917664645	:0.8820409646012805
one:0.09011870075177028	out:0.07184222173831309	part:0.062296779890565736	some:0.04469047989410629	account:0.04430483992413245	any:0.03062274357086134	all:0.026797790022556507	that:0.02576799466411198	tion:0.0223424726678013	:0.5812159768757811
and:0.1667882680996334	is:0.1203172946911399	was:0.11440887113066586	are:0.07687246322921722	will:0.060266842183780284	were:0.05386266067039503	but:0.037387313790118656	He:0.023588445518232946	I:0.021814059195339703	:0.32469378149147704
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
of:0.500223400882282	in:0.11783952150296431	the:0.09438110154402767	County,:0.07961620192707107	to:0.019239055696572492	on:0.01587285797379375	and:0.015509495670343414	from:0.015372636899899511	county,:0.014694190608150992	:0.1272515372948948
that:0.1533829181764659	and:0.12320559878259389	which:0.0953591844435863	when:0.07140654048984195	as:0.0639067016017661	to:0.061519589588405615	if:0.03221913038749884	will:0.032027518221750144	but:0.030234421324445447	:0.33673839698364577
it:0.2358325699567617	It:0.13688081703788685	which:0.07868673250435367	he:0.05357133509915774	and:0.05259463215832362	that:0.04881385772978198	This:0.032299599337926324	what:0.025803939893942064	who:0.02317906255635819	:0.31233745372550786
the:0.44842420883454487	supreme:0.10231124887935963	circuit:0.09259466707568285	a:0.07358728184163373	district:0.06479542946084066	said:0.05279135658378936	The:0.03572991667601817	this:0.03431122268474137	preme:0.027309119081670143	:0.06814554888171923
the:0.3721797982074915	of:0.10907097243342251	and:0.042179194241949894	to:0.03289575280105187	a:0.031210616284820646	The:0.026634535143346075	in:0.019578446583004273	tho:0.018585313337822807	this:0.01816345466599657	:0.3295019163010939
and:0.18000726411130824	said:0.10109705394995844	fact:0.06528395459074089	stated:0.05302264213713355	so:0.04517641253901115	him:0.03871021418260112	know:0.03725473856966339	say:0.029084524660267504	is:0.028698334626685935	:0.42166486063262976
men:0.037540521447365846	one:0.016306889318090587	man:0.01589598206647567	it:0.014773078891014627	right:0.011120905328289068	time:0.010398894561058419	women:0.010245800733914007	made:0.010190052712105322	out:0.009579011149170551	:0.8639488637925159
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
and:0.2067980916554698	that:0.11790050108317122	which:0.07998320308154373	as:0.07937029115827814	but:0.05353195986445859	when:0.045937823034331485	if:0.03759154969982559	what:0.031093876418836448	have:0.030934986308906242	:0.31685771769517873
and:0.2112029728318724	that:0.18919025588939248	as:0.0690354820305339	but:0.04758005154049711	But:0.033167483082522625	And:0.02695437868963604	or:0.022504519010125193	do:0.022086326925238025	even:0.021327540207183766	:0.3569509897929985
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.17809644824092577	the:0.0787916327465061	of:0.06762384763817905	to:0.04468057486994389	a:0.04016193103799395	was:0.033691153427672225	as:0.021795291478648306	be:0.02170711910633444	is:0.020521018371623248	:0.49293098308217304
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
I:0.20376823371995204	he:0.14639924726272924	and:0.12739714270337166	have:0.08375608112867805	had:0.06384288371766629	they:0.048266249126839196	we:0.041784064191717284	has:0.040449869179141354	who:0.03420424652731441	:0.2101319824425905
so:0.15355464231171093	of:0.13041990936662587	in:0.10507438362500765	and:0.09597765950207633	as:0.09313226942626714	the:0.08706277924545691	for:0.08272087039737593	with:0.06086948001664167	great:0.054851577298071136	:0.13633642881076644
of:0.17792780453147877	as:0.1073857820745887	with:0.10010016335145203	in:0.09714733967138961	is:0.08906449533603904	to:0.07763878177987206	by:0.07344519576158405	and:0.060829472780928144	was:0.057459659149088634	:0.15900130556357897
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
the:0.3441689826241101	and:0.12711811564205958	I:0.09705704798073173	a:0.0843955405825217	to:0.06467503276649794	you:0.054355977355482345	or:0.042830445578672965	not:0.04137379003886391	we:0.03194875690936008	:0.11207631052169961
of:0.3289767070468599	in:0.2269775613831115	to:0.1013100132290381	In:0.054641984945303555	by:0.047722626380954626	on:0.04652512756463468	for:0.0334480778708999	that:0.03297481667623375	from:0.028582623791298663	:0.09884046111166535
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
to:0.5645150128208215	will:0.11490069541973491	would:0.07380393757745142	the:0.04745728545621646	not:0.04095997502892291	and:0.03769655473966054	who:0.025312213459460324	we:0.024416923478593238	should:0.019997888358714876	:0.05093951366042377
a:0.14860447470464316	and:0.1422585882385588	in:0.12872458910526086	of:0.08468206057065837	the:0.08289307218970622	with:0.06033420704947749	was:0.055054755491584166	for:0.051756018222976735	be:0.046173887959476925	:0.19951834646765723
the:0.5945663549091509	said:0.1345872382197777	and:0.036442299736746286	tho:0.02601404813588178	this:0.02571237202927537	The:0.02133303173761977	a:0.019441653882193682	of:0.015100978989309035	tbe:0.013170170783140592	:0.11363185157690495
the:0.21624768382344864	and:0.09893317839165937	a:0.08011920468201178	of:0.07084819303974699	to:0.049616808567745974	The:0.026380147364316868	in:0.01795751322771615	his:0.017766405679245048	be:0.01668057345912611	:0.4054502917649831
to:0.4842347007938562	and:0.09037824884516257	not:0.07039660178638787	will:0.05702718070777043	a:0.05278446864353314	we:0.03669004317206931	would:0.0324767885992161	may:0.022706693603232304	they:0.022109071301694153	:0.1311962025470779
it:0.2335525696049798	It:0.20288401532121758	which:0.07456832987513237	that:0.06892932725866716	and:0.06592628836503257	he:0.04745631523706202	who:0.029065668907086967	He:0.022271022944432284	there:0.0221919458945057	:0.23315451659188355
the:0.1713187258766549	of:0.1448490116544315	in:0.13250416932751985	and:0.11444949705035133	their:0.0699676567161195	his:0.05350509151019992	no:0.05201090032940958	or:0.04816783668857803	an:0.04339965222751329	:0.16982745861922208
and:0.06443215848150172	him:0.05103624253584305	able:0.04710158100020346	is:0.04556632563837966	as:0.04432845664276542	began:0.04190930577264303	them:0.039878754096007316	right:0.039714066867102306	going:0.03726403626469368	:0.5887690727008603
and:0.21447278666294498	of:0.11851397997526689	to:0.07347821360329743	in:0.06191375429790449	for:0.049011769323328576	that:0.03936899153885365	or:0.03562089040714623	from:0.03228407804353908	was:0.0259206724885861	:0.3494148636591326
the:0.2062797401137555	of:0.08845087856753428	to:0.04442689906363268	in:0.032565070727979414	and:0.031908354296707374	by:0.02078333633591366	a:0.020303971123517443	<s>:0.018326585410965424	on:0.016940097688572582	:0.5200150666714216
and:0.19388895627980945	was:0.10210369292577444	is:0.09597139929127163	do:0.0919366385094453	are:0.07395038024905454	be:0.03935702240677769	were:0.03775077578277325	not:0.03455622458425489	or:0.03010713035474714	:0.3003777796160917
the:0.5997857573985677	and:0.11573224422401288	The:0.02969480072693351	tho:0.026002927912926768	this:0.021245407309442833	County,:0.020816202404247957	of:0.020245374650647997	a:0.017328689560566796	county,:0.016728778841282	:0.13241981697137162
and:0.21321178803648055	of:0.056265614306224926	in:0.02516852186097369	was:0.023437284332564774	to:0.02265733351539295	not:0.02050538124644548	the:0.01665220071011177	for:0.01638132637924215	will:0.01591289880105247	:0.5898076508115112
there:0.29100461787593696	There:0.20961099099383865	It:0.11646010216603463	it:0.11446608423608592	which:0.044384321458045245	This:0.041346396543592547	that:0.04014586578485077	this:0.028507712450048954	he:0.020257926390959767	:0.09381598210060656
they:0.20280257369903656	who:0.13167074144325341	which:0.06485813692437892	and:0.06413045468167108	we:0.05795348750668145	They:0.05349860650553725	men:0.046648975168336014	that:0.024410981894268737	it:0.022320561824089105	:0.33170548035274744
the:0.35765031075659287	of:0.14556461636507148	and:0.0998615921470773	his:0.09183485760722637	to:0.04403572354571587	their:0.038299789460486414	by:0.03577154390684003	a:0.02224848107660699	in:0.022094054367189933	:0.14263903076719275
we:0.2214752789800794	I:0.15236744395284746	he:0.14079273232325437	they:0.10850194139562105	you:0.07733467039950384	We:0.06329353290327089	who:0.04646388916792963	it:0.04468599181512847	and:0.03054401180997471	:0.11454050725239016
it:0.1898936989228213	It:0.08998462207640943	there:0.0790469860324584	they:0.06140208113455	that:0.05582443981464942	which:0.05166683548741283	he:0.0503760176127662	and:0.049222407474872956	I:0.03738029063895694	:0.33520262080510255
made:0.11942847096974421	and:0.07979570471363857	caused:0.029091215056480817	shown:0.028426754301022945	up:0.02777670568714523	ed:0.027617079589566704	out:0.026630159435991316	taken:0.02626602987193105	done:0.02542850605479482	:0.6095393743196843
June:0.05371660042927436	No.:0.043691350187007726	July:0.03464998824224416	May:0.033697018230339	April:0.03092458205036998	March:0.02818680146750761	lot:0.027907264086643634	Section:0.024405177225977116	.:0.022574924037357013	:0.7002462940432794
State:0.06156521864589419	number:0.057132469044093324	line:0.055918601037315274	day:0.046789757434472515	state:0.042230341359897346	city:0.03978506454895145	board:0.038696431028412095	side:0.03254738122805862	county:0.03111122740409817	:0.594223508268807
and:0.08452463003138351	him:0.06566416047193002	want:0.061946135633453074	able:0.056723895164065806	is:0.0513055351336816	enough:0.04964846369052963	have:0.04604424939635596	me:0.0434188287770063	necessary:0.039785394649249746	:0.5009387070523443
the:0.24409162191355518	a:0.11623812608424657	and:0.06269565779136997	of:0.05641675956345691	The:0.038597814652023124	to:0.021369635673172772	A:0.02042249030853316	by:0.01843089426349645	an:0.018379648729144684	:0.4033573510210012
of:0.13392643945197655	and:0.06814266935022624	<s>:0.02818966801365566	in:0.020394478815550034	is:0.016875041552794776	the:0.014901558844069546	county,:0.01454247781605579	West:0.011526397314159604	by:0.011275066422241875	:0.6802262024192699
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
he:0.11315885728481219	and:0.10656776958643238	it:0.10324786348493484	be:0.06325421939405451	It:0.05581023194775744	I:0.05115362674606126	one:0.0342678950032459	who:0.029126376658640204	they:0.027699908488445987	:0.41571325140561527
he:0.17965692782385204	which:0.12240754733448708	it:0.10363908326302035	who:0.08774773135463533	that:0.07245991925229305	It:0.06970072811562385	He:0.05821639072269459	and:0.052329573323131665	she:0.03656924338088741	:0.21727285542937466
to:0.41493619659802544	and:0.10433207166771487	not:0.07861029143205422	will:0.05784049452314962	I:0.0344455406353546	would:0.03406178550845801	they:0.03284763292917728	may:0.024701280524735435	we:0.02338856590967434	:0.19483614027165616
and:0.10344838265985692	as:0.05986322054831711	him:0.03954696649855239	time:0.03312027867938091	right:0.031622395878739745	up:0.03130987861818945	way:0.031091878178396162	went:0.031002305036584896	them:0.030281338312672983	:0.6087133555893094
as:0.20624161827884968	and:0.1532232977747772	to:0.0749153910704746	of:0.056181794974929186	with:0.05158696018770494	for:0.04950524986850071	by:0.048214100713819596	than:0.04212898298782494	that:0.04033302695987621	:0.2776695771832429
the:0.15873398816902776	and:0.15386281782704675	a:0.14883134453064897	it:0.05528146436965135	is:0.04636915970995027	It:0.04258645226788129	he:0.039545378485505184	was:0.03370937878906863	be:0.03316511760131414	:0.2879148982499057
to:0.2505037164356709	will:0.24969508748330527	may:0.09652291392965813	should:0.09115462773514764	would:0.07702174649556043	shall:0.06623229484356803	can:0.04656675028591652	must:0.04636041521755376	not:0.037201975606114275	:0.03874047196750508
that:0.254978589743381	and:0.2251722583652966	but:0.07620716947300235	as:0.0665041458631763	if:0.054906113398381536	which:0.03894522230462048	If:0.0351686409714885	where:0.03281079060663589	But:0.028405027044956736	:0.1869020422290606
in:0.13849349543586853	of:0.13296609414621985	to:0.0828633121369391	for:0.06331024779822832	In:0.05375941619691821	by:0.051248756897722784	on:0.04997992662596932	and:0.0472711580116769	that:0.044580323433494926	:0.3355272693169621
one:0.09011870075177028	out:0.07184222173831309	part:0.062296779890565736	some:0.04469047989410629	account:0.04430483992413245	any:0.03062274357086134	all:0.026797790022556507	that:0.02576799466411198	tion:0.0223424726678013	:0.5812159768757811
of:0.1864170008327352	by:0.10237767672970893	and:0.09612546679493714	to:0.09432512189923163	that:0.06899211468391958	with:0.03224739646490425	which:0.028378924701551855	<s>:0.023126192905824995	for:0.017760923675204546	:0.35024918131198185
the:0.6155906495172504	an:0.053902669870428785	The:0.05367270188417666	and:0.04939366292687341	a:0.038876073625139375	that:0.03401657621855425	to:0.027238536868338648	any:0.027133131679738822	this:0.02309650165292845	:0.07707949575657116
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
to:0.18500308230458973	of:0.12121127784264595	and:0.12105387799025608	in:0.10156963950852499	with:0.04367816084683596	from:0.03558256388067452	by:0.03143867097597143	are:0.030394732426305124	the:0.028576370608981015	:0.3014916236152152
the:0.5681285866037384	of:0.07574581928474407	and:0.044332452562980865	to:0.041589847137596066	an:0.04049196532574019	tho:0.029510701844113807	The:0.027770818837696637	or:0.025756422993938002	a:0.025546742449818687	:0.12112664295963321
and:0.16136456340440294	the:0.06689403857440841	to:0.06147752117264384	of:0.05151362370430196	that:0.03282099117436386	be:0.026077345597925846	in:0.02518197648238362	or:0.02510147437730462	which:0.022392091175434437	:0.5271763743368305
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
of:0.3725078168146522	that:0.0922577170507446	to:0.09206756423640651	in:0.08830025131763174	and:0.06505043555171469	for:0.0580230451419605	by:0.04030776911466368	with:0.028192244447711998	from:0.02713704780324736	:0.13615610852126672
out:0.07049000045069836	put:0.0655580037299737	go:0.06046796610511098	went:0.05688354808152756	enter:0.05471616717552321	taken:0.04831239340766109	brought:0.039543830299834444	take:0.039230655061011	them:0.039035341352032925	:0.5257620943366267
of:0.3940064789336701	on:0.11860217235635054	in:0.09075249916965275	and:0.06450736883998588	to:0.06304118858311933	by:0.05980248857540389	from:0.042684701726582945	for:0.041014734702499986	upon:0.038894957680099526	:0.08669340943263508
<s>:0.12838000462682614	it.:0.018877328322681523	them.:0.015542464901790254	.:0.013421050487650398	him.:0.012238527869758061	time.:0.009842372712787368	day.:0.00905091577172848	country.:0.008831821672897732	of:0.008329898895282694	:0.7754856147385973
out:0.05073493522192651	one:0.04456366293342572	purpose:0.042804768397652196	means:0.034450295180164604	is:0.029341007403499358	all:0.02864142290087203	that:0.028121026142773144	use:0.02783305066064337	number:0.027529519442150763	:0.6859803117168923
the:0.15539156127717735	of:0.11917567702263197	and:0.08416148317186078	a:0.06334046627180517	to:0.04547558587853477	be:0.03126076054551573	was:0.02878552919787186	is:0.024581598781821767	in:0.02303036781163895	:0.42479697004114164
and:0.1314589121842804	is:0.048512834869105	be:0.04512138550088804	served:0.03893454698269426	that:0.038368853414357335	time:0.033988298658216176	was:0.03351224857269383	or:0.033144410781466516	now:0.028872207574292166	:0.5680863014620062
the:0.6779811805539454	feet:0.04549567589993304	The:0.032012485273721754	tho:0.03112363879574775	miles:0.029622658607542502	and:0.02559918848105358	said:0.017108991715060425	tbe:0.012178495759934009	of:0.011356824026561099	:0.11752086088650039
and:0.07264572197625821	of:0.06264586716224976	that:0.034088635608490236	the:0.02503831976143546	by:0.018669477496678293	which:0.015794311916929125	to:0.014543076303035023	it:0.014179317591563906	in:0.012826236022470757	:0.7295690361608892
the:0.34750827042750343	of:0.24802817040658362	in:0.056616858232615745	and:0.05407856157178944	to:0.044539106147819814	this:0.029531694724220757	for:0.02664708837455462	The:0.02489587371715669	our:0.02283812402987422	:0.14531625236788168
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.1185212040020593	the:0.10565420974429535	and:0.06675772832788313	to:0.05490707131792555	in:0.04790252568823683	be:0.034091047418141306	a:0.030375565391413503	or:0.02966883251926121	for:0.028101475749425182	:0.48402033984135867
and:0.09521721821542721	bridge:0.09220757254385181	came:0.06358059665152148	up:0.04725389004334328	went:0.044730143960060705	directly:0.039179903445155935	out:0.03758675263972338	go:0.03313872578335774	way:0.032169620243478365	:0.5149355764740801
to:0.3246556381918554	will:0.1960653264034542	may:0.0842039226977374	would:0.07327207440636556	should:0.06554798824950343	shall:0.06064833045400233	can:0.04591821210422886	not:0.03970687889074269	must:0.0368331485404482	:0.0731484800616619
;:0.034588105121974404	nothing:0.02115105967321385	him,:0.018842001643380037	it,:0.018388783531247965	is:0.015395427949592365	time,:0.0153354069742367	,:0.011642987797406992	them,:0.010288128548044635	years,:0.009373613509082527	:0.8449944852518205
the:0.2675340928464832	a:0.16930891301034354	his:0.1307116581106327	of:0.08271346688577833	and:0.0566044094780883	her:0.046149649684226635	their:0.035758299571152674	my:0.033087933720194196	this:0.03143445628787383	:0.14669712040522656
It:0.244208444488003	it:0.09864067444086015	there:0.09855322363824205	which:0.08013253264444666	that:0.07610222223345255	This:0.040443922683067055	There:0.03964076539945812	this:0.03493783232394643	That:0.027398324837335987	:0.259942057311188
and:0.13102190728257498	in:0.055452069669487736	the:0.04652474834866919	.:0.04385709058894869	of:0.036805455232214776	by:0.03322696793493889	Book:0.03320509609337158	In:0.024508939543231426	book:0.019689345411963977	:0.5757083798945988
the:0.14518389582911842	a:0.08862746562370587	of:0.08590201550847297	to:0.07090239797446371	and:0.044663447139050745	in:0.04374170990543658	an:0.03166591688455051	on:0.02934026212128822	from:0.025283883898036805	:0.43468900511587616
said:0.5851477148043698	such:0.06537784231262635	the:0.05552642235518672	a:0.0493068689609756	certain:0.029235916233286943	to:0.02246656363647114	his:0.021161644476527415	of:0.02103372703073199	and:0.016137373767416283	:0.13460592642240782
of:0.5608638650338464	in:0.1436037351035127	to:0.07397395683134225	by:0.059420488173657963	In:0.03107519355952082	from:0.026187310187564802	that:0.025855536357740544	for:0.02253438075468413	and:0.02175344189815464	:0.03473209209997565
in:0.3304521511485157	of:0.20308063200951754	In:0.17235272211668545	to:0.08922025027687132	from:0.04600280352542374	by:0.025648949657271	and:0.02281056006776456	at:0.02142440194293789	the:0.01923035144372513	:0.06977717781128766
and:0.21249167023288643	annum,:0.1326175201953757	be:0.1270252969448906	are:0.039460053541318624	sale,:0.03274070452893651	was:0.02455093308992623	is:0.023547308853217538	annum:0.02322414286504507	interest:0.02088795355763321	:0.36345441619077007
the:0.1815983098700745	and:0.08240716413983158	of:0.05837819652517839	I:0.042739725512468935	a:0.0424946496251889	that:0.031090649486576635	The:0.030007483887792195	in:0.027545419892387544	to:0.021292265729115214	:0.4824461353313861
the:0.4988003296634992	and:0.15930715762199874	a:0.042349578508655325	The:0.04131183136056156	tho:0.02708049625266739	or:0.026938736421849206	of:0.02623784767389177	with:0.01306147376894234	in:0.012891315282721312	:0.15202123344521318
and:0.12793318498311537	as:0.06590039853492503	right:0.052426175150130476	able:0.049457361472404614	is:0.04766941950902971	necessary:0.04759543847655095	order:0.04610604441298601	him:0.04350305848707072	them:0.03514347244156668	:0.4842654465322204
of:0.16886799992714724	to:0.13681152527373655	is:0.09835793623141718	in:0.08494490636235315	with:0.0804317915033204	as:0.07436386524779363	and:0.06831575190543643	was:0.05416054820566403	by:0.0487352753576006	:0.18501039998553076
was:0.15532463997657875	be:0.12028369297230726	been:0.10963801964687117	are:0.10109446378525112	is:0.08919219321323295	were:0.07298374560538398	has:0.07198895876271466	and:0.06189188164321049	have:0.0572507446096316	:0.16035165978481802
the:0.3190030713553743	of:0.08828942944752714	a:0.07827878575075206	and:0.07127358516143883	to:0.06786859709555164	The:0.053926419825974056	or:0.045139333733174566	his:0.039551123234661104	not:0.03258358628582878	:0.2040860681097175
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
miles:0.08567037470716851	and:0.08490612292715129	far:0.07762871774998582	away:0.05039422144823588	feet:0.03685809555309205	them:0.034734704474793876	was:0.03275176551638219	is:0.031034425104663504	him:0.029503445562442374	:0.5365181269560845
the:0.7766743105345657	The:0.06753428291516873	tho:0.04021851550410572	of:0.024259646688313832	and:0.02144930627941339	our:0.019968642659460197	a:0.01471306585126192	tbe:0.010834967702168595	their:0.00803702246154478	:0.016310239403997097
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.13325693063520655	was:0.11003628002059176	is:0.0875107930513731	and:0.07710966376111414	are:0.0475865799263536	at:0.039730239322144985	were:0.03549801186167234	in:0.03466535062897701	for:0.029803582556121578	:0.4048025682364449
and:0.11113088517207616	that:0.0496775849297876	I:0.047636634409529525	which:0.04484898872482803	of:0.042420736447587114	the:0.033694981814941134	to:0.02056052786154047	whi:0.01820292395841188	<s>:0.016968989125609634	:0.6148577475556884
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
the:0.14151082409493515	and:0.09395826232628794	of:0.08615986759807032	to:0.0646753759550541	in:0.05215270585247155	his:0.03504395116210504	be:0.03490724716723035	a:0.03132327424896905	for:0.02984919584199262	:0.4304192957528839
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.43035420959382686	The:0.10246035546159617	of:0.09631989241589296	and:0.04333206332492886	in:0.03584199345181382	that:0.034831919048915014	tho:0.03333109225592167	a:0.030613975151572586	this:0.026082044208006097	:0.16683245508752598
of:0.11293234219812516	and:0.0953169806495624	in:0.053453115939019975	to:0.04574346726373892	the:0.04520388968507378	at:0.043957147130631875	with:0.04320052451279681	an:0.0407242808379169	be:0.03560403321020156	:0.4838642185729326
have:0.12740735058984973	of:0.12197841850815348	and:0.11142843920790275	to:0.09465613952513557	had:0.0869503175265786	has:0.08350197105765281	was:0.07450496172702738	is:0.0638706383550666	be:0.057187445723942326	:0.17851431777869076
and:0.1553476283646385	I:0.140821019876322	he:0.11080354049970184	who:0.08330176123802992	they:0.04541681287052794	He:0.03265974790342215	we:0.03239193801792024	she:0.02856543554675723	that:0.024595287552494224	:0.34609682813018594
and:0.1537879163469437	a:0.13843499092161238	the:0.13387560623614583	was:0.059485343311195614	be:0.04459675885822846	of:0.03854504022927924	is:0.0376250869441898	are:0.03693402434058928	were:0.03345388698720405	:0.3232613458246117
the:0.3021948581758401	take:0.11484471497671601	an:0.11157469499649413	no:0.1097720480943438	of:0.06907810083924552	this:0.05710834788337151	and:0.049715422958281	taking:0.04036385126089684	to:0.03877903932277871	:0.1065689214920324
the:0.4173821947325185	a:0.16772178324108605	in:0.08749224610674479	an:0.06950962699988981	of:0.06318814713141524	his:0.04820264555634086	no:0.03523971222853296	The:0.03459856848159814	their:0.02939445957764674	:0.04727061594422693
<s>:0.09050506608480918	it.:0.02110607323448707	.:0.015388030080899055	them.:0.014885695981694891	him.:0.012095812361253047	time.:0.00922573801725511	country.:0.009099309038246307	day.:0.007290427243267522	years.:0.006727432994319873	:0.813676414963768
the:0.28008493841791177	of:0.1493733918697287	in:0.1466073292158987	and:0.11224851473164789	a:0.06583685326613808	In:0.06108722025708511	are:0.03620994070309192	to:0.03459006969664271	The:0.028717139736806233	:0.08524460210504886
the:0.711082690042629	a:0.09313131605293479	The:0.08578525218900504	tho:0.027959271922477314	and:0.02178797472194033	of:0.011246819602385027	our:0.009809510622635235	tbe:0.00785273629183516	that:0.0067597217301971595	:0.024584706823960883
and:0.06892453276447628	together:0.060383929695459145	covered:0.04965942770363691	one:0.046558936970502514	thence:0.02806913164037138	up:0.026954622219688622	along:0.020281821718918795	filled:0.020267117724433924	charged:0.01938379600736054	:0.6595166835551519
is:0.22059618055859928	was:0.14705346673186948	the:0.11824321533999758	and:0.09912954389340456	in:0.08315888034658701	of:0.0684460414471728	are:0.0478154520118794	a:0.04431836359936716	it:0.04387155299131203	:0.12736730307981067
the:0.12573929638045034	and:0.10793155146805539	be:0.10165501723619338	was:0.09574525720133999	have:0.08766373146028657	has:0.07601817261646159	been:0.07353867304001914	he:0.06725995464611795	I:0.0645598741184904	:0.19988847183258523
hundred:0.01444191217773428	;:0.011834673680375107	him:0.010388473796696067	one:0.00968896846901267	feet:0.009556811899111724	up:0.008880191153313928	mile:0.007973380143655012	feet,:0.007606228831470488	time:0.007287466987906896	:0.9123418928607239
to:0.3585981754306292	will:0.2167200739683725	would:0.09071386901932998	shall:0.06833865256300135	may:0.05878970490932792	not:0.056113450042495454	should:0.05272818600894505	must:0.03492209681839502	can:0.01996368290836649	:0.04311210833113702
the:0.21043766131238714	and:0.20261743197961682	he:0.08174074173600579	had:0.0662224446444573	He:0.050923515389926954	have:0.04895362772558938	I:0.04537691100973639	has:0.04125694413105141	who:0.03858298094684203	:0.2138877411243868
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.3036473736552898	of:0.10018204596482148	other:0.04484125465195214	and:0.04237151234524817	this:0.04079826290262241	for:0.04043877608494605	in:0.03618837212617659	any:0.03516370929440597	that:0.032112007083823016	:0.3242566858907143
the:0.7630900518269855	an:0.04399098892441385	and:0.042009697389532724	The:0.039376374747812144	tho:0.020863343151555344	of:0.012224708188805045	tbe:0.008545457669317682	in:0.004770879746840331	equal:0.004432918539752496	:0.060695579814984836
that:0.19529459725552145	and:0.1893205846914157	but:0.10676670620972793	as:0.07688705093448475	which:0.058663178485630074	if:0.03975885240158478	when:0.03805535861827694	where:0.02774861381497361	But:0.025105247517370508	:0.24239981007101427
one:0.03999331767897194	day:0.02608569664884197	on:0.017249861927723736	in:0.016800477870500954	person:0.014153376573554503	and:0.012650288478022983	man:0.012299434410778553	two:0.012263073061151706	year:0.011852205173620884	:0.8366522681768328
the:0.5320164519895323	of:0.07707064436880022	a:0.06529785840807897	by:0.05111709090430049	The:0.03340968954429204	tho:0.028299203044117052	in:0.02553044483117154	first:0.02161475746285322	and:0.017728410187465498	:0.1479154492593887
the:0.11963568410447895	and:0.07951124903941001	of:0.06825226613956396	to:0.0611751701938304	a:0.05571586257257412	be:0.028594878842944225	is:0.024939862649589955	in:0.024504313993319038	was:0.024212699061538646	:0.5134580134027507
of:0.49648838391210787	in:0.13569812564482833	to:0.07523388006804725	that:0.048833151306741575	by:0.02801590282445711	with:0.027740556114375158	for:0.02632245895333589	and:0.025371359503397126	In:0.024144654191440993	:0.11215152748126868
the:0.6834706924408596	The:0.11035315726575987	a:0.0928307665177783	tho:0.04024887895513601	and:0.01365544518967629	tbe:0.011762352477259319	in:0.008121118633960938	Tho:0.005078725377075584	of:0.003114014076921763	:0.03136484906557242
the:0.8191220462710571	tho:0.04249214091707723	a:0.029106373554812555	The:0.027916088921316893	tbe:0.019912726205898425	his:0.01950414712146005	and:0.011658176029239124	in:0.007669978099118726	its:0.006594937101385517	:0.016023385778634318
the:0.5464482553991219	a:0.23497628785849134	The:0.03324151081974767	tho:0.025802565357124996	and:0.024468720503182967	of:0.014428328653477391	any:0.013151404776885265	great:0.012422846836187164	every:0.011967069229569808	:0.08309301056621154
is:0.1988193705142978	and:0.19256711529800324	not:0.07591802836760823	as:0.0681790088449065	be:0.059715111206658796	was:0.059220484678652124	it:0.05823949583547099	are:0.04944425917176576	Is:0.041348173034368725	:0.19654895304826783
of:0.26551954536884725	at:0.19847488909904681	to:0.15051891377286866	in:0.06733789155736043	on:0.052066599605576865	from:0.05009754482915652	and:0.04587926573457303	that:0.04342595963053482	by:0.04028812191315173	:0.08639126848888388
in:0.18979870901619778	of:0.1354035107343039	the:0.09751282914733748	In:0.05766898805497394	to:0.05504638950859893	a:0.054927119253167705	for:0.04771896320077133	and:0.04139343759903061	from:0.024812167895083077	:0.29571788559053525
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
the:0.15887476187247904	and:0.09291950853285091	of:0.0609457492111986	in:0.047014639682482894	to:0.033173909027305624	for:0.0320941136574002	that:0.031572913377981626	or:0.025769556877486086	be-:0.024768695335226975	:0.49286615242558807
the:0.09157497897781003	of:0.08677877193568734	to:0.05558877729934358	and:0.05437563563214496	in:0.025489210664515365	was:0.025316556576146492	<s>:0.023850329178959975	be:0.021249809805594936	a:0.015358996654652584	:0.6004169332751448
and:0.318146563975131	be:0.05981321201199529	who:0.05264451590780199	he:0.04758043387556559	I:0.038031077660566966	was:0.03522213956235342	an:0.02939613565903722	now:0.02821405246673996	the:0.025580000580233665	:0.36537186830057483
the:0.16175676242549328	a:0.08776909952489648	of:0.08283342051387964	to:0.056528596705776486	and:0.05352750908868657	in:0.04514645331143851	at:0.03500232906266875	on:0.02170383336486201	his:0.020256337636447564	:0.4354756583658507
and:0.11893428019613911	Committee:0.06442189739808905	committee:0.06045121332041527	that:0.04160477339503497	was:0.029530589252534493	or:0.028466075829286744	fronting:0.020894921436241772	land:0.020214539996354534	interest:0.019841693822108666	:0.5956400153537954
of:0.15263691763278348	the:0.11494033452759138	and:0.05700233674893946	to:0.04916000382465669	in:0.031017446092919804	on:0.027000355377345544	a:0.02411036961371147	said:0.021561792973817072	<s>:0.020856663516966883	:0.5017137796912682
they:0.1350563374096394	we:0.1342565625443855	it:0.10865560248249509	I:0.10270318350285414	he:0.08631007948381576	you:0.07729265703112809	and:0.0679070375819261	It:0.05929876664425586	which:0.04814465740133195	:0.1803751159181681
the:0.2461201820919254	of:0.09768525189802575	a:0.0835130812157036	and:0.07738639633191013	to:0.04772089839680521	The:0.031740569634347196	in:0.029860983048113215	Mr.:0.024048237516275266	tho:0.018833606001758145	:0.3430907938651361
the:0.42262507781756464	of:0.11264191819687809	and:0.07849259268149725	a:0.05687369009359711	The:0.053867750254579135	to:0.04781885599560116	in:0.03338080721075719	his:0.028884974710370458	tho:0.02775355900620212	:0.13766077403295288
and:0.21555821368843447	is:0.16467298274471598	was:0.10574738605748532	so:0.10034237006941178	but:0.06775387651200096	be:0.06172717805415625	has:0.048816848493188195	are:0.04818728295579616	not:0.04574964799722445	:0.14144421342758642
of:0.30460151945648806	to:0.1536075745797105	and:0.07856850932799496	for:0.06093004037731478	with:0.05627036998660085	is:0.03723448980241991	in:0.03700751538461011	as:0.03583108438655074	on:0.0303213675497051	:0.20562752914860502
the:0.14309936195386752	of:0.11435851857925557	and:0.07679204857230557	to:0.05767422545430939	was:0.051462649112687164	a:0.044387177950600244	be:0.039386020154803844	in:0.03913091724555907	is:0.03317156499467845	:0.4005375159819332
to:0.24742970276904663	of:0.21062779815334134	with:0.11943418417374888	for:0.11410761891278681	by:0.05782555912658641	upon:0.052032579509134966	between:0.045575798567977915	among:0.04334930671556601	against:0.03569672934415238	:0.07392072272765866
of:0.26265043529012155	in:0.16365385772687802	at:0.04764915366171727	for:0.04535385088391844	and:0.042769187383142254	In:0.0422195321116374	that:0.037489337475302045	to:0.03720242462807719	on:0.03149326957971915	:0.2895189512594867
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
be:0.1934500788949564	been:0.17524773858963796	was:0.17265640362988166	were:0.07812981937005961	are:0.07263444838147756	is:0.05312089806200694	and:0.04784070811222095	resolution:0.02575661213337448	being:0.02526185808262943	:0.15590143474375498
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
of:0.3532152884248888	on:0.12258328013336903	to:0.11058418828986467	in:0.08250064798636172	from:0.05997889761487687	by:0.05575690647577655	and:0.035793502258384985	at:0.028520971096829467	that:0.02767680024633758	:0.12338951747331028
line:0.10344796920692241	street,:0.059732006954552025	and:0.05762079556841017	difference:0.04128180512835531	of:0.024880005883731487	street:0.020686288527680882	or:0.018765053511175307	lot:0.018373713607394305	relations:0.01783668946728828	:0.6373756721444899
of:0.26123285619447284	to:0.11310721016847632	in:0.1039909538957225	with:0.07455011065855971	on:0.054074785230624686	and:0.04825484186870484	for:0.04614046881623299	by:0.04250258410398604	from:0.037844811989733496	:0.2183013770734866
of:0.28105789686353727	to:0.10513767729072299	in:0.09800248405824902	and:0.09718114976761584	for:0.0931780964943806	with:0.06340687480289266	that:0.059841477808662426	by:0.04371240313685735	from:0.034241344528313344	:0.12424059524876852
the:0.2235724776094865	of:0.17041488440211855	a:0.1185610341540187	and:0.1119694985659791	in:0.05631647391418135	that:0.04815044064743046	was:0.02587425967507753	no:0.022881541306137253	his:0.022164347668515057	:0.2000950420570555
that:0.254978589743381	and:0.2251722583652966	but:0.07620716947300235	as:0.0665041458631763	if:0.054906113398381536	which:0.03894522230462048	If:0.0351686409714885	where:0.03281079060663589	But:0.028405027044956736	:0.1869020422290606
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
to:0.20096723273614522	have:0.14069656828704383	had:0.12743696864130252	has:0.10760339325628542	will:0.10663394566656605	not:0.07630124569847158	would:0.07059550405852515	they:0.042795239783806435	may:0.03772745071194427	:0.08924245115990954
of:0.353742374470662	and:0.09795877180894447	to:0.08276887769527158	with:0.07277047583931096	for:0.06677871136872507	that:0.06278867665581672	by:0.06192145026936864	on:0.047968981754285704	from:0.039470240160619965	:0.11383143997699494
the:0.13340436300712563	of:0.10715827278933492	to:0.0487178970258054	and:0.045492175417691856	in:0.021549516745182094	<s>:0.02126286016037251	was:0.021063228958841267	on:0.020916996126232757	for:0.020194170329271288	:0.5602405194401423
men:0.04172126915086198	hundred:0.022605002292574318	up:0.01573368453487691	women:0.015587830326379141	wife:0.01408734704186386	time:0.012426102387292248	dull:0.011847823216975629	land:0.01149249756403132	quiet:0.011397755823728647	:0.843100687661416
those:0.13562885789562196	and:0.08722043431584985	man:0.0698998660097973	men:0.061843022500628946	people:0.02671698091199931	one:0.020415735632381738	all:0.019032088249925395	woman:0.012625674606165333	men,:0.011059595053935424	:0.5555577448236947
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
and:0.19354989935298222	that:0.1579746913565372	as:0.15448361679314834	but:0.0475520605658099	even:0.037988917866489995	or:0.024052538746895356	But:0.02381979456009173	And:0.020301183230292875	and,:0.019836146554616362	:0.320441150973136
a:0.4732615719244848	the:0.2769708033335857	large:0.08216473874464413	The:0.028389070552474523	A:0.02391937568820132	total:0.017659582495592477	great:0.015117120853582066	this:0.012972035826878177	any:0.012708162930134808	:0.056837537650422
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.10567725082292885	of:0.10212483709706624	to:0.09990032851733815	and:0.05120476179874442	in:0.028301056445777118	on:0.0260733901279727	<s>:0.025616759472457735	a:0.020913040454298	at:0.02088304194257278	:0.5193055333208441
in:0.23870063592281182	of:0.11224901942194006	the:0.08560149285305138	In:0.08275953567923572	with:0.07056252707002546	any:0.06671256462830467	and:0.0652453795888421	from:0.06033655286855255	for:0.05648580940173406	:0.16134648256550216
the:0.47108683154504394	a:0.2121897332816349	and:0.05767358490793716	our:0.038344896778995295	The:0.03545344304499411	tho:0.033210371124720466	their:0.028849404361781607	of:0.026283358609698576	this:0.022018447354516746	:0.07488992899067719
the:0.10254899323962945	and:0.08672066584549279	be:0.06718293253430607	was:0.066714350510063	of:0.062142448154758216	to:0.0470377945272685	is:0.04045405956202174	been:0.03329532229695042	a:0.029155698848644288	:0.46474773448086554
the:0.11303136363125169	and:0.09547662470576497	of:0.09159435167849313	a:0.0437281032370325	to:0.04257852726469042	I:0.02395026904753811	in:0.021244174768092296	that:0.02036875835619971	at:0.017749435734224713	:0.5302783915767124
the:0.16433492018144114	and:0.09984236230237921	of:0.08994400161462962	Mr.:0.037433420465411614	to:0.03174328964371598	The:0.029727441161556022	that:0.02447192833482075	he:0.021508548570508945	his:0.018266431528445135	:0.4827276561970916
and:0.11751714760934918	of:0.1040148662404057	to:0.09510577772687955	the:0.09149664911191065	in:0.03469860697570665	or:0.024642616485812605	be:0.023653006695418005	a:0.021965982436792684	was:0.019906607250531495	:0.4669987394671935
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
the:0.7419594994793288	The:0.04108380997280233	and:0.03980163451117376	tho:0.026525447332285214	no:0.0178344404399346	much:0.013344156629456155	tbe:0.011480048531269335	their:0.011014878347840226	little:0.010237400816475438	:0.08671868393943409
of:0.26710198405864993	in:0.12236418828928529	with:0.09993202603143714	and:0.07490336297850844	is:0.07368603229213204	to:0.07321008186078354	as:0.06563856525290244	by:0.06404856407578584	was:0.050159448874604266	:0.10895574628591109
the:0.5419165512140762	his:0.08218957535382503	a:0.060767581560976065	of:0.049200263055773755	and:0.039952302508391276	my:0.036147669380589345	their:0.03608078580910556	tho:0.03506673701718589	its:0.028484353498859367	:0.09019418060121753
Mrs.:0.11621395466621617	and:0.10326356177620896	to:0.061365634434157865	of:0.05023584393998705	Mr.:0.033128047425162524	by:0.030929687540846497	.:0.027482856544534622	from:0.023571119631594178	<s>:0.022234874905992498	:0.5315744191352996
the:0.13122525802671758	of:0.12472503420130815	to:0.08051673641333539	and:0.057946638776675094	a:0.037917214164012884	be:0.029543674071452513	in:0.02801638627015633	is:0.02427512820079513	not:0.02110242856796625	:0.4647315013075807
that:0.2401059045374983	as:0.17079276647589786	if:0.10450590783726112	which:0.09974701021376177	and:0.07162105155708377	will:0.061696218932678876	when:0.04116667903958726	would:0.04115730876986674	should:0.02923701206279263	:0.13997014057357166
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.12938014578502147	the:0.09258797853158765	and:0.09045493244340816	to:0.0655257623704519	in:0.04961443111769008	for:0.028670219450335106	a:0.027176452363103773	at:0.025671553157183356	that:0.025609048756117882	:0.4653094760251006
of:0.13544463969914516	large:0.12213130326925549	the:0.11475460947792067	in:0.11325158714874649	such:0.10094562840280097	and:0.09374902793547045	great:0.04408686267818529	a:0.03773500888085469	much:0.03329670919819783	:0.20460462330942294
the:0.19738713533337965	his:0.1783658558299628	an:0.128556101208785	of:0.07514373351607836	this:0.0474336072884565	my:0.0472748973367046	in:0.04400673143992907	post:0.0288726440404165	to:0.020661684902417803	:0.23229760910386973
be:0.27040558314636354	a:0.11606189736222694	is:0.11352536636673592	most:0.09505134373615533	was:0.07631199576808682	and:0.07096624151531597	are:0.06654922673500566	the:0.0556215612697015	been:0.036952791612887406	:0.09855399248752092
the:0.595747609043323	tho:0.05354552803192796	this:0.04954038715914677	The:0.045964911737852755	their:0.04560883517673083	a:0.04169942094941094	his:0.03811461411685068	con-:0.03165537626770105	our:0.028907251303132358	:0.06921606621392368
the:0.2765798955379089	a:0.10482425143330569	and:0.07381500250866276	of:0.0617892890405128	in:0.0353359560016748	to:0.02963933716169279	The:0.0234656026879826	his:0.0205601801681083	this:0.018499523891861356	:0.35549096156829
they:0.1814825245401205	who:0.08332890645061154	we:0.06833846363531829	which:0.0536570328338721	there:0.05359065596691862	and:0.05050517314101154	They:0.03515036909091204	you:0.03233734521249406	that:0.03162663778191064	:0.40998289134683064
is:0.20966311478855348	and:0.16601508851558958	are:0.13120371820056678	but:0.040353662086989164	which:0.03488834922200808	Is:0.033742756334943017	that:0.03302448133213559	was:0.031213571554812594	not:0.028386676487078624	:0.29150858147732306
of:0.4786885726851188	that:0.09391760461444613	the:0.08745009263573254	and:0.050304798121617846	by:0.04117578629991835	in:0.03879447543406016	to:0.03412707316893468	this:0.02376650342035951	for:0.019084633699046456	:0.13269045992076553
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
the:0.5711966934174226	a:0.06212379034676535	and:0.04178013777114284	tho:0.039669121487936804	this:0.03611180792338131	or:0.029698846237350637	The:0.029234294046070017	of:0.02841302569267093	any:0.0279797245659322	:0.1337925585113273
of:0.27466615355172125	in:0.23503884948144754	to:0.09053463648583916	for:0.08070252413357501	at:0.062342740022056704	In:0.057952202679205214	with:0.04426475666610177	and:0.03807201829102238	by:0.03399896563603447	:0.08242715305299649
and:0.23682852188173797	have:0.12868449723080516	had:0.10586878776209113	I:0.10022820097520964	has:0.08204527306133705	he:0.08041224192807454	is:0.0471649835783504	they:0.04567240986392173	was:0.04164692440622896	:0.1314481593122434
of:0.2799626899215398	in:0.1493230025835814	and:0.09644505530697173	for:0.07222298174397193	to:0.07103904761170991	with:0.0703953496992038	on:0.05529637984684662	by:0.04913336725318367	from:0.046615472558181194	:0.10956665347480994
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.1968882331676769	that:0.11039666142986637	for:0.09168975302555668	and:0.08590366914891827	by:0.08277873064966747	in:0.0727445676892337	to:0.06311325533087009	with:0.04267601830680013	on:0.03576569012207675	:0.21804342112933367
the:0.20009661405009255	of:0.09614666586087119	and:0.058627911245926416	in:0.04553704380158999	a:0.042124964097505165	to:0.03933861986300291	at:0.037331807777673115	on:0.035243307139767165	by:0.02400728035219461	:0.42154578581137686
the:0.12368218280150844	and:0.11910064474353096	of:0.11336056436577131	a:0.06975948165244585	to:0.05362200256083398	or:0.03299119939462581	are:0.02801149489962324	is:0.025241132503948726	for:0.02278737232450301	:0.4114439247532087
of:0.17142758274306302	in:0.08634383392792384	as:0.08326592556418587	is:0.08178974204742391	to:0.07556684952700905	with:0.0668191557129155	by:0.06243265598537441	and:0.057133822259442996	was:0.05599821011707395	:0.25922222211558743
will:0.20584504249316313	and:0.16018123610649812	can:0.06141559465604724	was:0.055891730850125186	the:0.05562466291350114	would:0.04899024842470727	it:0.045557505203504295	had:0.04363750651778436	that:0.04154919804126259	:0.28130727479340667
in:0.25237749655315533	of:0.11832633645850302	to:0.10839302333906657	on:0.06678159311991028	by:0.06489671377141643	from:0.06356250495339733	with:0.06348071785992031	upon:0.054459556292092426	In:0.04903298885720387	:0.15868906879533443
the:0.11704456273315193	and:0.08119496322623684	of:0.06884472752537625	to:0.043940372895462126	in:0.039461644286849194	a:0.027464002679488352	his:0.02277698850975605	said:0.019635202055012554	that:0.01899534171319325	:0.5606421943754735
the:0.5834795315515683	a:0.14464385165199195	and:0.056500638991671896	The:0.05114568676411237	of:0.03288500740327535	tho:0.026725728419912356	great:0.01955440311947739	for:0.014943000717048696	or:0.012669871228698545	:0.05745228015224321
and:0.1548177577609654	that:0.04398302221917744	or:0.036087420701738954	is:0.034532087475882815	was:0.025939020768948825	are:0.025280385393967535	made:0.020834311282221997	but:0.02016172798794775	be:0.019156283226484664	:0.6192079831826647
the:0.21234209850453792	and:0.09041958602351124	of:0.0761001934580415	a:0.06583321418641863	The:0.03308409305343358	to:0.02698935158038732	in:0.02407178303938335	with:0.018363508791582998	Mr.:0.01674699724041118	:0.43604917412229227
it:0.22856110105309196	It:0.1452820683974188	which:0.05914017695475625	he:0.0478149945050819	and:0.04416228847994344	that:0.040249019547583975	there:0.02938454306037856	who:0.024987486037450265	This:0.017718758616521977	:0.36269956334777287
the:0.2076924090347661	and:0.11864921124733781	of:0.06948033233563375	to:0.04937100290349091	in:0.0465017884239287	that:0.03928350452418262	a:0.03360796292909534	for:0.020913581166906357	which:0.020408322016569582	:0.3940918854180888
to:0.27379030202973453	the:0.20512228944651464	at:0.10408130342545058	of:0.07515465071560556	his:0.0591074871355515	their:0.05017626566748527	and:0.03896260279110232	no:0.029676227057985748	will:0.025243705715933453	:0.13868516601463635
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.12074287823032279	and:0.08874153786915481	of:0.08276028650606589	a:0.06221093194059588	to:0.05162893887429158	be:0.04586064487454934	was:0.03414083331809491	is:0.024507921764825892	as:0.020858812890688014	:0.4685472137314109
<s>:0.05432131076617833	it.:0.03716684874402734	them.:0.02247979573141077	him.:0.013502407632155952	country.:0.01143328895356783	time.:0.011096021118032921	again.:0.00906983041358331	people.:0.008747586562756211	life.:0.008088771964477243	:0.82409413811381
the:0.5058382344226696	a:0.19155127550209947	The:0.075066768509712	and:0.05396644485394486	of:0.03874635548270149	tho:0.029867847003299634	any:0.029718268135464902	some:0.026303735577413223	no:0.02065273976334602	:0.02828833074934882
have:0.1809618706315317	and:0.16885576677989902	has:0.09663431176725822	had:0.08526713546818657	they:0.05898262105981703	I:0.05764871165079572	who:0.0526537524393171	he:0.04907155556271486	we:0.03373523908471111	:0.21618903555576865
of:0.38780392760454424	in:0.10543251044231115	at:0.09368934735166985	to:0.08469585760716818	by:0.06172297342713927	for:0.054505146222843075	from:0.04855890052321817	on:0.0471984798534974	and:0.045848491550349264	:0.07054436541725939
of:0.1595292354432215	to:0.10455719030385169	as:0.08785662364432413	and:0.08698777976274545	was:0.08348119257738469	is:0.07727747876345827	in:0.07619401559862479	for:0.06986064845752411	with:0.055802801565519096	:0.19845303388334629
be:0.2667740658887498	was:0.16710910429093603	been:0.09650327666760333	are:0.08150391224132394	were:0.08138293254796196	is:0.07959772046716557	he:0.04631403406047022	have:0.04621689954586432	and:0.04229453652489478	:0.09230351776503004
and:0.11727355879576236	do:0.06783281625661106	was:0.0568188353745367	amended:0.05536815944027631	as:0.04964746088508258	is:0.046231569875030916	be:0.04533510406631075	not:0.044836618964634166	are:0.04091989112607434	:0.47573598521568083
the:0.19670387957172328	of:0.12034700726956073	a:0.08438228089640598	to:0.07002755359439007	and:0.06281574081115311	be:0.0453128674171294	in:0.03379866218947241	is:0.03220276533394172	not:0.029189418599409524	:0.3252198243168138
to:0.4080184368822138	will:0.11084323666431842	would:0.07871647706191727	not:0.06114028137574965	I:0.05576835466745124	and:0.05219787398319846	the:0.04314423052222943	can:0.03824819031476297	they:0.030608331548393625	:0.12131458697976515
men:0.029858840437972895	made:0.021461449103454242	wife:0.016746656169974155	up:0.014442491030660523	right:0.011100948249940625	in:0.010763908268953916	city:0.009255189128794843	day:0.009078727026945224	it:0.009075074277818838	:0.8682167163054847
number:0.04783279856069427	out:0.03523580298553459	day:0.025273896608054167	one:0.022926623656536044	and:0.020718585280798903	tion:0.020113617128355424	part:0.01834877957160795	time:0.01821617390014658	that:0.01806274786723067	:0.7732709744410414
of:0.2961701090362676	in:0.1178871756097867	to:0.10164084725090033	and:0.06865495010242591	by:0.0666450479476062	on:0.06328328077625103	that:0.05761564464867384	with:0.052306765039728434	for:0.046772703590642305	:0.1290234759977176
the:0.7607653414159047	The:0.055334520014548506	a:0.03596290554074554	re-:0.027076687376835388	tho:0.02554644808219971	and:0.023609302629912534	his:0.014455256769443873	this:0.011808701903326644	to:0.011412584548626052	:0.034028251718457046
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.18993880449201844	of:0.11639210830738761	and:0.08735698721996352	Mr.:0.04797666771675121	a:0.04136447797506552	to:0.030717163312382403	The:0.02649997786553738	.:0.022960452586241215	by:0.020277340511229532	:0.4165160200134232
the:0.6089762149840181	of:0.10602094391929388	and:0.04598570219891581	tho:0.03225975410043041	their:0.02493828574299275	other:0.02156890328350562	The:0.0206632021326544	his:0.01905793231707294	in:0.018585756549028682	:0.10194330477208745
the:0.15548164992001468	of:0.1181420598113191	and:0.06495824170635445	a:0.04231673100742924	to:0.04117581656651854	at:0.031098197132552595	in:0.02877357803307154	be:0.023561113683954124	his:0.021860279751194193	:0.47263233238759156
<s>:0.0802553765875675	it.:0.02209277237810972	them.:0.02035298143464265	time.:0.012040837772745352	him.:0.011874149312048747	country.:0.01008676742090983	of:0.009622992472550117	day.:0.009602517164339311	.:0.008573040789223826	:0.815498564667863
w:0.5550708382294504	and:0.05301233401020972	of:0.030677454668448456	was:0.028458948473875492	is:0.02468801913041813	a:0.01710586447900089	have:0.016217813217211247	<s>:0.014725983286362198	are:0.013401383610618194	:0.24664136089440533
of:0.3436441402340554	to:0.13791499280743388	for:0.10074539501497197	with:0.07740477229784408	upon:0.04649076039187689	among:0.042543681175962626	by:0.02741981420962744	from:0.027088154755285594	before:0.023860405652666988	:0.17288788346027514
and:0.27469893258155365	was:0.08017313443057683	is:0.06070975315864847	are:0.04592489333758903	do:0.04546229355890477	that:0.03822664308375904	or:0.035474366803000625	were:0.03108897298872328	but:0.02897563659015858	:0.3592653734670857
the:0.7850886910141645	tho:0.02723517978966792	a:0.02014290993853638	of:0.019180941693262638	this:0.016319858093594083	The:0.013899163873688237	tbe:0.011784671314444268	our:0.009312100070667574	American:0.007316822571975541	:0.08971966163999891
it:0.20109438668866916	It:0.16277924085001097	which:0.08488451385210684	he:0.05852715986931364	and:0.050290790497198604	there:0.045929124554597356	what:0.04118871944825537	that:0.04061832212820103	This:0.0362364969611699	:0.27845124515047714
is:0.24590438520559343	was:0.1816142012437621	and:0.1688500533522572	are:0.06813317683358167	were:0.04595254755450229	but:0.04351633388467776	Is:0.031612075852749076	He:0.03134524232628525	has:0.026408434269381897	:0.1566635494772093
of:0.3722061695752557	in:0.10491451925074928	to:0.1024663789028012	that:0.07493791334974918	and:0.0645279132023764	on:0.056107045079080514	by:0.05027887091424221	from:0.03758491183087087	with:0.03241209284084625	:0.1045641850540284
and:0.19144346300246223	the:0.14810716693463263	most:0.11000912786196505	a:0.0932681844342167	that:0.08115433415407679	of:0.06369508390998983	to:0.06335799905317535	in:0.04649644489227004	are:0.038104230249970734	:0.16436396550724064
that:0.31002047201146343	and:0.14484199399958156	as:0.08053295882100593	if:0.06503540513563424	which:0.05513431613473679	but:0.05175090665351416	why:0.0347383037820652	when:0.03393161880216984	If:0.030202825038647966	:0.19381119962118087
the:0.14151082409493515	and:0.09395826232628794	of:0.08615986759807032	to:0.0646753759550541	in:0.05215270585247155	his:0.03504395116210504	be:0.03490724716723035	a:0.03132327424896905	for:0.02984919584199262	:0.4304192957528839
Harper's:0.07723922268352076	the:0.04207033973114678	of:0.02530719853347777	and:0.015170691776914208	No:0.012245904220514416	Mr.:0.011309087146844471	lying:0.010683156902568785	lot:0.008898823616044799	a:0.0071497194290664826	:0.7899258559599015
as:0.07446996491817248	and:0.07076082903256757	it:0.058865354515750805	up:0.05279360312421755	addition:0.033867014653266844	regard:0.029024961542387248	came:0.02896326458868584	come:0.028358890802377128	similar:0.026543792473961943	:0.5963523243486126
Van:0.8662179489941552	of:0.014804211834259449	and:0.005868601496202267	the:0.004890344869810918	A:0.004049359799119089	Mr.:0.003616685176599437	author-:0.0027185960769987535	a:0.0022856771153786266	<s>:0.00225870788999452	:0.09328986674748176
not:0.4049472527107381	is:0.11809413173124274	was:0.09594157270333745	and:0.048075057285870394	are:0.04734865892426372	the:0.03203102591328073	be:0.029159831215270427	were:0.027692909076330582	had:0.020369776233683256	:0.17633978420598262
be:0.16821228126933843	was:0.11107793751425861	and:0.10513492699190154	have:0.0881341129487202	had:0.08509778574344626	are:0.08466941880843323	been:0.08342553467223376	were:0.07704794677103342	is:0.0725891415077151	:0.12461091377291944
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
be:0.15062426842330184	and:0.14556769779953116	was:0.12528920533214977	he:0.0971544446312125	been:0.05254638849823261	were:0.05068389967023436	I:0.050608329464615825	they:0.04665222571982075	have:0.04368409376702185	:0.23718944669387934
in:0.14806876225573679	as:0.14195559201411467	for:0.12351310491474397	of:0.11817397441644471	is:0.07513980908640662	with:0.07178817918556088	to:0.06058768227890131	and:0.05369335148162916	such:0.04889800789543761	:0.15818153647102426
one:0.13128720717464162	some:0.08461735365278528	many:0.04847273074418403	all:0.0434097698998669	out:0.04262208938507716	part:0.042306194817281824	any:0.0301089147815544	most:0.027783670858525438	portion:0.02625388729213515	:0.5231381813939482
is:0.09479732432336643	and:0.09450150723361293	was:0.07214368180450395	be:0.057086994795531705	are:0.05083633436734846	it:0.03139832608053988	made:0.026370639754266664	not:0.025485150782887066	were:0.023522590167519206	:0.5238574506904237
in:0.31078403878355826	a:0.2548546005297957	In:0.1571446129072322	the:0.13772265329555303	this:0.03599747536023905	and:0.018825926703562125	of:0.010859610539441083	iu:0.010807214969144975	great:0.009765074211986753	:0.05323879269948687
of:0.1834453796187176	to:0.17053799490937546	in:0.13108883201175006	at:0.11976713200934304	on:0.07149353524665175	and:0.07047835540639334	from:0.06230002779879337	with:0.0423700694309082	that:0.038688191459587684	:0.10983048210847948
it:0.25653226117348926	It:0.16125372359844065	which:0.07112139877476842	he:0.055624498166207036	there:0.04286665643389271	that:0.04256624193766194	and:0.033872077647318796	who:0.026447054509793337	what:0.022100572652371173	:0.2876155151060567
it:0.13796128875087904	which:0.12123151758558284	It:0.1190182297647619	that:0.07907127608922525	who:0.07084173501939091	he:0.07065862855136053	there:0.05551808419416357	and:0.034746175819115654	There:0.029925963619018833	:0.2810271006065015
went:0.08683324565499717	go:0.07476330580440535	came:0.05394514230576035	back:0.047297493639340674	it:0.04706181582391388	out:0.046435294313249977	put:0.044640592301587366	down:0.04048017963153846	come:0.03746281779864652	:0.5210801127265603
and:0.12235075838048946	was:0.04883586224807882	arrived:0.039302485730439186	that:0.03545859067299272	but:0.03492447452774985	is:0.02870853751036447	made:0.02837230425902276	held:0.028189481774714184	look:0.02759645298532533	:0.6062610519108232
called:0.07204608777404495	and:0.06814291327434198	depend:0.03649552474740933	due:0.03582328932744763	levied:0.03503653648762092	look:0.03435141880403661	based:0.034077769097724024	made:0.03290146402346888	placed:0.03231100675703867	:0.618813989706867
of:0.2616594343360901	to:0.13785963672530907	in:0.1212670859452904	for:0.08801180469507255	and:0.07037862058047246	by:0.06741089591007511	that:0.05123896249164224	from:0.04811659056050987	with:0.039461130120577524	:0.11459583863496066
is:0.28208212740008753	was:0.20880536298233507	are:0.0927081649015039	were:0.046977251579185725	Is:0.04514918771463084	as:0.03864681703831956	it:0.03793900611306461	and:0.036667445576850276	do:0.034484760935393974	:0.1765398757586285
the:0.08789720635497154	and:0.07820325291506017	of:0.07409488784379216	to:0.06286243358342224	be:0.05661814672863629	a:0.04478774919695505	in:0.029168427928634	was:0.027046363262135754	is:0.026073151479528232	:0.5132483807068645
a:0.2538622917653674	so:0.19407797834502766	the:0.17032384855634727	has:0.06188689605228715	have:0.06074489594814002	had:0.05618361105724459	and:0.03822584716639013	very:0.03817661212397834	not:0.03233401367596584	:0.09418400530925161
the:0.2959907103996845	a:0.16662850547907454	of:0.11458893938343427	last:0.11130212084310667	this:0.07479975580650745	past:0.04667325316914796	some:0.0436298599766407	for:0.04082091154690863	his:0.03872989262775199	:0.0668360507677433
and:0.09468249737622518	depend:0.03875088893599322	based:0.03863406357657407	placed:0.0380392715961322	depends:0.03779424552216468	called:0.03705486424756454	down:0.03295251281941486	made:0.032658028953724605	effect:0.028685464570585545	:0.6207481624016211
of:0.2575520845139841	on:0.12846547861522375	to:0.10203493204218354	in:0.09661719328105245	at:0.06814939241613419	and:0.061984312118100945	from:0.05935258574754471	for:0.050479593300059626	by:0.04534209183673201	:0.13002233612898464
the:0.15634290232765083	and:0.08145565430369078	of:0.06433788517246476	Mr.:0.04826328248834512	a:0.043393795039547364	The:0.036462515625466374	that:0.03147984993258206	.:0.015497251212340545	to:0.015070607909149934	:0.5076962559887622
the:0.4576352260154372	of:0.15597372237551915	The:0.055874957325002104	in:0.047381937480983204	and:0.04540932465424432	that:0.036242315002844354	tho:0.02118090026963926	from:0.014644932676948132	County,:0.010796985584347815	:0.15485969861503443
be:0.1992155736715798	and:0.11797826148263685	was:0.09084133956381023	is:0.07517436226680531	been:0.07207799312029656	he:0.059185188870412325	the:0.04900435303494633	are:0.042586829725886205	has:0.028118904313498932	:0.2658171939501275
the:0.22038313903105292	Mr.:0.07937156760867098	of:0.07368785948768332	The:0.06437454493038172	and:0.05944888902093017	that:0.046904228525190425	a:0.028819451762637286	his:0.018895379103475607	Mrs.:0.016510016796138643	:0.3916049237338389
to:0.30980022365953963	the:0.11505692796568015	and:0.1056560319601922	I:0.05127543788496571	will:0.03805596007422453	not:0.036553806085762766	would:0.028293670227170144	a:0.020542289768570903	they:0.01952771635099495	:0.27523793602289903
want:0.09119933785070763	glad:0.07885038542430528	him:0.0648949638564992	and:0.06004531663917528	wanted:0.058895941111792534	able:0.055379333364283065	me:0.044342154008664224	them:0.040027291106753855	surprised:0.039199009595233036	:0.4671662670425859
and:0.09377129454296322	was:0.04271315341537484	out:0.028524574363226172	that:0.02811573968936019	placed:0.027131868575018914	work:0.02578173844450971	made:0.024681420068921236	is:0.024021050156212566	up:0.023509378606325886	:0.6817497821380872
as:0.8930196570373508	so:0.02872466995680026	ns:0.012049827546747867	aa:0.011159451300090285	As:0.010519894555896444	is:0.009027753005852181	be:0.008132664464074601	and:0.006067754028748559	very:0.005844020250384043	:0.015454307854055053
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
set:0.09577561434801543	it:0.08596750147037638	put:0.08013820198234421	came:0.07763648393832367	taken:0.07252425270838828	went:0.06580429776535081	made:0.0537967106850968	take:0.0515574207307233	picked:0.05073288326293641	:0.3660666331084447
be:0.2979705579483615	is:0.18514502285269205	was:0.09182857948865207	not:0.0645054908881669	it:0.06080377807125577	been:0.05582627450608154	and:0.04989461068639227	as:0.04348796738664983	are:0.04256146536359431	:0.1079762528081537
the:0.16293018766245074	and:0.09542368948698904	of:0.09125431973781274	that:0.07147467448178191	in:0.06122012582460809	which:0.03181046897847235	The:0.026682189849771113	as:0.023311535893834404	Mr.:0.021607863563506427	:0.4142849445207732
the:0.7540158636158094	The:0.10256562257750117	a:0.03702408643576139	tho:0.03694468574009788	his:0.01645852661005159	tbe:0.013514035657634078	this:0.012673511396561941	their:0.006243349578876619	its:0.005108923337225492	:0.015451395050480425
of:0.23700013887589647	a:0.1480232033482507	the:0.07413452545966678	to:0.06899209549620221	in:0.04833046100251875	and:0.041394306581746816	as:0.03999072241518112	on:0.02935744403340583	was:0.02935701060691194	:0.2834200921802194
and:0.24636052438176867	that:0.07204020239579927	time:0.06359118656053701	but:0.05067229531026561	which:0.02766919534892873	or:0.024611171621774276	it:0.022963607830927078	day:0.018660999424150993	which,:0.017341968311346868	:0.4560888488145015
was:0.13117744182835897	is:0.1269218244563355	of:0.11158997556392193	and:0.08991483465927332	an:0.0752480232515238	are:0.06224414029563446	the:0.06176436629621954	were:0.04058110655276591	in:0.037195670240716766	:0.2633626168552498
time:0.014454144333039615	it:0.013115099213146433	good:0.012601041459608378	more:0.012261080525909813	prompt:0.010631322661845188	due:0.010079545354197892	him:0.010057786336017026	them:0.009731847100400383	men:0.009069717368071942	:0.8979984156477633
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
as:0.07186083108883486	up:0.05557455433607369	come:0.049109437879699444	and:0.04301297904894175	back:0.042791448367877634	came:0.04209704830697604	go:0.04071182761587086	it:0.032829923592494384	regard:0.032203005769486856	:0.5898089439937445
they:0.19461252061988724	we:0.10922418913617771	who:0.09329426649857261	and:0.07636978485970544	you:0.07514726548398011	which:0.05706535521275508	They:0.05052056051193296	there:0.04550319776803247	We:0.045157325292134426	:0.25310553461682195
the:0.2548175450256291	of:0.14358008674215583	to:0.08722829211980318	a:0.035012358816843885	and:0.034332699942394296	this:0.031711900488600696	for:0.028237075664339303	in:0.02766221115153456	The:0.024371142227311394	:0.33304668782138774
not:0.2741096095764814	is:0.1231053079711752	the:0.1165854488621563	and:0.10172756953785834	was:0.09806972227161401	are:0.07037851757676711	were:0.04522566411016953	Is:0.022355284668963672	be:0.020371945001389655	:0.12807093042342477
of:0.2545032669989974	in:0.13531379223285864	with:0.07968106627797428	is:0.07120248195840059	and:0.0679041255611428	by:0.06639124484807368	was:0.06413287503346567	to:0.05683780008795463	as:0.05667917683484173	:0.1473541701662906
the:0.6654192224244613	The:0.17045257987032353	tho:0.034068243392346875	of:0.033595010848045906	this:0.01630489467878648	and:0.01565866949749628	tbe:0.010681819047647341	our:0.01065393458319046	a:0.010242509932506636	:0.03292311572519517
to:0.3973436518733207	not:0.37927932922896096	will:0.05468483931594361	never:0.030693408687834753	would:0.024667885558592912	and:0.018870392425278232	a:0.01433343146150625	shall:0.011391291854788922	must:0.009321360596724266	:0.05941440899704935
and:0.1885511344397137	of:0.1870183419094036	to:0.07675169600656238	in:0.07073985438572009	from:0.046339598455117315	all:0.04525807160771019	on:0.025606078975167708	with:0.02038095092571725	said:0.019716987803068676	:0.3196372854918191
of:0.1723800469299984	and:0.09690362542298184	to:0.07327495596858312	for:0.04243808416864946	in:0.042437123654928174	with:0.04126616488749104	by:0.03040603512534219	from:0.025021455834245226	at:0.023989158869901293	:0.45188334913787925
<s>:0.03678801532494056	it.:0.02122541937054292	them.:0.01479833888951819	him.:0.010897843018696847	time.:0.007197578670092914	country.:0.006808804316942492	day.:0.006190128907864372	year.:0.005415787861387621	and:0.005376359422960174	:0.8853017242170539
of:0.19452317962484475	the:0.19226997904669957	these:0.1118345763003098	These:0.07182305332280339	business:0.05820603672755671	young:0.05745202156700857	The:0.04687183780667797	two:0.042554028141180714	and:0.042045471915499635	:0.1824198155474189
of:0.22002467158953573	for:0.1259457181120723	in:0.12377832945500226	and:0.11736913019570154	to:0.10129340018883146	that:0.05778635498083172	with:0.0463021129548504	all:0.03569036262980837	on:0.030346814338210005	:0.14146310555515623
and:0.24162532991188765	that:0.1390786514211605	as:0.10741426106968564	but:0.04553068662408295	even:0.0409022801525171	And:0.02889603767122722	or:0.02587557926296219	But:0.02438876436489651	see:0.023922128748807232	:0.322366280772773
a:0.24204069064396946	the:0.13114725300715105	they:0.08696929605374422	who:0.08488348490794594	I:0.07902835174167092	not:0.07839888189490185	we:0.07658615096794598	and:0.06109914422277883	to:0.04663468770622324	:0.11321205885366852
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
made:0.11942847096974421	and:0.07979570471363857	caused:0.029091215056480817	shown:0.028426754301022945	up:0.02777670568714523	ed:0.027617079589566704	out:0.026630159435991316	taken:0.02626602987193105	done:0.02542850605479482	:0.6095393743196843
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
any:0.27954713916006607	the:0.17041848594995287	and:0.16514133724506877	no:0.14170756363440565	or:0.05912559996538723	some:0.04756141457639742	all:0.04430256418264639	of:0.03231216989764885	in:0.03213728977878332	:0.02774643560964342
the:0.4676142065078135	at:0.24237913648332965	At:0.048791863119890005	tho:0.03156611350466604	of:0.029774535832346204	to:0.0281051777956505	and:0.028057909133168704	The:0.02061467030322155	on:0.01499697015909431	:0.08809941716081957
the:0.1164435537053717	and:0.0573533486850362	at:0.044377275329657496	a:0.04149805447872611	-:0.028171863538503938	.:0.02735520910881284	<s>:0.024609036733378574	of:0.02425854403760395	25:0.02177830002398139	:0.6141548143589278
that:0.16661763328280765	and:0.13458287133278954	but:0.09592430773399532	as:0.051117978625589255	which:0.05098905102165309	But:0.02940844255730344	what:0.025787854432964	if:0.024647524769338777	when:0.02212038417060005	:0.3988039520729589
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
of:0.32574928310363493	the:0.12759827942922108	to:0.11771723542021434	and:0.06990807578257915	in:0.04801435284689793	at:0.04304759478063756	from:0.04151750239323005	said:0.040809989284219195	by:0.0287969495568441	:0.15684073740252163
a:0.6219058288079214	the:0.224437473809799	his:0.027735065212376432	and:0.016200087602496877	to:0.012746612709583764	this:0.010350798911335037	The:0.010168577919616846	tho:0.008674803659476841	her:0.0068797026924816125	:0.06090104867491214
the:0.0914322822856917	his:0.0865575498046265	her:0.06635711513864434	of:0.06399433777012326	and:0.06091774416610912	go:0.06057264673560795	it:0.055054913452998434	at:0.052073994762447104	a:0.03955766764370658	:0.42348174824004503
of:0.2870753254830691	the:0.22820734263923442	in:0.2222817247796685	a:0.05822164960318251	In:0.03822663154381028	his:0.02942770227015369	by:0.019095169840581086	with:0.01793478328178478	for:0.017695265868602275	:0.08183440468991339
of:0.13735167115900856	the:0.12468015023643587	and:0.0854943477750385	to:0.05978421548001077	be:0.04798116264043773	is:0.04763750262483636	in:0.04319657334697535	a:0.04216807689891275	was:0.03856522118611982	:0.3731410786522243
manner:0.1103951809557842	and:0.052453475314599624	that:0.03036937771827381	way:0.019689239401330938	time:0.015058937839784212	it:0.013360831017844856	all:0.011946359345780016	one:0.011858054142763546	part:0.011827296831737295	:0.7230412474321015
the:0.16890675019349444	and:0.09411737640684421	was:0.062155385584648844	is:0.05546488547918796	a:0.05481412201316683	be:0.03918509350497954	his:0.03489473327013484	her:0.029872218086401264	of:0.026407760122145296	:0.43418167533899676
it:0.11977875017404724	go:0.11601644910339082	taken:0.10309356877798098	went:0.09120145993521843	them:0.07213364510506369	set:0.06801248320491698	him:0.06161427102884509	came:0.06107587112724309	come:0.0441258334248595	:0.26294766811843423
more:0.3358345213269758	less:0.12610776885394737	better:0.061855474460963046	greater:0.05309620038800828	rather:0.05300061109261795	worse:0.028818068181543897	larger:0.027015813077624448	higher:0.026800844486306895	other:0.02617719083225004	:0.26129350729976225
the:0.20849665906433557	and:0.1142767670160047	of:0.0996603529965147	The:0.06524073313159189	that:0.024980514504802553	these:0.01841332784867121	a:0.016378062967323737	or:0.01599964531259606	to:0.01465781744434432	:0.4218961197138153
to:0.3340482879643747	will:0.21968073144733113	would:0.14314405724433774	may:0.05765142294232549	should:0.05110517895543942	shall:0.04608131248582266	not:0.03762609770239684	must:0.035703774805437266	can:0.018640295804925693	:0.05631884064760908
not:0.14110148527312952	to:0.1265803038590585	and:0.09255466409794465	I:0.07581486380544011	would:0.07001418617889212	we:0.06490222610709453	will:0.06300255898503791	they:0.04086901896002505	it:0.03738377868680906	:0.2877769140465685
man:0.1056641118507089	and:0.08878706846203002	those:0.07145574204039219	men:0.05691873120826599	one:0.04191608970446304	woman:0.02293340836590297	person:0.02049936104628033	people:0.017313130140136558	girl:0.013887296885452196	:0.5606250602963678
the:0.3728682838381402	of:0.11334659940101537	to:0.11025681221768464	a:0.06057873386045587	in:0.06009047234796975	and:0.03746412022834752	this:0.03684349599369664	said:0.03353368045751477	his:0.028238377371232578	:0.14677942428394264
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.26319231183335745	a:0.15579408279083434	and:0.08995640353594513	of:0.051412604516170995	an:0.04906243768017976	to:0.03460571113626339	The:0.030723409762414673	in:0.025593852277509176	his:0.024104384340578752	:0.2755548021267463
first:0.22535578071278406	third:0.18409758161949938	on:0.11313660866932629	second:0.05683538007055505	last:0.04872276290644735	and:0.033115569317088714	next:0.028000918181464416	of:0.02765189560059578	fourth:0.025113286839683557	:0.2579702160825554
the:0.32352945602334204	of:0.1289122936904994	and:0.11650663553432157	their:0.08221845925941912	its:0.05620205649501779	to:0.05454546956002514	his:0.044730977949598294	a:0.03890693111983329	in:0.025476717704495305	:0.12897100266344802
it:0.265047725906774	It:0.2596621461782678	which:0.11002169447171882	there:0.06269604189238623	that:0.03407173668803816	he:0.03358531128673051	what:0.02982632095919964	There:0.029272197876098152	This:0.02616795463539789	:0.14964887010538883
the:0.15539156127717735	of:0.11917567702263197	and:0.08416148317186078	a:0.06334046627180517	to:0.04547558587853477	be:0.03126076054551573	was:0.02878552919787186	is:0.024581598781821767	in:0.02303036781163895	:0.42479697004114164
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.3697103191372976	in:0.09322949720487166	to:0.09203847442927578	for:0.07424545373271714	by:0.0569126879901897	that:0.05609082834926083	on:0.050755396684743256	and:0.04767101957747371	with:0.04571471133214242	:0.11363161156202789
and:0.19328295161843972	of:0.15441512299571078	in:0.138549832240337	that:0.07666146361875605	for:0.07286569732523326	by:0.057681903785515125	to:0.049727660450235994	with:0.04627187223037772	or:0.04562659778740387	:0.16491689794799047
line:0.08436151961577906	street,:0.08116090024071032	city:0.047475942450340855	relations:0.03333614196268066	street:0.0324478157406126	and:0.021883673720718047	avenue,:0.02133981441852805	State:0.020244000133745832	war:0.017981852691322565	:0.639768339025562
the:0.12800693069631455	of:0.09953634808904424	and:0.09071223082016597	to:0.04593204377703495	a:0.03771199723896994	at:0.033334180530003435	in:0.03313290135716454	or:0.019794341015426948	.:0.01797896561620089	:0.49386006085967454
and:0.10960059357403153	the:0.09449334592740657	of:0.08967895409898438	to:0.042556391348233	in:0.02781529633717138	for:0.024040729620454133	Mr.:0.020008178605802587	a:0.019990990226004767	Mrs.:0.013561924081013027	:0.5582535961808986
to:0.14873942328809442	and:0.10240102754317151	of:0.05712547684165998	the:0.04422196223221169	in:0.03350494167484157	is:0.028058542060599406	I:0.026660736993923923	for:0.02440585407489247	not:0.02404489402087884	:0.5108371412697262
the:0.2756069387167826	a:0.1989782843277493	that:0.17322869092855617	this:0.14915889533859533	of:0.03818955457475587	to:0.030272195291417447	same:0.028655387646841897	every:0.027248394000905285	any:0.02546289456753587	:0.053198764606860245
the:0.36343395023149294	a:0.16275377135251476	to:0.1374510961859435	of:0.039293335627573256	and:0.02592563010650575	an:0.023354576573338774	tho:0.023036123616229486	this:0.021907214755236458	The:0.01816179634681747	:0.18468250520434762
of:0.19114812208672913	and:0.06664537404545799	to:0.061343427880021	the:0.0530938502573856	I:0.021646766586206935	that:0.020610024877653007	at:0.020295107005605807	<s>:0.01789292968498271	for:0.01732073756839698	:0.5300036600075608
the:0.08961772875882507	of:0.057444184769303956	and:0.05587244827815324	.:0.036654506797221285	a:0.028966337397982565	to:0.026076981274535702	at:0.02055542193580814	<s>:0.018481669068671283	Mrs.:0.01654622745724894	:0.6497844942622498
it:0.21667992261148805	It:0.10935558532387599	as:0.0992102993091394	which:0.09687365893133239	that:0.08069656501629825	they:0.06030190647841252	there:0.042822810321519175	and:0.03325595955556815	he:0.03087705486329871	:0.22992623758906738
of:0.3645092714624021	by:0.10689585450670026	to:0.09744065841711232	that:0.09019272849225211	and:0.08723063929951343	for:0.045561792535351725	with:0.037834441330769325	in:0.037525045199006124	on:0.027152935617788285	:0.10565663313910435
the:0.49039434422053363	this:0.08632201683377173	The:0.06312296808342847	that:0.05617673966513516	a:0.04494603260881747	white:0.025004212128763248	tho:0.021976779552641868	This:0.014260207856410046	whole:0.014103655021192396	:0.18369304402930595
that:0.27079871714630244	and:0.13838266858525428	which:0.07615647278659175	as:0.06207267807646222	but:0.054028372750074855	if:0.04697179579298284	when:0.03388103203877716	for:0.029378354070718468	to:0.025988829339447395	:0.26234107941338863
the:0.1128692492343734	and:0.08756913600525507	of:0.06737460258651247	to:0.053776410134916526	was:0.03351683803657226	in:0.03296372843086962	on:0.027883154110577194	be:0.027472931348034604	is:0.026658125807142292	:0.5299158243057466
made:0.11942847096974421	and:0.07979570471363857	caused:0.029091215056480817	shown:0.028426754301022945	up:0.02777670568714523	ed:0.027617079589566704	out:0.026630159435991316	taken:0.02626602987193105	done:0.02542850605479482	:0.6095393743196843
and:0.12641701929039903	is:0.11646025094457621	the:0.1047785819823541	of:0.1030799600300097	was:0.08931733792580594	be:0.07841418708858101	to:0.059899171225200235	as:0.0550991791433499	are:0.05225072845300198	:0.21428358391672186
and:0.16578021476376786	have:0.15139420024823635	had:0.13728665466815126	who:0.08963636186751431	he:0.07821827532314954	has:0.05528380748502017	en-:0.04392862689217421	which:0.03496114851868233	that:0.03281879115867223	:0.21069191907463172
to:0.34378129718365846	will:0.15287135864951518	would:0.08615903395787451	may:0.07844929048361882	should:0.05682249178971402	shall:0.05432412913287461	not:0.05091775331157668	must:0.03610577244404393	can:0.03580596083245932	:0.10476291221466445
and:0.17862673190713937	but:0.04244263191941048	that:0.04220766094263676	are:0.030865094877106227	as:0.024727875998773696	is:0.017511044349557615	men:0.015982471697363405	if:0.015547112977436644	is,:0.01476719237381757	:0.6173221829567582
that:0.21880264241986183	when:0.18400102133925988	and:0.10450490199483106	as:0.07464921681782291	which:0.06590160108436328	but:0.042969188562918946	where:0.03918988026853978	if:0.03572394998737716	When:0.03475152879514009	:0.19950606872988505
;:0.06779252304156015	it,:0.021761758042242153	him,:0.01958742180168421	time,:0.014938066383533635	them,:0.012616159669584898	and:0.010628532609281757	is:0.010241493612459945	,:0.009618869525717397	me,:0.008415522300167783	:0.824399653013768
of:0.15992160527343155	the:0.07719500006122071	to:0.0438830669750625	in:0.039741024286630185	on:0.038173804152168804	a:0.03632478245285181	at:0.031544173956151146	and:0.030493219331428536	for:0.016730345898418396	:0.5259929776126363
so:0.2198473720485485	well:0.10175930101808689	far:0.04368541861024625	and:0.04293731254846399	such:0.03762681449236444	much:0.03266149523896232	it:0.026089134412509325	manner:0.02389645719624483	doubt:0.02232483788512375	:0.4491718565494497
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
of:0.21517601127515068	in:0.19406936001669348	for:0.10971907724384945	to:0.09814312395246895	and:0.08636857417119868	with:0.07537094044452373	by:0.03943949248755378	In:0.038895059100375044	that:0.03725130569695829	:0.10556705561122792
he:0.15760358998476107	it:0.07960037078123837	and:0.0783183575860865	which:0.07061259049398295	who:0.060154149166401126	that:0.05828712503669086	It:0.045137051777501276	He:0.03462748460810424	she:0.027243872518348946	:0.3884154080468846
purpose:0.05003891562677034	sort:0.04166241587234098	line:0.04029693667741414	matter:0.038910649874669315	number:0.034658140636251986	out:0.0342326330836255	means:0.03013523709371516	kind:0.030013529372232284	question:0.028254965421569966	:0.6717965763414103
the:0.33471395324713976	a:0.16331054730812458	to:0.11957208755000143	no:0.06732176259472455	and:0.048566513333118316	be-:0.042245743264118785	will:0.04116268075131023	this:0.031240764350254517	would:0.030577922850548188	:0.12128802475065961
the:0.587213818538724	an:0.10602908930253858	a:0.06834865719683067	tho:0.04068210237654947	The:0.035004297049771656	and:0.0338199903536752	or:0.022498439372572447	tbe:0.01854790116930796	on:0.017556476132591717	:0.07029922850743829
<s>:0.12426439482141315	.:0.018149278737436575	it.:0.015732467694809387	them.:0.010254086191239542	of:0.009702084217108654	day.:0.008398564122806892	him.:0.007320325767002691	time.:0.006498590451727999	year.:0.005941096159856345	:0.7937391118365987
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
it:0.1425484532101972	I:0.1213354070215672	he:0.11001646519610883	It:0.08910193822766081	we:0.08810080705787648	they:0.08502350221614376	We:0.035535001300793526	and:0.03455875249364024	you:0.02830612684330736	:0.2654735464327046
to:0.5132350577437815	not:0.09600587330123439	would:0.06755118885748514	and:0.06671295872663531	will:0.06351079179386479	must:0.03242619465041262	may:0.029073112077795206	can:0.028384333830740308	could:0.026465028204732823	:0.07663546081331785
and:0.36989909396299353	was:0.18093069367117362	He:0.049725923246005936	were:0.04721913228532857	is:0.04495294131152719	are:0.027349938294198597	he:0.01944641783722546	be:0.014600998531589348	it:0.011382842243321466	:0.2344920186166363
to:0.1683574263608487	would:0.1611777570504161	we:0.11643246980957948	I:0.11299547383211618	who:0.10531685028517171	they:0.09705549917576359	not:0.054556999832390526	will:0.05383883256017113	you:0.04597037353291186	:0.08429831756063076
a:0.14095342944077077	and:0.11398697074656086	of:0.1065263285768312	the:0.09940139976754256	with:0.07675971231046624	to:0.04580296175640906	as:0.03906204900444862	was:0.03708322462499614	their:0.022887884582028447	:0.3175360391899461
the:0.4033998496584643	an:0.17562193462780062	The:0.06929411341507292	said:0.0692310821508416	primary:0.0404322859668438	of:0.03735377973926905	general:0.03729287768308044	this:0.03453706215535834	An:0.03335822863732375	:0.09947878596594517
of:0.35055936536108007	in:0.12263802889049484	and:0.08385791214373002	to:0.07981824536485954	that:0.07788386901529443	by:0.052044802656479726	with:0.05189426462405621	for:0.0455644649413364	on:0.038234949409593585	:0.0975040975930752
the:0.5131778377865784	The:0.1288895532570005	a:0.06417897113782997	of:0.050499604574114815	tho:0.02871193936281765	and:0.020150841020999725	in:0.010761258095395281	by:0.0084718117867626	A:0.007889739170312705	:0.16726844380818834
have:0.32153040081313716	has:0.31183075472024196	had:0.21146800312364955	having:0.045937157158120086	not:0.030216769141692412	ever:0.01538042378217072	never:0.012137451532885339	lias:0.011016291610750989	bad:0.009272451241632158	:0.03121029687571961
sum:0.08571383395418493	day:0.08370077356967105	State:0.05822340938598794	that:0.035864096313863454	and:0.02994925633626844	part:0.02630677256155101	action:0.024584069398228325	it:0.021786572485110886	<s>:0.021233088172393506	:0.6126381278227404
was:0.20902618476671336	be:0.15017333813545752	were:0.11380033212891436	been:0.0947810415521309	are:0.08200475489765986	is:0.06566588324773769	and:0.045632026221767624	being:0.040658642019415776	had:0.021502115961260736	:0.17675568106894218
and:0.1828177032772522	of:0.1729167264111345	to:0.08294267335678421	by:0.06613616034771465	for:0.06415997033131383	all:0.05019472443150322	that:0.049440931221256555	the:0.042119810367507275	in:0.02757974419703409	:0.2616915560584995
of:0.2428873537692233	in:0.11973680612014662	to:0.11603402741270599	for:0.07714789713097062	and:0.06946396848994019	with:0.060658363724453455	on:0.047862408375154715	from:0.04110232559766807	by:0.036546241757073966	:0.18856060762266308
the:0.161571823160705	of:0.09066395789307255	and:0.08811651892316719	to:0.04899478563575888	a:0.04339234346550187	in:0.02742755197900953	be:0.01966761960337111	his:0.018152941337592668	or:0.01745461527325544	:0.4845578427285657
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.11247420036571133	of:0.10267916888919643	and:0.0886698286441107	a:0.0439476059908481	to:0.04298244170221396	as:0.024362452833380524	that:0.02431733941845967	is:0.024207003919553362	with:0.023286864635985182	:0.5130730936005408
the:0.35198039021812033	no:0.1935516776437625	of:0.09524272603965919	much:0.08566569267116772	The:0.04638117000731129	a:0.03994095492520637	and:0.036944112684163935	any:0.036869685178948064	his:0.035363671962249155	:0.07805991866941146
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
was:0.28192866067256606	be:0.2528149908984455	been:0.15001151363296933	is:0.07593076308702573	were:0.06048476669097218	being:0.03398117643035956	are:0.03154696600871897	he:0.028800230364347763	had:0.02327971909486206	:0.06122121311973286
and:0.11376440796393443	in:0.09528709199453526	of:0.06440363972178567	to:0.06291439874986343	that:0.05141040037892309	as:0.04691268335480306	for:0.042037066614905125	make:0.04199117116350049	on:0.03963671924889394	:0.4416424208088555
be:0.2831976595079437	and:0.14383760794019126	as:0.1348947077366924	was:0.08506702758481106	he:0.0734334481114609	is:0.065514393132141	been:0.042247660290494864	it:0.03476905343200276	have:0.03168782109053726	:0.10535062117372482
day:0.26037642962522745	side:0.06736483407494866	part:0.045784548844032685	State:0.03579564505368824	Monday:0.028725096533951937	city:0.02695418566426822	line:0.02392207277199681	middle:0.02372745792249177	quarter:0.023679222060864147	:0.4636705074485301
the:0.32667299960269996	of:0.16443101384298425	personal:0.11005620823271524	real:0.06389665959410024	said:0.05944642692416019	described:0.04436838063199605	and:0.04303748039538481	their:0.03036974372382212	taxable:0.02818066472597726	:0.12954042232615984
<s>:0.1203445658529654	?:0.03946946886219293	it.:0.02124169612625271	of:0.01676157880728762	to:0.014493630809589686	.:0.01328868614102524	and:0.011926075894738397	them.:0.011029780305678772	-:0.008722782332222645	:0.7427217348680466
of:0.35951438219719667	in:0.17039104798136348	to:0.10925172789990605	for:0.07304046064797853	on:0.06773604748798595	and:0.05289388037642997	from:0.0425591141605346	that:0.03868472578997121	by:0.03552683215724432	:0.05040178130138925
of:0.15902950385693213	in:0.14784903256668291	for:0.1133874647558909	as:0.1003590210374792	and:0.08245503583802087	to:0.07597198465272663	with:0.06245611195871136	that:0.04686249819803753	is:0.041812150598083735	:0.16981719653743474
of:0.3176806160339369	in:0.1650449686829477	to:0.10022058525850017	that:0.07473249113628762	by:0.06399341016129202	for:0.06007506026157298	and:0.05835431653036312	with:0.04837639329242829	In:0.03664330364355931	:0.0748788549991119
in:0.2529561777697468	of:0.15751350965613847	to:0.15163288980314646	In:0.058326393625205857	and:0.05795446720849303	on:0.05310428416754618	with:0.044279323682535135	that:0.04220525235361993	for:0.03501205854095526	:0.14701564319261284
and:0.07494362431800615	to:0.06038427223276145	the:0.036448082450899394	of:0.03356120232024438	that:0.023895178569884868	or:0.019426348139372412	re-:0.019024944017057333	<s>:0.017835881158798896	would:0.015263004257487146	:0.699217462535488
the:0.4383243365716815	an:0.203721732254733	of:0.08051314639361588	a:0.05844750714534867	The:0.049289567933052024	by:0.03037506796686595	and:0.02976093345798382	tho:0.022044818785001405	An:0.018842144991655867	:0.06868074450006187
that:0.2680224453726307	and:0.1678870042779202	which:0.08232405934824313	but:0.05932810446413807	as:0.05155544540902398	when:0.03440942805889733	if:0.031912695391665184	where:0.025123635004732404	what:0.024758468715606552	:0.2546787139571424
his:0.2524149620363098	their:0.18008938874789046	the:0.17477592701162276	her:0.08949604411915388	my:0.08404157992409514	your:0.04589338881557025	own:0.03651120736364202	our:0.03308339999055122	of:0.02773497385197067	:0.07595912813919378
and:0.09504054213826908	the:0.09184190179822124	of:0.07874062873604452	to:0.0730379047943686	be:0.046275655438922654	was:0.039170212665574265	is:0.03484841316788502	in:0.026732541738951777	for:0.02146370450462648	:0.49284849501713635
as:0.4607286633940919	so:0.19829156040739712	and:0.07858136343235696	be:0.04460350940266831	was:0.04241264053223473	it:0.038410750915835214	is:0.03509396819689216	It:0.01729329712309934	As:0.014846166261591241	:0.06973808033383304
made:0.0800203916014895	and:0.07442083884230165	secured:0.054687729203163185	that:0.04247045325463327	or:0.02732501713492284	ed:0.02521389203294682	accompanied:0.022249537068454315	executed:0.02112742364281281	owned:0.019446072989705278	:0.6330386442295703
the:0.5738016185024302	a:0.17438444440384682	is:0.05420136200695587	of:0.05105747611863119	and:0.039439035339528215	The:0.028929568662012375	tho:0.02537533237322221	an:0.018618593920678148	are:0.015050142175815366	:0.019142426496879663
of:0.37981013028976923	in:0.21602307821055794	to:0.08781987609717033	by:0.0570104726679655	and:0.041618712547666345	In:0.04012448541918451	that:0.03506372098984259	for:0.03448916008054114	from:0.03444825047270211	:0.07359211322460028
able:0.08172421830287248	order:0.07300865989722588	as:0.07300605912135572	and:0.0544225125905009	have:0.054148786650347114	is:0.05280109281398763	had:0.05244295224822964	enough:0.045957627793431585	not:0.04191679240896827	:0.4705712981730808
the:0.07853683615259145	of:0.0756178710687192	and:0.07358083419636358	be:0.07077104144328393	to:0.05773020870440279	was:0.05477034924053261	is:0.03974607354588707	or:0.028619784876402696	are:0.02829496068502736	:0.4923320400867893
of:0.2785225880405675	in:0.15467908297004868	and:0.0846807236348456	to:0.08206790954514209	with:0.06640157482187065	for:0.0614254827780926	by:0.043711686748207815	all:0.043470888275559734	from:0.03969257951618359	:0.14534748366948172
the:0.4868665162847806	a:0.3319446473385997	The:0.07908337995425077	tho:0.02307254468489298	and:0.014077842652589045	A:0.012578786799888289	of:0.010350274136619058	tbe:0.007816479227203474	this:0.006738849518801009	:0.027470679402375086
of:0.27295232325815333	the:0.07787736996605281	all:0.07472244050809869	for:0.06376071576558366	in:0.05772368599164797	and:0.0520967498162706	their:0.03253713134319709	her:0.026851587056877808	his:0.02622162238782335	:0.3152563739062947
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
thereof,:0.016858018127103518	mortgage,:0.014956729000982074	dollars:0.014755568345336837	;:0.012577849747234124	years,:0.012518798576822933	due:0.012079780643611768	hundred:0.010907006451007738	of:0.010773517809015965	States,:0.01069385828114036	:0.8838788730177447
day:0.07544812568203262	city:0.041088266939967824	side:0.03338401578205604	State:0.03156201689953621	part:0.024708381185377756	line:0.024076240990631565	City:0.02177083826382396	name:0.01853626308789577	place:0.01788563637299307	:0.7115402147956852
he:0.1950317295564808	and:0.12714620906214674	I:0.11119648804316269	they:0.10162552342413686	who:0.056748959993530676	He:0.04674466036374471	she:0.04089061260499121	it:0.04017000622173254	we:0.03057648586187105	:0.24986932486820274
the:0.14127260653911067	and:0.08258292792033299	of:0.07465218453536096	that:0.057181480247016435	in:0.03233950725457273	The:0.021884906655732273	which:0.020891314972838214	a:0.018978691603322634	Mr.:0.018687171934215718	:0.5315292083374974
and:0.10522769663930502	to:0.0747772290173007	in:0.04665641432725934	the:0.04581577837247559	of:0.04127771954984455	that:0.028355870020112275	not:0.028091027662379777	for:0.02663223706529452	I:0.02274513490199038	:0.5804208924440378
the:0.44779327629342686	a:0.10964613729336131	of:0.0740772165354863	and:0.05423994988793027	in:0.039372618029584416	tho:0.02498914400761875	an:0.02464923545276869	The:0.01994742025847102	or:0.019355112498768565	:0.18592988974258381
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
a:0.21751092624372168	the:0.15621947660875896	to:0.1342081130141448	of:0.11899526198682642	for:0.06995402681129913	and:0.04834661487156856	in:0.043753206050360975	at:0.03352545533970718	be:0.03261522824308049	:0.14487169083053184
of:0.24547212683328196	to:0.10699920781104132	in:0.10230447128874283	for:0.08913992566656698	and:0.08435482057726579	on:0.05305689626642694	from:0.052304372025282514	by:0.04662079028701902	with:0.0463210885761203	:0.17342630066825235
to:0.3208652543975397	and:0.12411895019228435	the:0.10234230729459329	not:0.07700689283256773	will:0.07048935664372694	of:0.058861536171318306	for:0.054517776277692116	or:0.040320882131321914	would:0.034752745948990575	:0.11672429810996507
number:0.09622146240337219	deed:0.057987241437887416	city:0.05491805731172916	State:0.04787131155466833	sum:0.04673566816246579	county:0.04591084355098565	County:0.0410670894623545	line:0.03755101085733948	state:0.03728968148604657	:0.5344476337731509
and:0.24162532991188765	that:0.1390786514211605	as:0.10741426106968564	but:0.04553068662408295	even:0.0409022801525171	And:0.02889603767122722	or:0.02587557926296219	But:0.02438876436489651	see:0.023922128748807232	:0.322366280772773
of:0.3978196647852919	in:0.13270265471029769	to:0.10607292024778178	and:0.05415690974232555	on:0.04946285087538806	with:0.044457018748242	that:0.03942331217404589	by:0.038309091408445094	for:0.036870107381157875	:0.10072546992702412
and:0.05049270609400036	covered:0.04517537158604233	filled:0.038667402650483275	together:0.030659217980718908	charged:0.023814339760940825	it:0.0213243214089443	up:0.019650106793190212	him:0.018225104095288727	them:0.016067503551254556	:0.7359239260791365
is:0.19320569870285317	He:0.15880796406987208	he:0.1119977278518592	the:0.06792656824992208	be:0.06774530419562919	and:0.05773041152518506	of:0.05770916863749582	was:0.055818143735360606	Is:0.03350149015261199	:0.19555752287921083
and:0.4439862995287318	will:0.0594551906031652	shall:0.03466692600364146	would:0.029945056210450818	And:0.023988741579999192	that:0.020209954059376863	was:0.02016063950199027	I:0.01899829564294712	but:0.018392893056811355	:0.3301960038128859
the:0.25871022453723785	and:0.12407334461994365	of:0.09690509115042076	to:0.04352504297059412	a:0.0394194435806847	at:0.03627178361226379	by:0.02876706854717317	on:0.027621139856820538	or:0.026434044137330012	:0.3182728169875314
a:0.19464717069021437	he:0.15917176396769625	the:0.11184285685946985	and:0.09527935711189509	He:0.06600229572734918	I:0.059872439210208926	who:0.05130817481768779	so:0.04635371194172574	be:0.0421149883634232	:0.1734072413103296
make:0.16628162876758476	give:0.11805932025837304	and:0.09454742829097473	of:0.062023526820233134	as:0.05703303622875929	that:0.04833693507443098	in:0.04356115237991279	to:0.04252894707134755	for:0.04227811090610966	:0.32534991420227405
and:0.16297532502457945	that:0.15489729568782584	but:0.07126288542095728	as:0.04676103665165186	if:0.04055623576180489	which:0.035745250434784624	when:0.03098312854742877	what:0.027549037660244028	But:0.02167095801610447	:0.4075988467946188
of:0.242941807866314	the:0.12478862876724992	young:0.05793084997063295	hundred:0.038339791905728136	and:0.03623649573374618	white:0.031302748987731485	two:0.028571130966985173	business:0.021245344128595772	thousand:0.018960886910707044	:0.3996823147623093
of:0.3419529440340794	the:0.10792179927402266	in:0.10543426397159998	to:0.10470632540131936	and:0.05778664399312983	at:0.05443801131336844	for:0.0424439500658733	from:0.024648750346908666	In:0.021877374062096947	:0.13878993753760144
of:0.27728703436717	and:0.15973577471286388	by:0.14548100135028458	in:0.08514713905013632	to:0.07289800161364564	for:0.0708013238200398	with:0.035442302860015956	In:0.03233150005009326	or:0.020049998325967804	:0.1008259238497828
as:0.09070957522893763	and:0.06578736628276387	according:0.05921724650771688	up:0.05444342983204154	them:0.04455320285377602	regard:0.04000436122627331	come:0.038627387824939484	back:0.03569076101086091	return:0.033008621318438236	:0.5379580479142522
the:0.21969044067981686	of:0.0909653161279629	and:0.08151269185713686	a:0.06371605506271819	to:0.02910714713258527	or:0.01947587477381169	an:0.019353872613941083	The:0.017431732976523905	at:0.015914796185443853	:0.4428320725900594
the:0.27782872845305767	an:0.21706590445739052	to:0.10851845500425752	of:0.06671754284132761	and:0.04976085390726035	a:0.03482220078630814	is:0.03298688578717184	in:0.030241514139612527	not:0.028744523735155163	:0.1533133908884587
and:0.09980381729133284	recorded:0.060553962980272415	that:0.033230789247615376	was:0.025872158628131987	made:0.020366679776297306	up:0.01735803350848403	men:0.016503395815125124	feet:0.01520928666051607	held:0.014665209991389276	:0.6964366661008355
to:0.4440679818972334	and:0.16458102313443623	of:0.06467910820085301	in:0.05697314768561449	will:0.05469295357861458	the:0.0499158376499718	not:0.03371346903780612	or:0.030817797976711858	would:0.030700398453929023	:0.06985828238482943
the:0.5573652929682079	of:0.13793921442867574	in:0.049673871713597176	The:0.033731231249559776	at:0.026659292707243203	a:0.021851955513187152	and:0.020667841151845532	by:0.017966620500715937	tho:0.017843778061462333	:0.11630090170550524
they:0.21016322649631866	who:0.1438919986842404	we:0.09171477081400536	which:0.08387540603487267	and:0.05246054931061229	that:0.04720358423064409	They:0.043246795705055005	you:0.04124868136224447	We:0.03491653075856188	:0.25127845660344517
with:0.2594785864408915	to:0.23749588465787622	upon:0.08469154735303848	of:0.08253849369101769	for:0.06876702543127242	on:0.047898224832113756	against:0.04737940391303682	by:0.04119065407111921	from:0.02822331693195162	:0.10233686267768229
to:0.4386562987420604	a:0.15276775882078056	the:0.054000790535398024	re-:0.04946190307839009	not:0.04552479689150613	and:0.044832689401857084	will:0.035861795891186043	they:0.02405586436164023	would:0.023597711319919164	:0.13124039095726228
that:0.3670068151325419	which:0.10774572590954137	if:0.09266655174357903	as:0.07009329607632919	when:0.057352312768798284	and:0.05456727214383992	where:0.04712221200636754	what:0.03609598234113222	whom:0.034116320657092615	:0.13323351122077792
of:0.31788377039428684	in:0.11351141772839188	that:0.08737442997479536	for:0.08460816007646055	any:0.0823586702892369	to:0.08174351988722486	with:0.0810624824320827	by:0.055470103996225484	upon:0.037822456273797454	:0.058164988947497984
last:0.27108241370929964	a:0.2263308659681199	this:0.13804527389717702	the:0.10933259079103937	past:0.06763742427201903	next:0.05545588632289274	per:0.03585054459914128	one:0.027143671419500318	every:0.02094289433396202	:0.04817843468684865
and:0.22574035626170466	that:0.1066290679911649	but:0.09680104412864907	time:0.04470311052563521	But:0.03522573020026757	or:0.018764700259601027	And:0.01876340842814157	day:0.015372478281117945	ago,:0.012298130548341939	:0.42570197337537613
a:0.23806541719279858	the:0.1387579191584616	some:0.13174820583141028	any:0.12308246263285423	highest:0.03315784213330419	in:0.029851288907124945	one:0.029451832409972484	each:0.027582104945008016	no:0.026885857515428564	:0.2214170692736371
of:0.17518818570832528	the:0.1681639043823573	and:0.0912600256134749	to:0.04697762473559218	in:0.04198122073443025	a:0.03336089990928167	with:0.028422213922480514	for:0.02276230716908478	by:0.021407898634963136	:0.37047571919001
cut:0.1329713882514693	take:0.07751061557478255	took:0.07381630677267272	taken:0.07137806787265082	cutting:0.05500871262650058	set:0.04894277615705115	get:0.0448912771720505	put:0.04159030193413841	them:0.04048551874962824	:0.4134050348890557
and:0.17426898830195403	that:0.12454469201722133	as:0.1124910892321819	when:0.10523324484774804	which:0.09310299777920433	if:0.04064370248960234	but:0.037748496256675534	where:0.026254074138533527	what:0.018984912514064013	:0.26672780242281496
property:0.08543027059544532	and:0.06777113794695416	land:0.04123315192234676	premises:0.029252211068756397	be:0.02780175076278637	one:0.026383453483754364	thereunto:0.026311010979242166	as:0.024217250567244938	lands:0.020314239035134515	:0.651285523638335
his:0.1939982964988985	in:0.14363334331259137	my:0.132135176619301	the:0.12236424210142124	of:0.09959708275400093	a:0.07684148425255935	her:0.06503953195590051	and:0.044851010018213004	In:0.03794777178317799	:0.08359206070393614
they:0.20113465732345615	we:0.10920496123372837	there:0.08448538517469885	They:0.0636996860894469	who:0.06346188074994838	There:0.056404907472093146	you:0.05039221300760578	and:0.04945119676700576	We:0.04278392682100388	:0.2789811853610128
of:0.2592945392198615	in:0.14684394146350158	to:0.1407533459054937	and:0.06897606631378009	at:0.0661848291036289	on:0.06529546880996877	from:0.05367287599841069	that:0.04678044766240512	with:0.04129124839072607	:0.11090723713222356
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.10646614573694557	was:0.0530541640446016	is:0.0489996879287171	be:0.037955972921826585	made:0.03703181593893994	that:0.036773929300121716	are:0.026388382260614754	it:0.02595251816408949	or:0.025892401786324678	:0.6014849819178185
the:0.20760895448144054	and:0.0917984557183043	of:0.08777617114092154	a:0.05586105019373083	to:0.04487474059056359	in:0.025349425293361125	was:0.0230554988203752	or:0.019956229252330312	be:0.0197025642610867	:0.42401691024788585
the:0.20626015718424293	of:0.13670626198327865	a:0.11906985161380533	and:0.09642777178023781	to:0.05876509658325067	his:0.054736131409330466	in:0.05393808623220229	our:0.03920207277366298	for:0.03896079073465045	:0.19593377970533843
the:0.16426992389034856	of:0.09702422726033204	a:0.05773100365794107	to:0.0477127103678804	in:0.043022325231464896	any:0.04060122164564591	for:0.03929311515808009	or:0.037243611065177915	and:0.0343918480098038	:0.43871001371332535
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
of:0.1351170032868297	the:0.10497920595291418	and:0.09191270028622672	to:0.06080686747414753	a:0.027791435096345768	be:0.027102439721083425	in:0.02322009230231175	was:0.020855709297505347	for:0.01868445350655646	:0.4895300930760791
foreclosed:0.09634386882946343	accompanied:0.06914744523154118	made:0.062220870833543704	and:0.059623448501614024	followed:0.05567422914917625	surrounded:0.03148136347170944	up:0.026111816226809845	caused:0.02316153437489157	secured:0.022889564253045367	:0.5533458591282052
or:0.19351365840217732	of:0.16695153595986395	for:0.10620009760913753	and:0.08040489978610242	in:0.07012022705276781	the:0.05741820052634139	by:0.05173793429950243	about:0.03861552733236145	to:0.03851510258816223	:0.19652281644358346
the:0.47412267883114806	their:0.09949129048378674	our:0.05541037634639827	of:0.05096692298148485	and:0.03987348541300039	his:0.03880557041696464	its:0.029853447317509045	equal:0.029468950549823094	other:0.02884637682937458	:0.15316090083051032
the:0.17540611988558558	and:0.10806804360320806	of:0.07724400417563035	a:0.054069698688220466	was:0.04292822691077923	be:0.03967417703700493	Mr.:0.03841426564029629	is:0.02972713223876254	The:0.026589723374908652	:0.4078786084456039
number:0.056284977195102205	board:0.05596490457099201	amount:0.054612852774078104	matter:0.054054505428135516	kind:0.0463860708064148	out:0.04259520525695793	Board:0.03584901119753159	sort:0.030283820128642353	line:0.029379242214832537	:0.594589410427313
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
On:0.17669100246253597	a:0.13713028119881007	on:0.09429370266997374	the:0.0934004548094124	of:0.08848107864989006	by:0.051233561910768326	in:0.039058034906960935	and:0.025170512823862446	A:0.02183710812473567	:0.27270426244305035
he:0.14025828586377567	it:0.10579157471450422	It:0.08694601498847832	and:0.0798476543171434	I:0.07191990143885559	which:0.06211748507171456	He:0.05032198999575706	she:0.034089172568256415	who:0.031721564822776833	:0.33698635621873796
and:0.0804041195404379	provided:0.042479121897262544	reason:0.03002421102803738	voted:0.025620564268384216	demand:0.025483596725487286	time:0.021029341355918888	necessary:0.018803413669101755	used:0.018629149002689773	vote:0.018554123042836053	:0.7189723594698442
and:0.09611377979382967	together:0.06030448595031675	covered:0.03676937166272939	him:0.032438653052046594	up:0.030460413497620714	it:0.02269175320641507	met:0.021809108688738414	them:0.02113687577611875	but:0.01784208772281916	:0.6604334706493655
well:0.22955483082006994	and:0.07030292275548436	far:0.04975031642697469	much:0.03738163035519425	such:0.03399838871504715	known:0.032616304116785476	so:0.028491834459915523	long:0.027116135403078626	is:0.025448800966968086	:0.46533883598048187
the:0.2777702952974064	and:0.1541915432666776	in:0.0354058468132167	that:0.034287243997176815	this:0.0277577805460817	of:0.027380302698372615	his:0.025137242628663837	to:0.024558734592568496	a:0.02450730921243533	:0.36900370094740054
to:0.31013371863634287	an:0.2049319120340205	the:0.15817087482540426	this:0.0787442880917416	will:0.04918779029219955	and:0.03265485506029045	"An:0.0277510751205096	a:0.020344176293379476	An:0.01800042450741649	:0.10008088513869517
the:0.40098804769978835	a:0.13504360072590102	and:0.08197115399884043	to:0.06409257852937054	of:0.05729291569172184	The:0.05229007517013297	as:0.030750492602812023	be:0.023766616835064723	or:0.021201602933422194	:0.1326029158129459
of:0.3679390324975652	and:0.09478212038998281	to:0.07583642980670191	that:0.07487436832694751	with:0.07102346095212235	in:0.048713791989631716	is:0.046577457068526035	by:0.0455890197789376	all:0.040752230894880385	:0.13391208829470444
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
is:0.257421199683017	was:0.13479656726005368	had:0.09356182256827988	have:0.08339817534648156	and:0.07635786164592961	be:0.07024406553631986	has:0.05850674672626193	that:0.05257336816999259	are:0.043467286238822185	:0.12967290682484167
of:0.22064649570015904	to:0.16825010941099183	in:0.11121860654695803	and:0.09759278538507572	with:0.0642108543895027	on:0.06175192017837923	is:0.055991150355654155	was:0.053825601508324425	by:0.04915848884871857	:0.11735398767623631
the:0.14058256761085508	said:0.08333454883230208	Supreme:0.06074941404046225	of:0.04850009038650471	Sixth:0.04326802533711394	Fourth:0.031887080388268214	Seventeenth:0.030571453690516896	First:0.030297369178869247	Tenth:0.025860836338255085	:0.5049486141968524
a:0.4415896894047473	the:0.2709801597288861	to:0.10756511588282422	and:0.04649286092215426	in:0.022094586552702123	or:0.021270713975228242	The:0.019866586187904142	of:0.019385017925111814	on:0.01585319536807728	:0.03490207405236453
of:0.3922839665718317	in:0.11701056512187578	at:0.06710260310859759	with:0.06380520993442555	for:0.05942763158597338	the:0.03752280621064506	to:0.03605263036110476	In:0.0326165043042024	on:0.03179274806952742	:0.16238533473181635
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
per:0.8431997094813221	the:0.04494076570757735	and:0.02693038401701598	to:0.013815113317937455	of:0.013252375040291014	as:0.00957370313319041	by:0.008513709263333342	an:0.007903599067076382	such:0.006250347007409856	:0.025620293964846122
the:0.19765944413001754	1st:0.11059503755556872	first:0.09159328042083008	a:0.07596581773098715	25th:0.058877517517977276	7th:0.050144164699482324	10th:0.04774505795975605	12th:0.047349873882118795	21st:0.04468978504119164	:0.27538002106207043
the:0.1431465730027887	called:0.1328376788447626	their:0.10142592451206052	his:0.0841358646951893	call:0.07631638977691135	much:0.06273638397269476	more:0.062427777204663186	no:0.05752298330960496	and:0.05217407551773047	:0.2272763491635941
the:0.4331560077525255	The:0.13864467472556977	that:0.09429622923135626	and:0.08754660800978872	of:0.04487920709017881	tho:0.037802614535549985	this:0.030949322841574138	if:0.018614006999396082	these:0.016825389106723546	:0.09728593970733719
the:0.2199171334167623	of:0.10746356613600948	and:0.10056466901043609	a:0.08104355992484745	to:0.06066704729553582	in:0.0316870811139215	their:0.020336008264581124	his:0.017965923044765714	for:0.017011857131712948	:0.34334315466142756
the:0.12685794117324078	of:0.09108513563501143	and:0.09048569604519849	a:0.06230780833054301	to:0.04567774834142426	be:0.03454865011331624	was:0.030584531086784113	is:0.022459590897761783	in:0.02142494486271543	:0.4745679535140045
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
of:0.1591020544317612	as:0.13064795397782575	is:0.09425961620206508	and:0.07786684201404148	that:0.07593864953044967	was:0.06725148861719213	by:0.06462248612924955	for:0.06345903238040874	to:0.06344972053218662	:0.20340215618481977
the:0.1598103787432024	and:0.11871077708743676	of:0.08602739559787087	The:0.038652020581649196	that:0.03276018157209551	these:0.028621773236943676	These:0.026996636124345257	in:0.025979445439423335	such:0.02151839153799508	:0.4609230000790379
of:0.25568768391916824	to:0.17553353964655102	in:0.1549257941501147	with:0.06176954126692967	and:0.057661727712512115	from:0.05613706457354096	by:0.05506494634445816	on:0.04931934700700803	In:0.04244239558239503	:0.09145795979732206
to:0.235503461012947	in:0.17240658758872135	of:0.1633284610651437	at:0.06339669643219736	from:0.058366595475828884	and:0.055862631280267604	for:0.048763280410051436	by:0.047063792165992255	with:0.039769001863093414	:0.11553949270575699
the:0.35359912106872987	of:0.11410500470553989	a:0.05975696555644134	in:0.058252702940681744	that:0.03782233538422275	to:0.02942545339438397	tho:0.028738537049552305	The:0.02615233454599805	and:0.02587069043543446	:0.26627685491901565
beginning,:0.25061400268587547	and:0.10437151285878507	beginning;:0.03390154275415991	as:0.023924590676095828	that:0.0235124472414241	ginning,:0.022319670183616552	lot:0.022087269603916423	one:0.02165537351189351	ning,:0.01650467766715311	:0.48110891281708
he:0.3293776705982246	I:0.20375960188104586	they:0.07243619306956112	she:0.07243232959987903	we:0.050462420887745274	that:0.046327912993893786	one:0.04629500838693843	who:0.04446771435592561	and:0.03301743515342103	:0.1014237130733653
of:0.17044807217884198	to:0.15993349106474145	in:0.109146555814115	know:0.07740841083242944	for:0.0648727168130761	and:0.06194973138124446	from:0.049671796343494015	with:0.047541337902754555	is:0.04600017321492792	:0.21302771445437507
of:0.39600439509837665	that:0.10396027047384805	to:0.09282660964305789	and:0.07597419915525952	by:0.06720317252900065	in:0.056231797116661784	as:0.03698337990502531	with:0.03614129593978863	for:0.03127788727417069	:0.10339699286481083
the:0.5454151286412131	an:0.17469885330634055	The:0.09700048479248694	tho:0.03414340503740288	An:0.032708596263834606	of:0.027444097656628336	a:0.015998347553450528	and:0.015183590464378106	that:0.014906305604133228	:0.04250119068013168
that:0.25554170593150344	as:0.12138667310685242	and:0.08846983918401868	when:0.08568801096990167	which:0.08183477814570539	but:0.042884677477515384	if:0.04029149775827865	where:0.026659638752987408	said:0.022740368749785644	:0.23450280992345135
it:0.29174738564167274	It:0.22943181300433332	he:0.0636878365615065	that:0.06322700204383461	which:0.054084084822959774	This:0.03678569804105806	there:0.031166683570164017	this:0.02871254032768874	what:0.027115141154148006	:0.17404181483263423
he:0.18910645313329486	He:0.08908167245520528	who:0.07977445605079274	and:0.05200924064814808	I:0.03840511811137115	she:0.03482481559729456	be:0.02859924147748159	it:0.02733983119210244	was:0.018779425622629003	:0.44207974571168035
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
belonging:0.03484382688460464	person:0.023850461059346118	one:0.023824045764355987	and:0.01630934332484737	more:0.016242033973912023	on:0.014361839752548329	two:0.013458442124516426	States,:0.011605334653463032	man:0.011591983411607326	:0.8339126890507987
<s>:0.06819671052107092	and:0.0652996884818005	that:0.026786243887546933	but:0.016990596690845718	a:0.016343603099283656	or:0.014977627157146635	made:0.012543965589967428	was:0.012060216401847212	not:0.01161172573899474	:0.7551896224314962
to:0.26333112858044094	the:0.2109926844359238	of:0.13454963736447664	in:0.07933611471390527	a:0.06782512641296674	and:0.042464399526148805	from:0.02853599572010269	his:0.028012302564486856	at:0.017553208018408303	:0.12739940266313993
the:0.5088423079334704	this:0.1460820570141684	a:0.06582327766383107	our:0.0485566627615944	tho:0.03563855809391173	of:0.03196293096906712	his:0.030813960151421974	The:0.02812576712827856	whole:0.017425140390951305	:0.08672933789330503
the:0.1541281261741526	to:0.08949812285728066	and:0.08174823474122353	of:0.06477928962051079	a:0.060448698373661236	in:0.05499913905980284	that:0.03256323243451221	for:0.029535957216371422	at:0.018969429340014107	:0.4133297701824706
number:0.09428463569569498	line:0.0523003119556203	State:0.049756641673356715	state:0.047478917911079756	place:0.03335755108672997	board:0.0330945460484535	City:0.0292850618537294	matter:0.028332481177087226	people:0.026811987132509443	:0.6052978654657387
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
nothing:0.08592226853146172	able:0.07462419249589222	and:0.06856629642404813	right:0.052340331250582774	order:0.051358314858122714	enough:0.04801860288680681	time:0.04791677255070867	want:0.04767855309466422	going:0.04594468308667294	:0.4776299848210398
the:0.15378903668702737	of:0.09249548824970906	and:0.07595235865820654	to:0.07006226204227813	for:0.02569471643071183	in:0.025365441158559817	be:0.023483724513089645	is:0.020659405704139575	was:0.018878285055910545	:0.4936192815003675
of:0.3156844094100481	on:0.12160230211037366	in:0.11829832617706007	to:0.09861588907985949	and:0.06461247402981438	for:0.05100774560168231	with:0.0506014703424666	by:0.048182216253234315	from:0.04583740097462309	:0.08555776602083796
the:0.22715028984581231	most:0.18272202709740412	a:0.1769761252269643	and:0.0649204732723351	very:0.06429837871009506	of:0.06170233117357241	any:0.032469142428676906	no:0.03207809334907989	all:0.028640526594159183	:0.12904261230190073
the:0.22204694100435773	of:0.18674574108544967	and:0.06108955529248698	are:0.05378970370150293	in:0.050428873418119725	no:0.04534758051677668	was:0.043094852879493974	is:0.03873113766846751	be:0.03850914873821355	:0.26021646569513124
made:0.08001288076537294	and:0.05659105488909245	owned:0.05632949762241111	accompanied:0.05545552494166465	assisted:0.039868449519353415	occupied:0.037950499117026894	delivered:0.03183076345793696	ed:0.027225697643068997	followed:0.026901915078884658	:0.5878337169651879
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
to:0.1898975603355339	the:0.10224221527984005	and:0.09048471207473499	of:0.08008172969303963	in:0.07138003850267173	will:0.06175829725285344	at:0.05832111717117334	I:0.052976935934981303	could:0.0353879862706531	:0.2574694074845185
the:0.17882850953610277	of:0.11419155242862422	a:0.0759460697952452	and:0.060980104742247514	Mr.:0.04028510548289573	The:0.03435925981590573	to:0.02866913213276744	in:0.024216906046073232	by:0.01982659806502644	:0.4226967619551117
of:0.22618930910488078	to:0.1926003045910092	in:0.13355922550000146	and:0.07160265354935783	with:0.06015396089297813	for:0.05422028386210254	at:0.051699094842630425	reserves:0.05074723877324761	have:0.044430013726393096	:0.11479791515739891
as:0.0507943814142258	and:0.0371980073274015	up:0.030145086354560584	came:0.026879876135532013	it:0.022676279320948727	him:0.0214663001415167	went:0.021040472923197735	come:0.020877646302559685	according:0.020128720486944043	:0.7487932295931132
in:0.34702426602133957	of:0.21587705987983977	to:0.10666343578403686	on:0.0946562478158736	In:0.06417029379739295	with:0.027504350042876116	from:0.02695473741850052	and:0.026249575886540494	at:0.02201809335879923	:0.06888193999480088
was:0.19743871799943455	be:0.15124531888463955	is:0.14808534077567018	as:0.13843495292168928	been:0.0752253109948519	has:0.06289448268861952	have:0.05327026128785597	are:0.045543609136523236	and:0.0426181457956674	:0.08524385951504843
and:0.08918485739581386	is:0.07443189766227122	able:0.06596225822108522	order:0.05780480244256924	was:0.055769522850509685	not:0.043942720498960884	him:0.042672369586215016	have:0.03924908587717577	time:0.037950480387239076	:0.49303200507816003
is:0.17259142955892112	ought:0.08272961521902446	are:0.08056057458647582	seems:0.07558392967483372	was:0.06572888558670693	not:0.06439114674223405	said:0.05149586598076354	seemed:0.04272828164381891	as:0.041024869025136954	:0.3231654019820845
and:0.12508437125596103	of:0.10523783726667699	to:0.07160532879843585	the:0.05634859222329235	as:0.03582669856097929	that:0.034076250861708894	or:0.025940734786910318	a:0.021729939292639118	not:0.019721641357290227	:0.5044286055961059
and:0.07706493432190763	was:0.026506472596679098	up:0.024659872767653242	out:0.02403329223551602	made:0.02259076854249587	that:0.020181686794497312	down:0.019182522350275233	placed:0.019159284044970467	work:0.01790101104963227	:0.7487201552963728
in:0.14557440865169408	of:0.11289327825509128	the:0.08527392821259443	and:0.06437529982342059	for:0.05488254176673715	a:0.03808718814306912	to:0.03699595218284497	In:0.034301016692017613	was:0.019868772630116955	:0.4077476136424138
of:0.24384723579821743	in:0.12312506561097275	with:0.10680649970402971	is:0.08694780694524153	to:0.07787352722300522	and:0.06995944922104544	for:0.06682075941724755	was:0.05187426229030688	by:0.04242875069122941	:0.13031664309870408
N.:0.5080409722293087	.:0.09570135250528719	X.:0.07495458780606847	S.:0.030445533038965494	N:0.019049801836136717	A.:0.017113095484626455	C.:0.016269192597637507	No.:0.014366991309488103	W.:0.014340696478070975	:0.20971777671441044
the:0.3339860763717706	a:0.315413484160801	and:0.03551818162000083	this:0.026972414365368978	A:0.024319807234970212	tho:0.024111994209902326	The:0.01731573266927478	in:0.014466772447801065	every:0.011322829038962534	:0.19657270788114772
and:0.17033291983295726	that:0.16445990248570339	to:0.11669244651052339	which:0.0636390457989547	as:0.05465116731037515	when:0.02258538126762694	will:0.020815628571238025	shall:0.020717340572447143	not:0.019341574536712577	:0.3467645931134614
and:0.047388501510670304	made:0.04076601410468196	up:0.038926838892920874	secured:0.0286248136643823	out:0.028535645291510207	taken:0.026909186565186555	ed:0.023627569224247785	him:0.02061437213111254	done:0.01914013493496672	:0.7254669236803207
that:0.17832126562519504	as:0.09315119635285765	and:0.092766286888937	have:0.06833307031235623	make:0.06005712000397892	had:0.058105548773231035	of:0.05110998608376358	if:0.04698574824771297	but:0.04644031694756085	:0.3047294607644067
he:0.15699317863314402	and:0.12105926333493955	I:0.12064616543358231	they:0.061010216976954246	who:0.05974437164285914	we:0.041710708464230827	then:0.036003732220926975	He:0.03592037751355834	she:0.03439852336180715	:0.33251346241799745
one:0.09073674624147396	all:0.0816264535439159	copy:0.05457587538897958	some:0.03214173360477271	out:0.029643398862501696	those:0.02861206740862104	means:0.027971208400712676	purpose:0.026714065138106098	part:0.0256874332386242	:0.6022910181722921
and:0.10247027652015542	him:0.06073237612402084	was:0.04123887990926764	man:0.035423878825065744	it:0.03409304083682875	up:0.024105643627210266	that:0.02394588451149575	found:0.021001378013868546	made:0.020634858937017025	:0.63635378269507
the:0.5127625434060697	a:0.10600257655870288	and:0.07978869934246653	The:0.07013408387850291	tho:0.042775905665725665	or:0.023195304004903255	tbe:0.019598285082441682	of:0.013823452809997626	great:0.009846899144716221	:0.12207225010647345
of:0.30051418573586836	and:0.12558046437472295	the:0.10769295542737867	in:0.07733226635354554	for:0.0672883360312687	any:0.05724334608879682	that:0.04358869347379519	by:0.042903095033749505	only:0.042517921078359756	:0.1353387364025145
the:0.35198039021812033	no:0.1935516776437625	of:0.09524272603965919	much:0.08566569267116772	The:0.04638117000731129	a:0.03994095492520637	and:0.036944112684163935	any:0.036869685178948064	his:0.035363671962249155	:0.07805991866941146
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
city:0.021692239970549983	hundred:0.016062426827374764	feet:0.01531390220213821	one:0.014908044001510504	north:0.0141329436369905	county:0.014033114083167188	street:0.012505593365599725	State:0.012441582223040943	life:0.012347492311447576	:0.8665626613781806
I:0.12836681798419974	he:0.1237616980057352	and:0.0884164081510866	be:0.08646985310067537	they:0.08431299732167535	was:0.05489099737745967	we:0.05065379777001874	are:0.035799810148596255	been:0.034689357380028464	:0.31263826276052464
and:0.1705717756229905	they:0.09867683650312034	he:0.07321993876358417	is:0.06574545949206966	I:0.06047140338306462	who:0.0598490849364268	it:0.05220211813153899	not:0.04498390999064534	we:0.044954091400448905	:0.3293253817761107
and:0.09898638449801779	<s>:0.020448689168903418	to:0.014238724387310131	be:0.014067020159140738	is:0.012836592178669537	that:0.012813936036015598	was:0.011726822541715221	it:0.010466885148839792	w:0.008927160413235116	:0.7954877854681527
two:0.16590380467505372	many:0.15720257590555142	few:0.11507133190144075	ten:0.1123688512270193	five:0.08804668906994007	four:0.07513407682558701	three:0.07155553877127709	twenty:0.06619441544639224	several:0.061276602682979374	:0.08724611349475903
the:0.12737768198523067	and:0.11623941983981008	to:0.07751886882142621	of:0.07438885308142561	a:0.048652104707860126	in:0.04436437906000239	in-:0.037182878051865584	or:0.0339848777433886	that:0.03201550911546941	:0.40827542759352137
of:0.30907029079066295	and:0.08743623209953033	to:0.08571733574576289	for:0.08478798887284708	that:0.0687914114698731	in:0.06281997630049276	with:0.06051778018491187	by:0.05500926289029806	is:0.05284913056814523	:0.1330005910774757
the:0.29029291752996095	of:0.2657920946732921	his:0.05163956680968951	to:0.05055019750801179	in:0.0464250320710032	their:0.04604139686994079	good:0.0441809062152359	public:0.03641956719289069	perfect:0.0333854795224581	:0.13527284160751696
.:0.18216522155486806	A.:0.06846849839169188	Mrs.:0.047423439584222425	C.:0.0380726429442231	Mr.:0.029149076086298322	Dr.:0.027836559665938298	D.:0.023925234412120598	J.:0.02045376838968693	<s>:0.018730360097858882	:0.5437751988730916
to:0.19628203507969103	with:0.12259837140815547	for:0.08653481481783439	by:0.06717392448782838	of:0.06343312850253281	put:0.05710016630416446	upon:0.05646583396755794	told:0.041490188789166445	against:0.03693624527013081	:0.27198529137293825
the:0.1571497091227898	of:0.08653160223810216	to:0.06219957947402387	and:0.06030273536700725	a:0.04314835209507344	in:0.023110347421288677	by:0.02014332534887582	at:0.01910654324231767	<s>:0.01766036315805969	:0.5106474425324616
and:0.15843904083407515	of:0.14086023867066383	to:0.13052947250756608	in:0.12027929871779751	with:0.1023191552220055	that:0.047650998979985676	for:0.0392314611477979	at:0.0333193928345524	was:0.03296488470921986	:0.19440605637633612
of:0.2571308529831432	for:0.11912175493843132	in:0.11166571375882679	to:0.11082159487604565	and:0.07965419355114152	with:0.05576792210963399	that:0.05213811890158842	by:0.04863050038362599	on:0.047827083967488304	:0.11724226453007486
Mrs.:0.1106937291223712	Mr.:0.06535677773057716	.:0.051590181547897164	of:0.032454991079896134	and:0.030263844275272504	Dr.:0.026605175888910742	J.:0.024842508191180574	W.:0.022870401752010674	by:0.022294362077038606	:0.6130280283348453
is:0.09481914078022632	not:0.08177078409306512	him:0.06878425628368458	and:0.06620718509928208	have:0.0626072827826172	was:0.05897416468605338	able:0.058713742904791436	had:0.053555089810812924	want:0.04810206834075811	:0.40646628521870887
<s>:0.082646890157387	sale.:0.049287559775782586	.:0.019006418654633685	wit::0.017869981336174144	to-wit::0.015606218215234061	follows::0.01514108280965654	it.:0.012544345564705402	them.:0.010507635067221981	day.:0.008224966085279081	:0.7691649023339255
of:0.2741665576262686	on:0.2531334627036767	during:0.06797861162094612	in:0.0667164795119111	for:0.05351284560277168	and:0.050380131764472966	to:0.04586867278043161	that:0.041406519932724734	On:0.03581939281939164	:0.11101732563740481
of:0.09924636802463128	the:0.09190321226143573	and:0.07873357061964639	to:0.05403607539554666	be:0.04740400120181518	in:0.03165088556212201	or:0.028533597054211397	for:0.024261752734536787	re-:0.023287272260284375	:0.5209432648857701
they:0.12968027675087954	we:0.11720866917569675	he:0.11301217786034423	I:0.10915623545986541	it:0.0780942537105434	that:0.049429927787649444	you:0.04766443861629837	which:0.046050265781175416	and:0.04018505934212304	:0.2695186955154244
and:0.19200647304132665	so:0.07309647964123696	fact:0.06595366675684942	say:0.04534596917139186	said:0.0439662897764908	know:0.04165079530822593	is:0.03647351743266295	believe:0.0347931771548132	but:0.03263242061664941	:0.43408121110035286
of:0.2100951864034911	and:0.10455230424046193	containing:0.08962646684025923	the:0.07861363890233512	about:0.05040691462221181	to:0.038639297048680674	or:0.03552926518911922	for:0.023035487234276564	in:0.021430060539568047	:0.34807137897959634
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.0793828315152381	has:0.07040588908277856	of:0.05788893267915832	which:0.057476149946757774	the:0.05628532843982875	have:0.052173058144137266	had:0.04304510449343966	to:0.04265668777708361	as:0.03704059743310469	:0.5036454204884733
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
a:0.11408479027358293	the:0.10597926650000584	and:0.09143172130800893	of:0.06774932781261235	to:0.055833272819022804	for:0.04947555804473428	in:0.031828941012215554	that:0.025591579244719723	at:0.02160004414705651	:0.43642549883804105
the:0.16516367354795966	of:0.1131820237862813	and:0.08798966191144475	to:0.07534377191237161	a:0.07062562816477508	in:0.02675910300493542	at:0.022834294748631044	for:0.022697005188474114	was:0.02177861871744479	:0.39362621901768224
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
able:0.10348437750643039	began:0.07863209314975751	unable:0.06595636876377112	right:0.06467986211410938	is:0.05908933435940655	enough:0.04942120235639749	ready:0.04775526661184623	him:0.04401605880448814	have:0.04246052612261439	:0.4445049102111788
of:0.2502730882200814	in:0.15839566670769684	to:0.12572119227004375	and:0.06616536201832923	that:0.06584714853822514	on:0.054305002876071956	by:0.051644592755023463	from:0.04683596441243141	with:0.04123202019381129	:0.13957996200828557
of:0.20324953369504117	in:0.1488976244179049	and:0.08417714827974801	to:0.07524062446127687	for:0.05735751607558851	In:0.03272914554581786	on:0.03231043699852955	by:0.03211793866797821	with:0.03137197166681885	:0.30254806019129604
the:0.2958526112151075	of:0.13045884374490122	and:0.07629282685604527	a:0.0626199406818544	in:0.046030060662379406	to:0.04027962154204169	The:0.03169471109641874	on:0.019731205167194153	at:0.01816703587122156	:0.27887314316283607
of:0.1621298881762383	for:0.15411052795567254	in:0.13156286324985783	to:0.11453098655902341	and:0.1061896380426401	is:0.06647921115223375	with:0.06330775890917002	In:0.041970704290519176	at:0.03259101636068305	:0.1271274053039618
to:0.12982793871682088	and:0.10303565378774841	the:0.08482617760261979	at:0.07582902688956011	of:0.03887576581031641	in:0.03793922959224364	from:0.025750287629731392	for:0.0248172045767588	his:0.023036873275368724	:0.45606184211883183
the:0.24771564745874536	and:0.14723613002662983	a:0.08898071500079152	be:0.07647794339776517	was:0.060300864227858096	in:0.052539053914929884	of:0.04658664463742357	to:0.03707284810837587	been:0.031086911114328174	:0.21200324211315252
the:0.4337363066072973	The:0.100567740345012	and:0.0665960242926977	a:0.04401836432055509	tho:0.03114822925880089	.:0.016842684676142146	of:0.015427789161209987	tbe:0.012317562305597224	at:0.011964415415917286	:0.2673808836167704
and:0.17727582421401902	it:0.109128718148383	he:0.042578626303763745	It:0.04018213329137546	of:0.03579064136008696	we:0.021948152236195326	who:0.020614454897399978	land:0.02024964052339698	they:0.01939056612781944	:0.5128412428975601
No.:0.09662818302832787	and:0.05642499026979822	at:0.03385538297509671	.:0.03261835291743341	to:0.01993411810583368	that:0.019830333164527324	<s>:0.018687705524376656	as:0.017754262974797468	an:0.016889573027147442	:0.6873770980126612
<s>:0.0846218737446079	it.:0.018405138307030878	them.:0.01563076661137896	him.:0.014871628369440528	.:0.01169037661657414	time.:0.00893293875808987	day.:0.008369947022763885	work.:0.0067506928242069	city.:0.006000280449332605	:0.8247263572965743
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.08300656442911357	is:0.0719800902660175	enough:0.060386472934410976	able:0.059391607291955036	have:0.05005366591707489	ought:0.048064051196853134	as:0.04761846168720526	them:0.04720765041850314	him:0.04338439852120998	:0.4889070373376565
a:0.4468554980624938	the:0.229811115148533	most:0.08907764379534522	The:0.04726958696130894	of:0.04452784067507433	and:0.04250624453139026	very:0.04199301171812815	A:0.018505788805763194	is:0.014791671392927506	:0.02466159890903558
about:0.18583523945306554	and:0.16360056153913202	the:0.15962193750733783	or:0.10275699245539334	of:0.06023278057823211	was:0.04594164958327778	were:0.03217373338393314	than:0.03169362898195869	are:0.029024462134210924	:0.18911901438345863
the:0.4749567567237924	of:0.1956327006119398	a:0.08634732760500806	The:0.04974256614964595	tho:0.040795250351911345	with:0.029546183693707134	and:0.02713438487256345	hot:0.02506270084427509	low:0.017002387117852014	:0.05377974202930474
the:0.136594473193982	of:0.1323924537527628	to:0.10021908624717807	and:0.08782369931994612	in:0.05490930399936709	for:0.02998544082756876	by:0.029269534603457152	at:0.026849505598324063	that:0.026153480555035566	:0.3758030219023784
of:0.09542416833865991	that:0.047488102776605166	and:0.04483618681812516	in:0.034532584605281615	for:0.019898542526742297	to:0.013326994219899857	one:0.012779454393011732	from:0.01219779988125789	by:0.011955429963921058	:0.7075607364764953
and:0.12809378472114472	the:0.06704760417903018	be:0.061692282640235435	was:0.051696327048749484	of:0.051539464654934405	a:0.0452022393008887	is:0.03870849962425583	to:0.037557448548322235	are:0.0280170081422434	:0.4904453411401956
to:0.16243918008239125	the:0.15643819178214496	and:0.14453086052981498	of:0.14292768100497497	be:0.0729733380336016	in:0.06539563710409076	is:0.04205457316125412	or:0.03975465739899418	are:0.03802059124475771	:0.1354652896579755
the:0.39161719195496275	at:0.15255072433648878	of:0.08713603575226452	here:0.03719058943919262	The:0.0338748260214546	At:0.03294228765463156	and:0.028718785933258058	tho:0.027072452362111095	day:0.027044137553219116	:0.1818529689924169
one:0.11662161662863987	some:0.0827042816615008	all:0.06300651821597476	many:0.06067453244174667	out:0.04789209682477712	most:0.04139971377831504	none:0.041018267676213735	any:0.03273824151634094	part:0.032652674899843394	:0.4812920563566477
hundred:0.04098822126124109	due:0.014482241107421922	time:0.013128066631596033	him:0.012698010244955446	up:0.01248753926903653	more:0.010354202208220363	one:0.010243628890914038	life:0.009541404002906075	it:0.009112192671253202	:0.8669644937124553
a:0.22924508407165317	the:0.17108046131814086	of:0.07837786639349087	and:0.06909834121133962	that:0.055851612999588365	in:0.050750077531336694	this:0.04154999423518254	The:0.03592849231543405	their:0.025267465474798103	:0.24285060444903572
and:0.0299639347181259	one:0.023792174789966727	corner:0.022236691044410246	city:0.021352605669862326	day:0.018259928949366545	line:0.01728895857317151	part:0.016260846275522354	that:0.013649763591844647	daughter:0.012333169426839726	:0.82486192696089
is:0.14348063342636125	in:0.14179024368429882	was:0.12656348032165335	of:0.11092517658944684	with:0.08572965258357569	to:0.08532707728735561	and:0.0556026003916014	be:0.05535892270355989	for:0.047955094280306663	:0.14726711873184048
of:0.10231388018444183	the:0.08337640371256533	and:0.0771143598317056	a:0.07668105527621318	to:0.06644294507001634	for:0.05481423182379007	in:0.043367228443948316	with:0.02537794700823004	that:0.023878191197040037	:0.44663375745204925
the:0.3446135088976023	of:0.1091426643187412	and:0.08204696221788856	a:0.06612423384558157	to:0.04812461929628541	The:0.03695764663035792	tho:0.030314213066228998	with:0.026918302972485084	in:0.024625197665275534	:0.23113265108955341
the:0.5431233856337471	a:0.06948081053600443	white:0.05893684626767298	and:0.029469126145516326	tho:0.024705949555555006	this:0.019968468210676306	of:0.01668207697420867	The:0.01294453471959074	his:0.012517482033628326	:0.2121713199234001
of:0.20574862190121884	the:0.19299057972605488	and:0.10178561114286597	in:0.08554656860798668	a:0.08528330328221286	for:0.05352835963768917	by:0.050258749105967046	to:0.04349705486562106	with:0.03023074583072066	:0.15113040589966287
the:0.24152735900159816	in:0.18056416607948256	of:0.17822669341380085	this:0.08680227439843566	his:0.0581573415051197	that:0.05712579869812348	to:0.05630356592707524	their:0.03877477880045186	same:0.03458817698354214	:0.06792984519237034
of:0.2397616215417839	is:0.11667200879547245	with:0.09768600263201734	to:0.08073494110779415	as:0.08045569780957429	in:0.07965219452886185	and:0.07744236445645321	by:0.07031983476379049	for:0.05568823135039111	:0.10158710301386122
a:0.3933259117080976	is:0.10570936326587094	was:0.10187759341206716	the:0.08907956470810251	are:0.07711580042115074	be:0.0663408930458475	were:0.037559025734886356	not:0.030587448777899928	been:0.030181850306305383	:0.06822254861977187
to:0.2795529966368628	I:0.2570810148212162	not:0.11699108171357851	you:0.07447128356757633	we:0.06672843448738078	and:0.05290506534358015	We:0.03966365626865976	would:0.024604024213842376	they:0.020481147050197417	:0.06752129589710568
it:0.15785936948542273	which:0.08580605930919047	and:0.0819442909747207	It:0.069776970338638	there:0.06016485408862491	they:0.046337679765078826	who:0.035145108590665344	we:0.03347664880809658	that:0.03140563108367762	:0.39808338755588485
at:0.07536871260763028	and:0.05724450935357237	No.:0.04854638990192267	the:0.02480631223201455	an:0.024072878512956416	of:0.02401697405377165	that:0.019929220045644857	No:0.019358698350290197	<s>:0.01935845883195164	:0.6872978461102454
to:0.34378129718365846	will:0.15287135864951518	would:0.08615903395787451	may:0.07844929048361882	should:0.05682249178971402	shall:0.05432412913287461	not:0.05091775331157668	must:0.03610577244404393	can:0.03580596083245932	:0.10476291221466445
of:0.16387716523237508	at:0.14165804283069136	to:0.1331035141046352	about:0.10600206330807518	and:0.0847917396456924	for:0.06536282484179705	than:0.032289479949873245	or:0.02298950532968649	from:0.022505646480974507	:0.22742001827619948
and:0.08379026410093444	was:0.0613025588130549	held:0.04853782872887115	is:0.03441282165085274	closing:0.029721394199583747	be:0.028136293495205633	sold:0.0278504829522424	sell:0.027566023500912626	required:0.022913907659339088	:0.6357684248990033
of:0.2679788298068728	at:0.22982052196534955	in:0.08841811073221473	and:0.08749998351569623	to:0.07661002926074284	for:0.04944030312650908	after:0.030815151535234737	with:0.02979154445728719	by:0.027787370853704477	:0.11183815474638836
part:0.04941899905150306	one:0.026797017222670926	side:0.02305919349782295	to:0.020279717960623823	an:0.016574371700597043	day:0.015173214224225332	time:0.013607297948945066	cost:0.013546359029701045	and:0.013415904435610134	:0.8081279249283007
the:0.5032891323834204	a:0.1341205384559135	The:0.0618653985345542	tho:0.042034350892519015	of:0.029407446523695917	to:0.027333563888396063	and:0.022678573587194162	this:0.02150469508229505	tbe:0.015304532550034965	:0.14246176810197667
to:0.34378129718365846	will:0.15287135864951518	would:0.08615903395787451	may:0.07844929048361882	should:0.05682249178971402	shall:0.05432412913287461	not:0.05091775331157668	must:0.03610577244404393	can:0.03580596083245932	:0.10476291221466445
the:0.5060412769559062	an:0.11957454323428807	The:0.08985406314776427	of:0.0568667911139118	and:0.04386688032636135	his:0.038248030131123746	their:0.033708265658087926	tho:0.031769162857720364	years:0.023270927501362098	:0.0568000590734742
and:0.07612134346033654	to:0.06830738860141998	the:0.06669535409295753	of:0.05773822886995287	be:0.04201206704110583	is:0.03390648034840745	was:0.031278412243457836	for:0.02881307163082205	in:0.023659524336909526	:0.5714681293746304
a:0.3949222321070698	the:0.21342010332410563	every:0.052266145962913596	any:0.04595146059098395	and:0.04431336626615005	other:0.04317179671737954	some:0.043161154995221454	American:0.03753271087054842	of:0.023284058846384695	:0.1019769703192429
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
and:0.21380509551381952	his:0.14118484540100992	of:0.07104716453047254	Miss:0.04593908670794199	the:0.031701507086094496	to:0.027932972495196814	her:0.01847769872512278	my:0.012733762469859638	a:0.012467212040422213	:0.4247106550300601
at:0.3339936282143472	of:0.07252751768211456	Section:0.06217918960870223	to:0.05650899081832134	No.:0.05621432887508396	and:0.041822486838036396	Sec.:0.036727091441643135	about:0.0335170070722292	June:0.032264853320502204	:0.2742449061290198
and:0.23973192560244644	that:0.05481755312337398	but:0.04970889426347682	time:0.045338413167408415	or:0.018674594791517073	But:0.016207032124655938	come:0.016051420418657824	ago,:0.013720986401670379	which,:0.01276234745436961	:0.5329868326524235
men:0.021128882628122223	do:0.012136562409655447	them:0.009786388341775362	up:0.009669007977564481	him:0.009533253355581126	it:0.00878053095947912	in:0.00808213409763655	out:0.007490222285602012	can:0.007489929649952093	:0.9059030882946316
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
as:0.09070957522893763	and:0.06578736628276387	according:0.05921724650771688	up:0.05444342983204154	them:0.04455320285377602	regard:0.04000436122627331	come:0.038627387824939484	back:0.03569076101086091	return:0.033008621318438236	:0.5379580479142522
up:0.016890206964837375	in:0.016069134283105073	him:0.015339517151971403	out:0.01136564123577545	time:0.009768260356982528	work:0.009008733107801004	men:0.008477481683073468	made:0.008371471605442424	them:0.008145210747794906	:0.8965643428632164
the:0.14651767028650897	and:0.10280181339946678	of:0.07164139889404732	to:0.06710968865667367	in:0.043620235518656805	was:0.04085328919635116	a:0.03773596883616436	be:0.034467327867332885	is:0.024743356400790086	:0.43050925094400794
and:0.2802889816804131	the:0.2558225920810132	all:0.12495373196516753	or:0.08515033507466561	any:0.07272334305442554	of:0.03994914766146451	no:0.03967097886118842	with:0.03203677421931547	The:0.03135619714970155	:0.038047918252645065
<s>:0.12426439482141315	.:0.018149278737436575	it.:0.015732467694809387	them.:0.010254086191239542	of:0.009702084217108654	day.:0.008398564122806892	him.:0.007320325767002691	time.:0.006498590451727999	year.:0.005941096159856345	:0.7937391118365987
the:0.2866460958303144	of:0.17517633303900745	in:0.10436029835444001	at:0.08739411841801363	The:0.043443299131938624	and:0.04223513275197476	to:0.038563055669186774	for:0.03064478126892727	that:0.02072804494393879	:0.17080884059225826
that:0.12961487519939777	and:0.1279433749976404	had:0.07582210766930095	but:0.07120666496746451	is:0.0665797874817165	as:0.06326193408868654	have:0.06319132741985337	Is:0.04997318103144647	make:0.04960486860394165	:0.30280187854055185
to:0.04779347841432886	in:0.04730787519507071	the:0.04704802401093919	of:0.04649013899912351	and:0.03981272818269641	a:0.032693825079272175	<s>:0.03137634224216858	-:0.020254207361369674	by:0.015112145633355644	:0.6721112348816752
be:0.2558578258256982	is:0.14730089841645738	are:0.1153786063601211	and:0.09586297229285115	was:0.089604147263895	been:0.05738357709513649	with:0.04876440409690505	of:0.04348457367568956	not:0.03613682141922671	:0.11022617355401934
was:0.2767431018526131	were:0.14029801918745155	be:0.11940601087070736	been:0.08426546942969229	is:0.05973217719840309	are:0.056882564335404964	and:0.03963345331289083	being:0.02538826731794046	to:0.025108814751858593	:0.1725421217430378
there:0.1402945723922769	they:0.13171894899728664	There:0.10573996707658785	and:0.06868071071464614	who:0.06293506674620414	They:0.037402413953349596	which:0.036226863070012855	we:0.03301850540985946	that:0.02086404474660343	:0.363118906893173
be:0.16801713421025272	and:0.07827689792473262	is:0.0736111515361999	been:0.07295161766508679	was:0.06797434687402254	he:0.058314007445111955	as:0.058079427127070773	the:0.05216252993421469	all:0.04046920430772758	:0.33014368297558044
New:0.8732771359673642	of:0.021933738531778813	Now:0.013384267531396763	Xew:0.011076631412428761	and:0.010046212300101508	New-:0.0057966119312222834	Mew:0.0055770092858033376	to:0.00414878012078679	be:0.0032045196372678707	:0.051555093281849665
of:0.14116013171559563	the:0.11390667777511815	and:0.09160151217272519	a:0.08798685182897936	to:0.06575672005885697	in:0.044658921840749814	for:0.03584273758286466	be:0.022295770739306383	as:0.020711834344636467	:0.37607884194116736
a:0.10849935989922233	the:0.10507907809943687	this:0.07687297667709922	of:0.06838174394141384	his:0.053069819140677967	and:0.051551360827260806	in:0.050860327164020086	her:0.02701280527146018	to:0.02692207680222057	:0.4317504521771881
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.2519458666626881	of:0.21023397056817067	a:0.09232024782086692	for:0.08062548333349676	and:0.07136173918914279	in:0.06340739553136536	no:0.05225705305285915	his:0.05080159380251292	their:0.046979416021221035	:0.08006723401767628
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
be:0.15421406541114127	has:0.1430647407320076	have:0.130713316351915	had:0.09847287320314542	he:0.07838969185310198	been:0.06384891862651731	was:0.058494628391314786	and:0.05273267568245406	are:0.04653210463254389	:0.17353698511585872
the:0.3159552848471834	a:0.2908827981386607	his:0.06236239666238725	and:0.05660308611981335	The:0.05438471533836189	of:0.04147942781947058	will:0.039962245527337646	in:0.034160719841868366	to:0.030527295116924015	:0.07368203058799287
and:0.05850633159345087	made:0.05778236604140629	or:0.027947329102333503	that:0.01819347949917324	him:0.01773635421536566	followed:0.017704641720028166	owned:0.0176503613776524	ed:0.016838740781092234	accompanied:0.016553199430885835	:0.7510871962386119
be:0.2503103024024798	was:0.14547151623519383	is:0.08128162333500157	been:0.07548107113584639	being:0.048605151704749	were:0.04742719492943896	and:0.047232663827426795	are:0.046695142002534155	have:0.044068752585853355	:0.21342658184147614
the:0.11010116087922413	of:0.10390356609663971	in:0.07311483390884851	and:0.06394136392486138	to:0.052455441829833124	on:0.03739345675072571	at:0.029937732229662613	a:0.024077940456001062	<s>:0.022850445457506776	:0.48222405846669697
those:0.14419983580197288	men:0.11609337503620376	man:0.0993550785952094	one:0.04812232489182409	and:0.047221536312747975	people:0.028989385007370295	all:0.027527022229215915	woman:0.025180483715208424	Those:0.020176484662738164	:0.4431344737475091
is:0.1397481090014335	as:0.12710730111491647	of:0.11967969685119619	was:0.0959866827358441	in:0.09002460730498871	for:0.0870191999132964	with:0.07860809121146146	such:0.06516793843905538	by:0.060311129141372655	:0.13634724428643513
will:0.24466973224935198	to:0.18074764926277104	would:0.1552102815346538	can:0.09434723651930134	may:0.08420772482898778	should:0.058587503938861495	shall:0.051083368641799166	could:0.0491774022827955	not:0.03815235594044144	:0.04381674480103646
dollars:0.024341064863216636	day:0.02431076901501573	hundred:0.020398048017354262	feet:0.012487391550735055	up:0.011002667744455118	;:0.009195752247050704	costs:0.008025971692018899	street:0.007838054426845677	time:0.007776027656258674	:0.8746242527870493
be:0.32785124301512636	was:0.17822215550385662	is:0.12457144145858177	been:0.11285257275643465	are:0.05262914252574571	were:0.05207773885360227	and:0.04050718503024037	he:0.027264435726255618	so:0.025407584759535813	:0.05861650037062084
is:0.1727303836182679	of:0.12979271711088922	was:0.10121100948727929	as:0.09798210911440676	with:0.07479355064489178	be:0.06997114183955834	for:0.0662850927761555	have:0.06237289443540027	in:0.05227142545777502	:0.17258967551537593
the:0.2545604096958839	of:0.13379363886601092	in:0.11934409635554782	a:0.07353250465737063	his:0.04457039979885199	and:0.036916108646080685	In:0.036800035328814755	to:0.03548903417836116	an:0.03532089476976991	:0.22967287770330821
to:0.20970249520300652	the:0.1608383778154352	of:0.12373215636749041	and:0.0825540383288082	not:0.07554956064754864	for:0.03904023602704132	or:0.03830496487542084	at:0.029125990070954247	in:0.029109619741560795	:0.21204256092273382
the:0.49025346200133463	tho:0.028600458270943343	Mississippi:0.026171827103467552	of:0.02616006961871055	The:0.016011460695903257	Potomac:0.015375393560722142	Missouri:0.01359641790273265	said:0.013195583361959634	Ohio:0.012870736658812363	:0.3577645908254139
and:0.08476727224544081	made:0.06685806101185461	it:0.022073715002382824	up:0.02076422292019659	followed:0.02044452105994043	done:0.0180344003839521	but:0.01547063203390463	that:0.015462387466935025	ed:0.014891838116670192	:0.7212329497587228
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
in:0.17831071634309084	for:0.15288283829349295	of:0.14608337491179252	within:0.07753756007710011	and:0.06785450787002224	only:0.06190377207193627	In:0.05627073922004922	with:0.0471648322568348	is:0.04003434387689471	:0.17195731507878634
the:0.15649240432718592	to:0.07516664303130884	of:0.0717329605566974	and:0.0598610941730686	a:0.04460237499103771	at:0.031353555151275504	in:0.02604123034478724	by:0.02363712428245451	<s>:0.021276933366977384	:0.4898356797752069
above:0.4311739930664905	following:0.3417710692474705	and:0.05314700305661949	the:0.03768017348249776	lowing:0.030375204041175864	premises:0.020038616490841227	hereinafter:0.014294652775827418	a:0.00852744384046864	is:0.006756824784870711	:0.05623501921373782
he:0.1702647750165553	which:0.12982036081070378	who:0.10515302202258543	and:0.08272258270216368	that:0.07963098098141039	He:0.06071585922640324	it:0.04468731887188145	It:0.03392643362687603	she:0.030658706290573944	:0.26241996045084676
and:0.3078856505926869	that:0.1361601636006875	but:0.05967772574553797	is:0.05631064741535284	was:0.03891417793573639	as:0.026745303471778444	And:0.020995167448601575	Is:0.020151897380777887	it:0.019982997760765616	:0.3131762686480749
and:0.09980783400098897	in:0.0601668450815825	of:0.02979057169759474	are:0.028433153470034913	recorded:0.027694648347806397	is:0.02726967818376137	was:0.02715637609125127	that:0.025992084814786962	be:0.024365108554930487	:0.6493236997572623
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.6457530676393584	The:0.06611202310931462	large:0.045422582548803964	a:0.04158821095558215	an:0.03659669181161184	that:0.03245670038396031	tho:0.02615256193048555	this:0.022803547640578733	and:0.021302099580945588	:0.06181251439935889
<s>:0.15696010399524982	.:0.018795871593291217	it.:0.01071092103546983	of:0.007412773425163998	day.:0.006101908890507247	them.:0.005643031375380172	in:0.005196046045016437	time.:0.00486440678614435	city.:0.0047220817543535566	:0.7795928550994233
and:0.15041842926064394	was:0.06071599772485167	it:0.03897648923551891	that:0.0352663722577082	is:0.03473984802737738	but:0.029586177118076335	when:0.025158851678090764	be:0.024058347443908088	had:0.023939562623210967	:0.5771399246306137
the:0.447188210169856	a:0.13930255637981465	large:0.12493120913782274	in:0.10322576423487406	In:0.037103339902779725	tho:0.03203784560711124	this:0.027702946716509826	The:0.024791669377850982	and:0.023863150751393798	:0.039853307721987
the:0.13259169110380162	of:0.10125360072296336	and:0.09484351367489134	to:0.08300581834006926	in:0.050971125704924715	for:0.03594060850150928	by:0.03300085356009506	with:0.026884014004315525	that:0.02638558557195262	:0.4151231888154772
the:0.7042149273538496	this:0.11954031645973559	tho:0.04380927826955035	a:0.03302241699541125	The:0.01653040732003098	tbe:0.0156966232192662	that:0.015214052410798184	other:0.013162715536901706	his:0.01256270685022144	:0.026246555584234672
the:0.443838024133909	their:0.0821161433600359	of:0.06145857170206138	a:0.046140144360521586	The:0.04104813594144711	our:0.03876879111556817	his:0.03720538825182432	and:0.03606595103269643	these:0.034242308616375686	:0.17911654148556044
the:0.3137317130359821	of:0.2218716403606436	and:0.0562431348849304	by:0.043936991902433366	said:0.03929586764485725	a:0.02893366216050367	to:0.028571810421801735	The:0.01933893053141024	tho:0.015229976185331817	:0.2328462728721058
hundred:0.05913817991032207	time:0.018752452607884246	strength:0.01606845645935235	rules:0.015850998940279346	good:0.015594435227160837	men:0.013777701523512952	rights:0.01333659110697726	out:0.012564357264674	life:0.01254289779645256	:0.8223739291633844
and:0.22912026667268423	was:0.14150067172394878	been:0.06377381370469808	be:0.06206564254810895	the:0.04393879394030961	were:0.03876225045785798	is:0.03757772184666209	has:0.031996543630408145	had:0.02778041414573111	:0.32348388132959105
and:0.19532150533362416	when:0.09315020079201221	that:0.08259073966832592	which:0.050086077368049056	but:0.04878946280671003	as:0.04338801121407755	When:0.027611428625804534	Then:0.02571486411666205	what:0.02133994518727564	:0.4120077648874589
of:0.26905473077837827	to:0.13191067082372188	for:0.11214807017664875	and:0.08751545969268362	in:0.07974605538045737	by:0.05949676113855644	that:0.057367730440450286	all:0.04845763215498178	on:0.04543526990476698	:0.10886761950935463
<s>:0.08627375743079622	it.:0.022831914403289546	and:0.02037081103592005	of:0.019774820148605456	them.:0.014772503627386498	in:0.013529312143097202	;:0.012391709647610018	year.:0.011209516744434567	as:0.01010270452425947	:0.788742950294601
and:0.1450060995153577	of:0.10117355993795878	the:0.0823678936991956	a:0.053969935740943095	to:0.04970725061253947	was:0.03832387755983352	in:0.034011394107251014	be:0.02817966164514978	he:0.025034805075587894	:0.44222552210618316
the:0.16233361371401625	of:0.10670302048468837	a:0.10544370464810986	this:0.09913967009617773	in:0.07452044255994035	and:0.056907901097317325	by:0.04734084494812639	one:0.03563638212412363	his:0.03329606936735855	:0.2786783509601416
to:0.20970249520300652	the:0.1608383778154352	of:0.12373215636749041	and:0.0825540383288082	not:0.07554956064754864	for:0.03904023602704132	or:0.03830496487542084	at:0.029125990070954247	in:0.029109619741560795	:0.21204256092273382
it:0.2697315684085528	It:0.23200567200221076	which:0.11226670705207717	there:0.0709836370190341	what:0.06006949923418537	he:0.05020249992963401	that:0.047510472275168435	There:0.04166474304037431	who:0.02719736369964179	:0.08836783733912129
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
not:0.3993326536935023	or:0.11754989067811468	much:0.06275124440138657	be:0.06035632643886388	in:0.04932038068690653	of:0.048957505878572574	no:0.043701762287305095	for:0.04145124404022575	and:0.03675426589597169	:0.1398247259991509
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
no:0.5408905771701289	No:0.11416471893481558	a:0.051721594449829975	I:0.04841583484745601	the:0.038142926280738586	that:0.034678315597465634	little:0.032941009488925935	of:0.03280456835345851	and:0.026765537743228957	:0.07947491713395191
to:0.4086717437587118	and:0.08958889853475416	who:0.07077120939554776	they:0.05710553839601021	not:0.05635986708447485	I:0.0458315244654457	will:0.04402866885666355	of:0.04178137512653137	we:0.040197209725410785	:0.1456639646564498
of:0.1345651741034634	the:0.08814799157893448	to:0.06474321489711285	and:0.05110945471993682	in:0.04746875351547344	his:0.03070243961421051	for:0.02845582728703788	be:0.022521189265054645	a:0.02240628809625299	:0.509879666922523
the:0.1677358806731248	of:0.14213068286338554	and:0.11548949370087304	in:0.08142395801106306	a:0.04759725329984451	was:0.04180326252080823	is:0.03301953996150877	are:0.028585562231514504	be:0.02738162752299306	:0.31483273921488447
is:0.33353539006858085	was:0.2125925496225958	are:0.1698498322878015	were:0.04580827086412387	has:0.04326464800071505	had:0.04105024869716955	Is:0.03914818995861435	have:0.0372588166854917	will:0.028305981733574757	:0.04918607208133259
is:0.11590379663230126	more:0.10547833679178406	was:0.10135285339379331	be:0.09624654469814872	not:0.07244145456704956	been:0.06575297572686334	and:0.06231944923150792	are:0.04345087022566592	of:0.04182828628888828	:0.2952254324439976
of:0.3506753989779528	to:0.14984083237356088	in:0.1100673412514417	on:0.1045958609412912	and:0.055339715944366465	from:0.04190499477583784	by:0.03707073589215049	for:0.030764632112318682	In:0.030689365093021385	:0.08905112263805855
the:0.15887476187247904	and:0.09291950853285091	of:0.0609457492111986	in:0.047014639682482894	to:0.033173909027305624	for:0.0320941136574002	that:0.031572913377981626	or:0.025769556877486086	be-:0.024768695335226975	:0.49286615242558807
of:0.1765206074975662	the:0.09542438569116737	in:0.09112653548984462	to:0.08420800265315968	and:0.057343462399304296	a:0.03291256986102821	or:0.024507671464490465	In:0.024407986349712696	on:0.022111074181681192	:0.3914377044120453
an:0.3701801848169093	the:0.21427552505083233	most:0.12361976506353665	a:0.07614977968576682	and:0.05934599313577795	more:0.033229626833798764	in:0.029625035538350893	The:0.02387663629787166	very:0.0205954077778805	:0.04910204579927516
dry:0.19855768620896194	the:0.19127133027061732	of:0.16207360346718636	a:0.1090492346759317	his:0.05939890015901458	in:0.05870066470493938	their:0.05321702642361782	other:0.031437985794292925	our:0.027100093332608027	:0.10919347496282998
out:0.04186817876642429	part:0.03731314042470672	one:0.03211505669889265	day:0.03167017885657066	side:0.020802072328027242	some:0.01901685613192141	all:0.014408395491664243	and:0.01292742990860533	state:0.011038930120772675	:0.7788397612724147
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
a:0.6372446549409773	the:0.10944443970831788	A:0.05049638666922154	very:0.04060628447261657	of:0.02658493946498821	and:0.02209771767058232	The:0.021480830622743086	but:0.017589635974755012	with:0.016092361261006716	:0.05836274921479144
said:0.756179568699052	the:0.04375867917848847	of:0.038423264299944734	certain:0.029030895339148263	in:0.015290469741048312	this:0.010536025589913118	at:0.00701042483936694	to:0.006040722527127532	on:0.004348648023666915	:0.08938130176224371
of:0.2844082256155769	the:0.23130593868068616	and:0.07471025155176324	in:0.0603162793785606	by:0.04794646220318323	to:0.03262597906467035	for:0.02474634935835752	at:0.017564996994757356	In:0.015743150547062712	:0.21063236660538195
thence:0.15404021004201776	the:0.03453256051933834	.:0.033980561069506636	of:0.03180754697835335	bears:0.030471426794826728	and:0.02656669047553447	<s>:0.016336520634367364	J:0.015125346926963622	to:0.014504976880882677	:0.642634159678209
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
well:0.09289188070909403	known:0.09150792033496646	such:0.06495686320865282	and:0.057675598864368814	far:0.05283258664895302	soon:0.0367922664062837	is:0.033512873427505765	just:0.033213473437915655	was:0.02672271563617947	:0.5098938213260803
the:0.7408748939741537	The:0.06335701655337996	a:0.056865902436292706	tho:0.030426089644422637	in:0.026008512782644627	this:0.016413239716616568	In:0.013087492013971252	of:0.01260352340855692	tbe:0.009941874679534909	:0.030421454790426652
the:0.1871497316834202	a:0.09507803241858045	and:0.07544449761949722	of:0.0352788128386175	The:0.028320090851642048	that:0.023334503866103154	be:0.01607094069419132	in:0.014959133763914853	which:0.013350091664695326	:0.5110141645993379
the:0.2772604553418405	this:0.22950066246516582	a:0.19946677646556316	in:0.09482376897939813	any:0.05035887407723428	some:0.03894793689251711	same:0.03555690365956948	present:0.021924461017285624	In:0.01905580042352911	:0.033104360677896745
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
chs.:0.15246806702679347	ft.:0.04786878277833025	and:0.04042552162761822	right:0.026299768229899944	went:0.025241181027991364	as:0.024279179674824482	order:0.02350653870088795	him:0.02199413259438468	made:0.02079129229407302	:0.6171255360451966
the:0.19654486198912618	a:0.12919375762536836	two:0.11361866290806451	and:0.06990506700319433	three:0.05460530252460239	some:0.033123106769222935	few:0.0328722835775581	many:0.02564512402489443	several:0.024982442376583463	:0.3195093912013853
line:0.04753376029492304	city:0.04086349385025421	place:0.03889185332093871	number:0.038532862145575386	deed:0.03537949406329898	day:0.03447853378046321	act:0.03387161292092008	out:0.029593759652025042	amount:0.02782931270585091	:0.6730253172657504
the:0.12755326268086187	of:0.1261318313364826	and:0.07811510267666924	in:0.05596674270994122	to:0.03443817682712305	or:0.03137310370515426	for:0.027034874318427007	be:0.026447805888868612	as:0.02493855055279968	:0.46800054930367246
the:0.1812552325984844	and:0.09580610518437294	a:0.08448215116871366	of:0.052900512697795214	be:0.04690344337070167	to:0.03598999507197653	are:0.032173916914991614	or:0.030297362844186364	was:0.029775056679366006	:0.4104162234694116
and:0.17585063722392302	fact:0.10400902578517979	said:0.06844377842999533	so:0.06232472237382234	believe:0.04519952307692614	is:0.039634011181226815	say:0.03675663629906361	know:0.036060715732595706	found:0.03095250753294034	:0.4007684423643269
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
to:0.22183715898400957	and:0.16122783132025859	not:0.045370556309921005	of:0.04257361279833551	the:0.03513817618886527	in:0.02756418461611131	or:0.02133490214427717	who:0.019894646460977813	will:0.019173598100537256	:0.4058853330767065
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
<s>:0.05181069251068026	it.:0.03580203100367046	them.:0.018557294655205656	him.:0.01357949296843924	country.:0.010989921942681277	.:0.008427615229030943	again.:0.00837648640728776	time.:0.00804712570667054	life.:0.007882360421751809	:0.8365269791545821
the:0.354458674163953	a:0.24332580317572192	of:0.08702560286560107	and:0.06680355595178358	in:0.0396045039639824	by:0.022918486307795208	The:0.02247258800813376	this:0.0221716864013852	any:0.022058525087833573	:0.11916057407381028
the:0.31298157883881667	degrees:0.18770031478052898	minutes:0.13654263990482984	thence:0.0845698583520175	and:0.056956721695627585	tho:0.021081688037444944	on:0.02032623315212546	The:0.019306827641902904	degrees,:0.01904163991002594	:0.14149249768668018
of:0.17142758274306302	in:0.08634383392792384	as:0.08326592556418587	is:0.08178974204742391	to:0.07556684952700905	with:0.0668191557129155	by:0.06243265598537441	and:0.057133822259442996	was:0.05599821011707395	:0.25922222211558743
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
able:0.1003957580818799	and:0.0927902995844711	right:0.06705713345594684	order:0.05747469329644686	time:0.05567987654005275	necessary:0.051048971809737546	enough:0.04957681555318926	him:0.04720940584413791	desire:0.043867294047933124	:0.4348997517862047
and:0.10519796103172453	recorded:0.04492522267636661	is:0.04292906922552625	that:0.040156978325769595	was:0.0379374668882076	are:0.03244295791167291	distributed:0.025508715237800884	but:0.021070365812915742	divided:0.020697386321387536	:0.6291338765686283
be:0.11345371828425425	and:0.1028138291060144	was:0.08204949628548938	are:0.07964402528203961	more:0.07185965319884732	is:0.06935724229867389	been:0.049046207067545214	were:0.04616789253906928	care-:0.044643166383192864	:0.34096476955487376
the:0.24101759734702896	of:0.10765175669139336	a:0.08628274318819011	and:0.04967339267971323	The:0.04505006859145978	in:0.04143876173927694	to:0.039206294848108954	at:0.025139147491426574	on:0.02000258023379714	:0.34453765718960494
the:0.63775495821573	The:0.07397328286388412	tho:0.05098499843704584	and:0.029820256563604475	a:0.026886344516567098	miles:0.024038991037275297	minutes:0.023203018091726254	tbe:0.01810118544874657	feet:0.01761682338751486	:0.0976201414379054
of:0.372250008230491	to:0.115010741223047	that:0.10674137818426689	by:0.09020634328053226	and:0.0898824512123781	with:0.04566707098347421	for:0.030355427395795973	as:0.029725130785939222	all:0.027480574881428844	:0.0926808738226465
the:0.09883722192384964	a:0.08915474578034713	to:0.06362835220609957	and:0.05995950654399766	of:0.04710617126876386	an:0.02898865092623329	was:0.028588733913111914	be:0.023686397445347625	is:0.023021554061056236	:0.5370286659311931
the:0.6188300243172887	The:0.07011610585878447	a:0.04588327003651669	and:0.04182373208648432	tho:0.041406394877703735	tbe:0.019687205880019147	<s>:0.010280043889568151	said:0.007469446282883697	com-:0.006184426968539193	:0.13831934980221186
to:0.17198288682940455	of:0.16459798015119548	with:0.15486717463173955	in:0.13933858213991393	and:0.06867852250181505	on:0.04755000421112782	for:0.043136853125456426	by:0.042460556657793094	from:0.03983914557815587	:0.12754829417339825
hundred:0.1435683572263497	one:0.09639099347125793	up:0.014935474648728622	hour:0.013655871964842334	week:0.012376447396998181	year:0.01147971753636281	street:0.011406504873287052	dred:0.011135314680542812	two:0.011116369329000217	:0.6739349488726304
the:0.1597973042268255	Miss:0.11637789592010941	and:0.07228627216304748	of:0.05061181637171376	.:0.03177917782176294	Mrs.:0.03025694475352244	a:0.029165370335186867	A:0.027710679414917064	The:0.02626983189593656	:0.45574470709697795
a:0.16384321901677074	of:0.10931032793218455	the:0.09929035021625439	and:0.07017688406549598	to:0.06804379213019945	at:0.06568429591767216	for:0.036267455443435334	in:0.03385031513810216	an:0.023473949012635796	:0.3300594111272494
the:0.3272801405699339	that:0.09256483729498181	a:0.0890625668102979	of:0.07108808212909214	and:0.06622168191103345	The:0.05057226655280334	no:0.046489483404278546	this:0.044316284745001724	their:0.038611636614253785	:0.17379301996832344
a:0.49544915087769104	the:0.15735846757666586	and:0.05120503250726401	his:0.030908820113085232	of:0.02813058660374594	to:0.026872981289843334	very:0.02489110546596742	her:0.023195867977007633	for:0.022280427984186377	:0.13970755960454315
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
was:0.28090622877659377	be:0.10769809402918823	and:0.09062061467862534	is:0.08393530494707226	were:0.07587194484297634	he:0.06236598864016632	are:0.06165348315524799	been:0.05813806244756835	not:0.04003073577462198	:0.1387795427079394
number:0.052346456573978774	out:0.0451389210294456	purpose:0.045048114012060596	matter:0.040621927251887756	all:0.035006628960812615	kind:0.03420038007062257	amount:0.03382339374919413	means:0.03353576835962258	one:0.032062345172240526	:0.6482160648201348
laid:0.1464998431686514	went:0.08152311514519035	sat:0.0771332790565415	put:0.06615748847267855	came:0.057120270532939395	set:0.056618556240864426	brought:0.055385976029960225	go:0.05467605457600377	broken:0.04424254619675294	:0.36064287058041744
is:0.2959779800215636	be:0.1222179346902054	he:0.1184046195436495	was:0.11559268410906741	are:0.08603153345250107	I:0.07019389999201389	and:0.06692615541851064	Is:0.04622859923152252	they:0.032647564557091203	:0.045779028983874724
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
and:0.17596106684280022	to:0.09705634816379151	of:0.043853882963741174	which:0.04307159982379265	re-:0.036121002228894326	that:0.03457731553129466	for:0.0298838750270468	or:0.02922632231759091	not:0.02791646393032946	:0.48233212317071833
he:0.24709724993615043	and:0.11740291961724422	it:0.11478940069214982	It:0.0744044744947821	who:0.05648946644247999	she:0.04879956217920089	that:0.046416813895311805	He:0.044482507448181274	which:0.03598905439470689	:0.21412855089979257
as:0.2574882070727541	is:0.17076815163986644	and:0.08225726922582188	a:0.07836223343101668	are:0.07525044921236625	was:0.07295943061858698	the:0.06210539378326478	very:0.042388677439054646	be:0.036243369068853525	:0.12217681850841468
him:0.06568498608105666	able:0.061879794029064114	have:0.058443753865458324	and:0.05731332422426363	want:0.05630175028643038	allowed:0.05368885499319971	them:0.05196003555026154	is:0.05136882602080105	had:0.051239643850581024	:0.4921190310988836
that:0.13800450935690217	when:0.1204618018689298	and:0.1147784935230383	which:0.10372756139848142	as:0.08425516776475629	to:0.06021270932365554	if:0.0420236373815267	said:0.029364280968537968	where:0.028441205937883633	:0.27873063247628815
and:0.10252519520663578	on:0.05945568921883238	wait:0.03746661622927387	to:0.036817397375367426	years:0.036091069318697606	not:0.0357786095358022	of:0.02417280164266417	him:0.02127362310256836	for:0.021187605169935914	:0.6252313932002223
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.4441816558645213	a:0.2546370634488578	of:0.04831593441887074	this:0.0428344363433298	and:0.036636235775241104	his:0.0332176263158203	The:0.0327295752146718	tho:0.025308353431612682	in:0.019463727783915707	:0.06267539140315881
and:0.2052700442704698	of:0.17453564146003508	that:0.10399445893179053	to:0.08246348158147603	in:0.07118964012673402	for:0.0522576142014859	by:0.03533117539353074	with:0.02982565091842678	on:0.02255670098899089	:0.22257559212706024
the:0.37690392819094326	of:0.09454307171945883	and:0.07085642202860921	a:0.056581170931712874	in:0.04410847676129709	their:0.04075983530155389	The:0.037493840301914515	our:0.0338166389333287	tho:0.0336423259732938	:0.2112942898578878
the:0.5704478166838869	a:0.12154024875819201	The:0.08402582886596711	of:0.05243056939658354	tho:0.03156724525222329	to:0.02933993611389467	in:0.022365867878940578	our:0.021483383418500073	his:0.019555857389848653	:0.04724324624196319
of:0.5589737428545116	in:0.14193632476018936	to:0.0776218295072569	by:0.04465788392080115	for:0.036116609075011255	that:0.028455939562453618	and:0.022550823675466486	In:0.022017406950540972	from:0.0218445406466589	:0.04582489904710976
the:0.21801352000117358	to:0.15818946677181292	and:0.09557194557127394	a:0.09254264797286078	of:0.055133165390711385	was:0.050807729086757535	be:0.04613745144840582	is:0.02664470263458123	not:0.025911238917471466	:0.23104813220495135
was:0.13065522171796148	and:0.11153500306674592	day:0.04767303760985494	is:0.042863282189336854	until:0.04265329666324709	died:0.03275039080582271	arrived:0.031792027331188764	be:0.029857059756813922	held:0.029452619883448355	:0.5007680609755799
men:0.010405371939224061	;:0.009415888008928225	good:0.009132168309267464	him:0.008847593015570192	in:0.0075251317308404585	it:0.00752348154044114	man:0.007054498079596819	one:0.006871413155318026	<s>:0.006254381833971461	:0.9269700723868421
the:0.20457498973283347	of:0.12050821071533777	to:0.07974515048881471	and:0.06069482046880614	a:0.06062864154258039	in:0.04565119292623583	at:0.025141157767470355	for:0.013487807919588	tho:0.013282642632057761	:0.3762853858062756
and:0.16270482726888563	be:0.045585270328161336	or:0.04514401494917262	time:0.03895734433039097	that:0.03545628076013562	is:0.030607569010739587	them:0.028391347935066966	are:0.02798397565101735	it:0.027920516991236776	:0.5572488527751931
the:0.4928977329406219	of:0.07661624250999836	The:0.07215322663544432	and:0.06658118685800397	or:0.04911008545836474	a:0.04481473253772047	in:0.03281358156923839	tho:0.02675764548362948	these:0.025952785943884952	:0.11230278006309344
hundred:0.06719853868508474	State:0.025543414201953423	state:0.01892721524582711	city:0.018082973898588307	States:0.01778147780156361	street:0.017137074773790183	dollars:0.014882190183248017	North:0.014203762521642297	Hundred:0.013515017587159625	:0.7927283351011427
of:0.30326222862971247	in:0.16225914216707335	to:0.10227796624245496	on:0.10136479061539405	for:0.06026771537651381	from:0.05435026339278461	and:0.04469353946216446	by:0.044383346890418694	with:0.0419976088018838	:0.0851433984215998
and:0.2084122627438708	a:0.09220273837630341	the:0.0891836300377918	of:0.08869792317489678	or:0.07532415941689852	to:0.07262291839048282	be:0.06867981595813219	not:0.04345219608971013	are:0.039021563540420946	:0.2224027922714926
the:0.25412571810257334	to:0.1318921691069894	a:0.13076021623118003	and:0.10242881589439476	of:0.04376173781909835	his:0.035497088697959006	The:0.02794976989184535	I:0.020056407767290427	by:0.017201910366336795	:0.23632616612233256
.:0.021828890320493653	-:0.021169777616459995	and:0.017014904271089135	1:0.016988047533643927	of:0.016076192544900586	etc.:0.013805055379487476	the:0.010657494791138837	,000:0.009216886966245324	M:0.009021440617308408	:0.8642213099592326
the:0.15351589553428155	and:0.1250021444545509	an:0.07250460651252105	a:0.06997789354544694	of:0.05129520003106116	was:0.0422253548470527	to:0.036233471621324724	his:0.031105405169120776	in:0.027365040027455132	:0.3907749882571851
the:0.3195040033818711	an:0.14715562677508268	and:0.09574738275377381	a:0.07888076449010259	of:0.06474673736889215	The:0.056697374254168806	their:0.03397147413450565	its:0.030531072246851514	his:0.025192494895796513	:0.14757306969895517
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
it:0.15817776595467647	they:0.1482390050604085	he:0.1424826995232387	who:0.07772244367999574	we:0.06158059533970225	I:0.057713059524418464	It:0.051655241880778247	He:0.04607000682528949	and:0.0440640411679171	:0.21229514104357505
of:0.17409237347000903	in:0.15984773636527094	at:0.1296395753612845	for:0.11050679466814925	during:0.10208854386218401	to:0.07353911235048595	In:0.05718222765363655	on:0.05705452089920641	and:0.0484625904876564	:0.08758652488211693
went:0.056728808019430754	and:0.05161850952041633	up:0.03824900786728749	according:0.03723669179938325	came:0.030611106695608122	back:0.029246853812454076	go:0.027711990405142724	him:0.026633603402294377	down:0.024200123702120296	:0.6777633047758626
the:0.7777236915901293	The:0.0484340264765402	tho:0.03808491112639006	a:0.022776042726366585	in:0.02267334551763441	and:0.022474003193225334	tbe:0.0157714055286242	of:0.012744380909327899	said:0.01055221064846501	:0.028765982283296958
the:0.22449722894017324	of:0.09597492645627406	and:0.08111478760064236	The:0.050796415736844756	Mr.:0.038907259416786265	a:0.030554582137513903	that:0.030503991440613273	to:0.020127517325626985	or:0.017700595402717276	:0.40982269554280787
to:0.18348777334862532	of:0.11437116400392335	this:0.10014964700449931	the:0.08042553690638286	or:0.07977136834748216	same:0.07813317390064768	and:0.06546238936421851	without:0.050203908960326185	that:0.04706002561921912	:0.2009350125446755
the:0.34830578414540847	a:0.19178952645684272	The:0.04747071273404121	two:0.0394738399646516	of:0.037987227532222625	and:0.025938072420248155	gold:0.025854971183615315	tho:0.024444676531161207	this:0.018657312354326713	:0.24007787667748198
and:0.08685753228186245	that:0.03311254863761124	was:0.030070884103840786	made:0.0246277289903959	is:0.023446737027546346	as:0.020451885404229223	it:0.019612570247315688	up:0.019077074913983288	but:0.01771085066638833	:0.7250321877268268
be:0.19799424393173443	was:0.15017012172168695	been:0.11289383049857019	and:0.09864309276903041	have:0.06845051617068076	is:0.05794876059882031	had:0.054694762341494	were:0.048630043095965414	has:0.046447846277023336	:0.1641267825949942
and:0.39144048173199736	is:0.11801393395251489	are:0.07464346615321041	be:0.061926609709185024	was:0.059367534716819534	not:0.03879989773642073	an:0.03571963028513047	the:0.03522882347477287	most:0.034394749090007885	:0.1504648731499408
time:0.03609351291976603	up:0.02181318829779516	appear:0.018140862969433805	him:0.017247217325442096	good:0.01579511711207832	out:0.014895179542267148	made:0.014117441219582109	right:0.013909809180749615	life:0.013668453751149327	:0.8343192176817363
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
recorded:0.6677651533272059	corded:0.037724721870059194	and:0.029380286310638035	Monday:0.020377725645702616	held:0.008286101540306439	situated:0.008272358082192725	on:0.008143151181067258	filed:0.007777630201221256	feet:0.0070199192713503	:0.2052529525702563
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
of:0.21210832822375705	about:0.12631667564308022	and:0.10996953862589147	the:0.09905775000076045	for:0.08591810141541878	than:0.06970556711676629	or:0.06041394501982096	to:0.041969571394152874	in:0.03612990575904867	:0.15841061680130325
the:0.10254899323962945	and:0.08672066584549279	be:0.06718293253430607	was:0.066714350510063	of:0.062142448154758216	to:0.0470377945272685	is:0.04045405956202174	been:0.03329532229695042	a:0.029155698848644288	:0.46474773448086554
the:0.19037420289654036	and:0.07906966036696281	of:0.05892386992650127	Mr.:0.04283916629972599	The:0.040204133717099313	a:0.03128583518316688	his:0.02244877329254269	I:0.019028715741927524	that:0.018361976307509163	:0.497463666268024
of:0.11904574774402965	and:0.117039163175256	in:0.0579721685820925	to:0.0511186639368552	fact:0.03928633611901063	said:0.03323136332365265	on:0.029827822579143393	all:0.024787499172257966	is:0.02252394945510673	:0.5051672859125953
as:0.1968317132213036	be:0.10919136263628162	and:0.08958017024674743	is:0.08488619448453867	are:0.05800882904238918	was:0.05460631015385285	that:0.029495083864428125	been:0.029178971242458284	has:0.028293623514212104	:0.3199277415937881
turned:0.11347031031465023	up:0.05755901307734251	taken:0.0458590798116115	step:0.04454611209683689	down:0.04416165720473007	it:0.04397476934341407	came:0.043152032520595913	him:0.039686979792484096	made:0.03955533471431268	:0.528034711124022
a:0.527685884268812	the:0.09435374417904606	any:0.03822612501669659	this:0.03208101617112415	and:0.03171193498977544	no:0.028419955530677575	every:0.020232062812345117	that:0.018194381457280702	A:0.017149956196842713	:0.19194493937739965
and:0.11385123617354412	be:0.09864172963727943	was:0.07620908437317161	to:0.04887641259257306	been:0.047688286220096035	is:0.04482365947015291	of:0.04408866282577962	he:0.03874649575579709	were:0.034891023983512175	:0.45218340896809395
the:0.15264205932556493	a:0.12309537019583003	of:0.11830574559064654	his:0.10143057647582795	and:0.06857467038292878	my:0.06777478858582804	in:0.05741045259507897	this:0.03503170947012192	that:0.02932867040728141	:0.2464059569708914
those:0.23170284440441474	men:0.13960608250633777	and:0.0696605037703012	people:0.04608158936120255	man:0.04531166442516839	Those:0.03568376410727682	all:0.027433951301470933	persons:0.025677310938314515	women:0.022836507512341276	:0.3560057816731718
provided:0.1406894410615519	paid:0.059045247101105425	and:0.041732970294279685	cared:0.037144018166995606	voted:0.037024718321905126	accounted:0.03454758241741938	called:0.02428767985921524	vote:0.022362243048863924	prayed:0.019271138470272075	:0.5838949612583917
to:0.29533365959298785	a:0.23491264153057767	the:0.06943508052069602	would:0.04488182755180994	will:0.044384635239555825	not:0.04325701183071042	and:0.03480063446252943	this:0.028956436843699633	I:0.02044283221502726	:0.18359524021240592
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
to:0.6236007796882322	will:0.0939449533346804	would:0.05356302261363498	and:0.0388629225659845	may:0.03744787806291495	can:0.03054792347813712	shall:0.02817492352008945	could:0.023942311146619672	not:0.022941191337071835	:0.04697409425263484
of:0.21709249504363845	and:0.11784313546928056	to:0.11142318420695613	at:0.08781976909733943	about:0.0580827714371368	east:0.04768530610180016	lot:0.044584810901325045	range:0.036724714867702624	Township:0.03313317634997786	:0.24561063652484294
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
the:0.7024821831821978	The:0.11739042544022929	a:0.060308096687330275	tho:0.029130928065298725	and:0.02111813285114347	an:0.018727109096208984	this:0.012041427947127177	re-:0.01137236153131091	tbe:0.00900365550252959	:0.018425679696623738
District:0.1929610790966674	the:0.1633216159975132	State's:0.07887127371803418	of:0.06514220878947119	at:0.033675207286576955	and:0.029355444530612118	an:0.027246374633291243	Mr.:0.02136001919833149	Assistant:0.019798429314431383	:0.3682683474350708
the:0.10941137411982983	and:0.10387965052094221	baking:0.09926457161892828	as:0.08864656597514754	of:0.055081565825762104	that:0.05167643323061862	a:0.04755961147191856	in:0.03658056091441048	or:0.03277598650820536	:0.375123679814237
of:0.3322287942813085	and:0.1078198236934891	to:0.09160182066398784	that:0.08840326413877231	by:0.055306542864494955	on:0.051416170147446504	in:0.05075211601960874	as:0.04288156073447265	for:0.04259178531683138	:0.13699812213958798
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.18607099094291069	been:0.1625888767253151	are:0.0924171071698548	be:0.09216668760603254	were:0.08948361343491022	is:0.0723263581841688	and:0.04709485181226902	those:0.041738503560452944	busily:0.04147531013680233	:0.17463770042728358
30:0.092191728725039	50:0.07813264947266405	5:0.07636825975628342	20:0.07299573466512897	4:0.07265903226829537	6:0.0656347664226058	100:0.0630856415361717	hundred:0.06056299501334443	eight:0.05847453302905014	:0.3598946591114171
be:0.14389721318583057	was:0.12819036366944567	and:0.109392992704828	been:0.07794741973719316	is:0.07343541069842513	are:0.04550117284912485	were:0.045064326219866634	the:0.0389871182735453	he:0.038724454480496245	:0.29885952818124445
of:0.4709196758819674	to:0.11028169317113116	in:0.07177515786405943	that:0.0637800608133517	by:0.05998483775670253	and:0.0502692851126562	for:0.03848569308367207	from:0.03741667552802011	on:0.027457735389817023	:0.06962918539862235
of:0.16814181177329018	the:0.13002829750467382	and:0.07276669640322679	to:0.0600807682677132	in:0.025536838387080558	a:0.022927741499145875	on:0.020647906599168868	The:0.019220844290562426	be:0.01901148647614933	:0.46163760879898896
was:0.20655415268989952	be:0.14718680583389748	been:0.12777991280890857	is:0.09068668920524056	and:0.051539092264850955	were:0.04726583870753811	it:0.04250290663853458	are:0.0397735159568693	not:0.0346410416514368	:0.21207004424282414
out:0.05034328923169095	one:0.04274899530910515	all:0.03202110128891858	part:0.03150276349101251	that:0.02623516001569477	use:0.026056803589035008	some:0.0257340812081892	charge:0.02288046855399663	tion:0.0206547080333497	:0.7218226292790075
the:0.24084048415108308	of:0.10049975978011072	within:0.09091369774531897	and:0.07734211829592233	in:0.04658409498819571	a:0.04266988816497493	for:0.03615556270598517	about:0.03297518917488753	to:0.03236824537087931	:0.2996509596226422
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.21316428686362476	in:0.1687677659965192	a:0.1026294724477039	of:0.08499475959846338	his:0.05996460831743807	for:0.05802681664595828	this:0.05533712681994021	their:0.051797754705232894	to:0.04733108845307854	:0.15798632015204078
on:0.31649375330494084	of:0.2805669860348286	to:0.10224844475052622	in:0.09418451287123361	from:0.06127060960145031	at:0.039033273639772964	upon:0.02388743414387899	for:0.020749032359011082	In:0.017331759239272576	:0.04423419405508482
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
and:0.11385123617354412	be:0.09864172963727943	was:0.07620908437317161	to:0.04887641259257306	been:0.047688286220096035	is:0.04482365947015291	of:0.04408866282577962	he:0.03874649575579709	were:0.034891023983512175	:0.45218340896809395
and:0.09468249737622518	depend:0.03875088893599322	based:0.03863406357657407	placed:0.0380392715961322	depends:0.03779424552216468	called:0.03705486424756454	down:0.03295251281941486	made:0.032658028953724605	effect:0.028685464570585545	:0.6207481624016211
and:0.32893666015832884	as:0.053707401994149286	was:0.04619491145520977	that:0.04550095846776826	are:0.04423977637336455	is:0.0425916239875007	of:0.029237248576167593	but:0.02846758227495694	the:0.027873454161385102	:0.353250382551169
the:0.1884699727317962	to:0.13096108738397608	and:0.11444015467291124	of:0.07642519535391118	be:0.06503392145675364	a:0.050696266460410734	not:0.0488555863568079	or:0.03876339574209262	was:0.03861699383699092	:0.2477374260043495
the:0.4737564873148758	this:0.09538969871502029	that:0.0707123131493955	and:0.04829422462975161	to:0.04352855895953297	tho:0.02694179128906997	an:0.022163731577220958	a:0.021579860788331597	The:0.020856161222722734	:0.17677717235407858
he:0.210352910086859	and:0.12129307988201843	was:0.10706172614009025	be:0.0674759872903395	He:0.059003786966151744	is:0.04857968535242079	I:0.040102854759297916	she:0.03802392214533756	been:0.036946502167565926	:0.2711595452099189
to:0.758447941291187	will:0.049189128636114736	and:0.03191099538207939	shall:0.030209539045741363	not:0.024715596579398754	can:0.022887710852463727	should:0.020732324953810166	could:0.020217667608696272	they:0.020211726231112365	:0.021477369419396222
it:0.1417645296931144	It:0.10723325302780688	he:0.10456740450671856	which:0.0865899030506073	I:0.08480551786842506	and:0.07051684602486603	He:0.05154570744013555	that:0.04646062280131341	she:0.04019101571610889	:0.2663251998709039
of:0.3248605813780721	that:0.13929041366357162	in:0.13144339144995604	to:0.06993885095034179	and:0.06932350634029195	by:0.04343086023262013	In:0.04287888825973327	on:0.03815831109287005	at:0.035486395805340215	:0.10518880082720287
and:0.07422423325032798	recorded:0.03325826633460273	up:0.031241312873753646	was:0.029708110804757524	that:0.028694558282105324	is:0.02536448990023545	out:0.021823184878368755	as:0.02020550648400727	made:0.015585740565238947	:0.7198945966266024
the:0.46262887613057846	a:0.12850548082332577	his:0.06825959573453859	The:0.04762238455325905	great:0.03733718941946636	any:0.034698753890861606	that:0.03320896867916409	of:0.030234039337583868	tho:0.028385401906395213	:0.129119309524827
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.1242459144311188	and:0.08668786810252978	in:0.07774266211068236	the:0.061356648966229166	to:0.041959258497643044	for:0.030322088292373036	a:0.02548719362273371	that:0.021562582127952024	be:0.021109403744937937	:0.5095263801038001
of:0.13080921523850303	and:0.09807530163539951	Mrs.:0.08489876319074455	by:0.08193913310696704	to:0.053948920611104	Mr.:0.041685124869493086	said:0.033959660332323324	the:0.02261147222427416	.:0.018339568740116045	:0.43373284005107526
the:0.12412720549832838	and:0.10244382763884094	of:0.10076680447995537	a:0.04614404185663386	to:0.031165726967336067	in:0.028562509488353375	was:0.027319616247752764	that:0.021398144306147737	by:0.02013725512305567	:0.49793486839359585
up:0.029023248842925738	him:0.021950248472674003	out:0.019272334057667685	in:0.01766300547827126	men:0.017390032564929363	it,:0.0169225260248867	man:0.016795153493965962	him,:0.015749135414318282	it:0.015503223081738153	:0.8297310925686229
that:0.0739842445438928	and:0.04308101068665862	it.:0.03455473443917511	<s>:0.03271223417050789	them.:0.02849710030965247	him.:0.014243495355349049	but:0.012891380047593428	time.:0.011558457734513975	as:0.011018193035842705	:0.7374591496768139
away:0.06925205172028555	and:0.06007808449668492	taken:0.04760906637168378	miles:0.0428166599829834	feet:0.03837562943164214	come:0.026889243450533045	them:0.026073675669967263	out:0.02484981837258804	came:0.02410733092637395	:0.6399484395772579
a:0.42803624010847957	the:0.12894711690848112	any:0.09857610271983785	to:0.06088340474624349	no:0.05002962051590123	this:0.04319596058827887	either:0.032770542861550865	every:0.027624420778231632	one:0.020814556414087027	:0.10912203435890831
be:0.19792637018628562	and:0.10720696189364455	was:0.09549226805874321	have:0.0945143368325743	he:0.07871741323667455	been:0.07238337847038992	has:0.05619895571887476	had:0.045091219348550975	is:0.0444660874101549	:0.2080030088441072
the:0.1349394055998945	to:0.09730301638698778	and:0.09554615284544798	a:0.07185347215438748	of:0.06125579419135517	in:0.03183468764239722	more:0.019398296223296935	be-:0.01815355598740609	was:0.0179150928116912	:0.4518005261571356
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.24195713514020462	to:0.15143828913160404	in:0.12197365746355096	and:0.09129696083113523	that:0.07764289613509018	for:0.06951265285835218	by:0.050662729419411794	with:0.04550991064199272	at:0.04203984443409135	:0.10796592394456694
the:0.19530756025607954	to:0.12931166557468296	a:0.11542454238901223	and:0.10040577930403717	this:0.034179377825688494	will:0.030010103098541983	that:0.01720821013032072	The:0.01694861226070988	of:0.015171432595252924	:0.3460327165656741
and:0.16173924860994934	of:0.15657023209792417	the:0.13545385918072037	to:0.08162812884787593	or:0.07903916941297749	for:0.07143900574958727	at:0.06885729734917509	that:0.04783573996449556	with:0.03215322623836368	:0.16528409254893112
it:0.014309744776054397	;:0.012350722159588967	one:0.01070817661210687	and:0.0104009406488949	dollars:0.010298184384668056	more:0.010194308315859504	is:0.009959690532182906	I:0.009114441014925135	man:0.007882099696720136	:0.9047816918589991
and:0.17585063722392302	fact:0.10400902578517979	said:0.06844377842999533	so:0.06232472237382234	believe:0.04519952307692614	is:0.039634011181226815	say:0.03675663629906361	know:0.036060715732595706	found:0.03095250753294034	:0.4007684423643269
to:0.5731189022734829	will:0.04931557774075466	can:0.04772778494559296	they:0.032701884310784725	could:0.03227181317612777	and:0.026089131999155708	I:0.02315748865916374	would:0.023100700002714546	we:0.01681200008008212	:0.17570471681214084
of:0.19074456523856564	in:0.133445536991258	to:0.12008023004685656	and:0.11468230165122154	for:0.10063114567269543	with:0.08540951596006029	that:0.04390078966892601	but:0.031187700729453906	by:0.031112454716266724	:0.14880575932469592
and:0.19408122949046946	most:0.13230593748407057	the:0.07557772786220106	very:0.05953654033191233	as:0.05838861678636837	of:0.05160097677638036	or:0.04879679110243132	more:0.04834766956602054	is:0.035422543368530415	:0.2959419672316156
of:0.32741445915846057	to:0.168122261011681	on:0.12321703144328276	in:0.10040814629471102	from:0.06066198487386214	and:0.05123662053973742	at:0.04243450985397459	for:0.03324882201042788	that:0.028589142873012535	:0.06466702194085007
made:0.12750493469384805	take:0.10672742669631952	make:0.09342571431332054	took:0.08098387165833265	put:0.07477720079350578	give:0.0692323356219098	taken:0.06786890847175	picked:0.05493738193761685	keep:0.05436734168556864	:0.27017488412782814
was:0.2573659958263446	be:0.23222162999331178	were:0.12652560713940567	been:0.09117092300593449	are:0.08833165886670413	is:0.0840008213052141	being:0.044686797425736044	and:0.030133112242959476	have:0.011354523074070835	:0.03420893112031889
three:0.21340335799369897	two:0.1956821008632751	four:0.17887230710408814	five:0.09367497520499644	few:0.07718205706255617	a:0.051345721012455506	several:0.048305689696225104	ten:0.04238799354297861	the:0.03996491611852051	:0.059180881401205435
is:0.24500672366404	was:0.2023227669724252	are:0.12966889484862637	has:0.0785520557872843	had:0.0771475979300807	have:0.07432909220142668	were:0.05385572763614431	and:0.03629966327434759	Is:0.02946523484053692	:0.07335224284508789
and:0.31595049325632896	And:0.20597016630968243	not:0.08163066458991317	as:0.05658480036299354	is:0.027161759813490657	that:0.0220639934503104	but:0.021662314502265415	or:0.018693818528779348	are:0.01408105336512143	:0.23620093582111462
the:0.1380309490389602	of:0.07796414712222466	and:0.0707959056065309	to:0.039695276801965676	that:0.026908447021234096	Mr.:0.02638988613861772	The:0.026340182471525052	in:0.023321166352035964	he:0.021203275139921846	:0.5493507643069839
is:0.19780332318781207	has:0.15712431433780794	had:0.13577554152956245	was:0.11332945637989214	have:0.10935362761604454	are:0.08787911892857836	and:0.047400787953843684	Is:0.0334365019265837	were:0.030280352778707085	:0.08761697536116801
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
would:0.17959540429010784	to:0.13519794944916977	who:0.09755427043109222	they:0.08092794866467283	I:0.07229973568327139	which:0.06237819314755754	must:0.053838397959161594	might:0.048424713189248424	shall:0.04348004295022552	:0.22630334423549286
and:0.1132030825004323	of:0.08605579495728674	the:0.07854510102099824	to:0.06641853489472796	a:0.047311812248955955	in:0.031505268153807026	be:0.031148047897695243	is:0.029999863733610993	was:0.026421838610849256	:0.4893906559816363
of:0.35533133442303244	to:0.11839108759391015	in:0.10432794689916616	for:0.06942612373409636	with:0.06559131766162793	by:0.05914519565277399	and:0.05910389144515385	that:0.050131178188936185	on:0.042294085464212414	:0.07625783893709051
the:0.21868223441186688	of:0.14173900498592135	and:0.09037555331977652	to:0.04915187593900712	a:0.043632455274109284	in:0.0327275663117945	or:0.020700841863396345	for:0.019420592137183647	The:0.018709321644895263	:0.3648605541120491
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
that:0.2653265927004901	and:0.12884362593287715	which:0.07406985155615077	when:0.058414125417443834	to:0.04903656781866477	will:0.04623147891254439	if:0.043217439136628163	as:0.04197681573364557	but:0.03831706583354196	:0.25456643695801334
and:0.17848744451254903	so:0.06604041643947994	say:0.051499594348841264	fact:0.04748255332231578	know:0.042764315269969884	said:0.04089837659609501	is:0.03678894737743923	all:0.03198428444938678	show:0.027940272459798212	:0.4761137952241249
to:0.225401180319726	of:0.12677440051732572	and:0.05768220241270328	in:0.03348113011856884	by:0.02358652023687008	the:0.02143545302708262	for:0.02031106036368143	a:0.016572909075689854	from:0.014492292617209886	:0.4602628513111423
and:0.20698377169085994	was:0.14143072761503694	be:0.08719587433789103	were:0.08546624481136042	are:0.08060343384835979	is:0.07593848789232516	been:0.05152187485292135	he:0.035736076671259186	has:0.03386528129493371	:0.20125822698505247
<s>:0.10514401260260799	.:0.016459320058466273	it.:0.013484712208384689	them.:0.010348158826723748	day.:0.006710013809881599	him.:0.0061878063876993515	time.:0.006177099641911567	of:0.0060543371589817695	country.:0.00551450571704916	:0.8239200335882938
of:0.2146430677007669	and:0.13591851561776958	to:0.11880650594440832	that:0.08387050212667436	in:0.08053187810865409	for:0.06174834971335342	with:0.06002550984263303	all:0.05542762448860483	is:0.04757056080152315	:0.1414574856556123
the:0.4001596238651692	and:0.15642817830904476	a:0.06574461021215901	in:0.04321936077980995	The:0.041000134987651586	is:0.03478878659397957	was:0.03458521615984876	that:0.032312369994146425	of:0.028144678191716826	:0.16361704090647397
the:0.31031639700410435	of:0.2684069949181583	and:0.050033132338763726	or:0.04451589123012498	his:0.04361158624205332	their:0.03902762525668921	by:0.03898161273192348	in:0.02927484432047549	no:0.028888989713291124	:0.14694292624441602
he:0.169630596349963	and:0.15129651836170213	be:0.07455404909994086	it:0.045175801978105924	was:0.03988116810170332	It:0.03375535366760075	been:0.031318451267523056	she:0.030879618146173047	He:0.030756530656252622	:0.3927519123710353
him,:0.01505268562799152	him:0.014886413617037639	time:0.01343366120946627	man:0.0122116916677532	it,:0.011854818936818366	up:0.010510554121427521	them,:0.00942196297344716	years:0.00901017324258385	men:0.008803429636113446	:0.894814608967361
;:0.015332904746511602	it,:0.008379673726730376	him:0.008234329100191817	one:0.007610056654029261	in:0.007345772504028318	and:0.006744500141308532	,:0.006367931674184507	it:0.0063211873524142105	up:0.006108606962027444	:0.9275550371385739
has:0.2874723470481303	had:0.21209908218955756	have:0.15812588974903344	was:0.07159620177105616	he:0.043317753652398115	I:0.03743278882055877	and:0.03317214567799965	is:0.031834551558838554	they:0.023158639312579735	:0.1017906002198477
and:0.08885520567194188	is:0.08380255917825963	him:0.06369359489652075	was:0.05993015821442793	able:0.049029213918309535	ought:0.04777737613602496	enough:0.047162168503102314	not:0.04083249231362704	me:0.04056480699341112	:0.47835242417437485
the:0.1748970636084242	of:0.10640731527228467	in:0.08471900024538452	and:0.06542798806324274	that:0.042238403247887905	such:0.031441322454070365	to:0.03135646129977141	or:0.02825024931107222	which:0.02767427813323329	:0.4075879183646287
it:0.20009487951772253	It:0.13662155496952133	which:0.08462308071345959	he:0.06064788539794049	and:0.060267531284352416	that:0.054917481084689725	there:0.04408361668581946	who:0.0320962710870034	what:0.026203611617225644	:0.3004440876422654
of:0.14520781447954928	and:0.11939235813201247	the:0.08766836967788673	to:0.03751997848384891	for:0.032720730951206485	or:0.030196189989097285	a:0.02807345050525309	with:0.026796676447454038	is:0.024557442782126657	:0.46786698855156506
one:0.21902963294136704	some:0.10598079560091174	many:0.06107545962153149	all:0.0585813772730768	One:0.046623888102938334	Some:0.04347888579720777	any:0.03739644513429387	part:0.03504413325115569	out:0.03392430786956072	:0.35886507440795656
was:0.035456784501109805	-:0.03225257958234875	of:0.028750824047572055	be:0.02657392372247788	and:0.02466775748129279	it:0.020000259061986075	at:0.01931333357149971	<s>:0.01800164552469129	the:0.017743107431037367	:0.7772397850759842
his:0.280301226984174	the:0.18428826281676236	their:0.1525005158856212	my:0.10264072727465735	her:0.07323095749777801	a:0.04778399032037557	its:0.041286944981433135	your:0.03898597183828899	of:0.033343097374378586	:0.045638305026530865
you:0.12842884891676054	I:0.10959771526892978	and:0.08449859544454356	he:0.07740874383052262	it:0.07296708709428694	they:0.06889770309329357	that:0.05222938185448683	which:0.04926497541491285	we:0.04728221115565704	:0.3094247379266063
to:0.3962087926221998	not:0.2709462081128371	would:0.0898626716785658	or:0.06362987117376494	will:0.045124539172534985	and:0.03450163961176544	never:0.027994633501397203	can:0.018359187700341017	could:0.017208173559495346	:0.03616428286709834
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
and:0.13325050355748289	the:0.0977952141749978	of:0.08076427417939416	to:0.03940163852858414	that:0.028813968188794205	a:0.02344510229200655	in:0.02251672229600885	which:0.021414081113397418	will:0.019786011898094126	:0.5328124837712399
and:0.08362943294997585	together:0.07769806815080653	connected:0.0635902168573379	connection:0.06228367212358626	accordance:0.047530813078388766	comply:0.026000666542743977	acquainted:0.023189098613704624	compared:0.02214887744238745	contact:0.01973810078197255	:0.574191053459096
the:0.28616823096598526	of:0.16849075950554673	and:0.0686201761192385	in:0.06857833002324443	to:0.052276238993119194	between:0.040419537097676345	a:0.040292088703320336	for:0.02803787033104268	their:0.02445581117044688	:0.22266095709037964
the:0.25301730824835655	of:0.1464565551145527	and:0.05585990900083174	a:0.03838836758398213	.:0.02311513284178313	The:0.02227121113921669	to:0.022094878838485623	in:0.018220523202929013	by:0.01643595221562006	:0.40414016181424234
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.3903166238842965	of:0.09285309293874135	to:0.07857141283431646	and:0.06313563524900469	a:0.041753754735980156	tho:0.03699226957820257	The:0.02729143889121601	said:0.02499627676368967	by:0.022202898649216332	:0.2218865964753363
at:0.0693926861086492	and:0.058958025400746766	of:0.05728704858942107	the:0.046119877150078155	to:0.04120788857075587	.:0.035523903708533706	a:0.03050527090240056	was:0.024885339052005895	on:0.021614845552555	:0.6145051149648538
and:0.12898572248925802	to:0.11611585854818725	it:0.03754755225094808	was:0.03741392269322653	not:0.037060217058054575	would:0.036759237147356245	of:0.035819200194586405	he:0.03319283263844966	will:0.026089714434858684	:0.5110157425450745
.:0.0762374982238656	the:0.05009436662307132	to:0.04472136564815821	of:0.04392406649710519	and:0.04300493836565958	a:0.03224367914553519	at:0.030075025788026604	in:0.022781135941005354	was:0.020406425053828756	:0.6365114987137442
be:0.1284053179319181	was:0.10459547789505506	is:0.08717615330592739	and:0.06680183631064204	as:0.06113179073717533	been:0.06050232152667449	the:0.05592906275484416	are:0.04264795841353514	very:0.03720324977427328	:0.355606831349955
the:0.19299003980152	to:0.15304864785319502	and:0.14111771223238428	of:0.0817007785937238	a:0.05065282016351675	I:0.04615474919932061	it:0.029330923743997418	as:0.029165490617672367	will:0.028189753622368915	:0.24764908417230086
the:0.19038916310577766	of:0.1335812284146802	a:0.08746512876793663	and:0.06666312724409562	to:0.038444664584144125	in:0.038052288959744864	for:0.03373337890007681	The:0.02053635892973769	by:0.01798506222527755	:0.37314959886852883
as:0.3263722367109078	so:0.2702780305544421	very:0.12153098939714366	how:0.05384837182130184	too:0.04939593408728568	a:0.039330638434371325	and:0.036275973580459114	for:0.029765237524134385	is:0.021960228843859987	:0.05124235904609406
the:0.819950994509951	tho:0.0380210080970255	The:0.0307866341095479	of:0.01780197500738808	a:0.01777832233263893	this:0.015864163500474975	any:0.013805474628449799	an:0.013542901363839205	on:0.011502258038336795	its:0.010946268412347804	:0.01
he:0.18733828285607393	it:0.17433348738086127	they:0.10752314972265517	It:0.09609719701841689	I:0.06973128401339104	that:0.04393819514901867	we:0.042219762376550264	who:0.0412383621158049	she:0.039715373584194455	:0.19786490578303342
nothing:0.031115208791176522	and:0.0142911959607472	;:0.01351841187309704	had:0.013392267507292872	it,:0.013302832769898259	him,:0.012735690469186179	anything:0.011213822809801911	them,:0.009388945185561676	of:0.009235175723744746	:0.8718064489094935
the:0.2863320365209486	of:0.10243847891686803	a:0.09712087548526185	in:0.06656119445478023	and:0.04212287504619558	to:0.037045956835649846	The:0.033903388267842414	on:0.01992660199401608	that:0.019058148840672872	:0.2954904436377645
it:0.22799266000181923	It:0.1686624957458453	there:0.1438310363019012	which:0.07458233760526045	and:0.048609178129453035	that:0.04748964091920466	There:0.04726233672382726	he:0.04407297749312828	what:0.024409903877751892	:0.17308743320180872
of:0.22542601129901854	in:0.1271160473545423	with:0.09994037616618724	to:0.08803229945859553	for:0.08293171360644688	and:0.0790789521811045	is:0.06543908900764189	by:0.054912768471340474	was:0.04988653463363067	:0.12723620782149198
by:0.17736177112180943	of:0.13973248326776302	and:0.11096862210333128	for:0.10691318813549927	in:0.10406811735962952	without:0.04112061604129661	In:0.037637523561733305	with:0.02907047602566846	after:0.028632565493756368	:0.22449463688951274
of:0.5608638650338464	in:0.1436037351035127	to:0.07397395683134225	by:0.059420488173657963	In:0.03107519355952082	from:0.026187310187564802	that:0.025855536357740544	for:0.02253438075468413	and:0.02175344189815464	:0.03473209209997565
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
is:0.1679143642128523	was:0.14739221744014167	are:0.10322828491375705	and:0.09023720253440141	had:0.08817415279297132	has:0.07995189468261024	have:0.05822678044045881	were:0.052972752193983084	but:0.03646480304806914	:0.17543754774075498
he:0.1743783203389462	which:0.08986865416771923	who:0.08453748967404427	it:0.07685408425445354	and:0.05853104294457915	He:0.05617215396730411	It:0.046669220320163664	that:0.046262782417859916	she:0.02836729719210173	:0.3383589547228282
carry:0.18281036161031505	through-:0.1659987913497337	with-:0.10472532803897346	carrying:0.05989436857795188	pointed:0.0481862496694261	and:0.04287335829430306	sent:0.03982769731396628	brought:0.03556484937502764	carried:0.03503961230482394	:0.2850793834654789
the:0.229126836685376	of:0.18850611905072692	and:0.0691508331010834	a:0.035191939575035545	The:0.027214602464553955	by:0.02712831838114154	to:0.021727315061437456	in:0.01910895226470142	for:0.018406205130195197	:0.36443887828574856
and:0.08296040376566996	able:0.06504171041020183	order:0.0621408185377654	him:0.053813073784472795	is:0.052874348919057894	was:0.05026577439717304	time:0.04985952724781956	had:0.047685864843216075	as:0.047027809783576416	:0.48833066831104704
the:0.1910159588918514	and:0.10741641242565915	of:0.08005647482942757	The:0.0433513964468011	to:0.04217145650860719	that:0.036536585216216964	which:0.03467627736209193	a:0.029887313413559474	no:0.025688316724272155	:0.4091998081815131
of:0.11810747660930176	the:0.1092722307470949	and:0.08369126549389805	in:0.0575424387487661	to:0.054964087662057036	be:0.05179854835073383	a:0.05088162314378846	on:0.03382934429550624	or:0.025540025569382556	:0.41437295937947105
will:0.20898433613183012	would:0.18677388133079914	can:0.12997244895348725	may:0.12243806353693971	should:0.06589437712493153	must:0.058183768901986	and:0.048305791230676194	not:0.04397693457370049	is:0.04346050582937597	:0.09200989238627359
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
to:0.14869474264937652	and:0.13571206047606105	of:0.053837228370257825	the:0.05197162433529989	he:0.04669578621396971	in:0.04296777632239948	I:0.01882202655646428	was:0.01722030351610893	by:0.016683074618702224	:0.46739537694136013
;:0.017530145459475746	it,:0.015542966956644706	him,:0.01528512178024179	up:0.014805451086053014	him:0.011500833631464319	them,:0.011360851092390534	in:0.008418438807081296	time,:0.008040292410663603	here:0.007893046742983951	:0.8896228520330011
the:0.14082126062249153	of:0.10043694507260066	and:0.08092840229371777	to:0.048092720229548004	a:0.024138236551275463	<s>:0.023988881342042828	by:0.01954840557748438	The:0.01891028308604141	Mr.:0.01796941018206619	:0.5251654550427317
a:0.10274911458678743	to:0.10241230668493242	the:0.1013319508232515	and:0.0872077528062401	of:0.07288587483676193	in:0.06814334109960442	that:0.028470654885647737	for:0.02289028527364587	as:0.019225821605175636	:0.394682897397953
be:0.23960656481933734	he:0.144013647000431	was:0.119886999493104	and:0.09229979542837254	are:0.06912845550695702	been:0.06910706874537212	is:0.06847133516909112	have:0.05189049506443941	were:0.051411807268054	:0.09418383150484147
and:0.09091338446718264	to:0.07200169913361587	the:0.07136949128725417	of:0.06315797786860411	was:0.05712667550309537	be:0.03777280717832248	is:0.03335445812895317	I:0.02790665752634187	in:0.022543092383008004	:0.5238537565236223
and:0.19976558788887644	he:0.14938538929077472	He:0.09173486055548702	who:0.05962580623160871	that:0.037160899245276505	I:0.035337754400841435	she:0.03140183379869532	they:0.02867647165838544	it:0.02591489058856522	:0.34099650634148915
with:0.1563943574992579	of:0.15311791929892044	in:0.10224831329080335	is:0.08810057000326926	for:0.07765656079265888	by:0.07424193366278849	was:0.06753000590719938	to:0.06635525736154048	and:0.05991895015171397	:0.1544361320318479
;:0.027973254739906566	it,:0.019169730992282877	them,:0.015309262526226733	in:0.0134458763649858	him:0.009729016497342296	up:0.009454385151622214	you:0.009320469589444288	it:0.00918022775008601	and:0.009177733399399748	:0.8772400429887035
the:0.28001377413698875	a:0.22448111566941495	of:0.09233939536547903	very:0.06991932743111932	feet:0.06315537191103236	and:0.05988851150478844	in:0.04685253455012042	on:0.04542859613060965	inches:0.03503107385308133	:0.08289029944736577
I:0.2438903261610935	and:0.1039580620088399	had:0.09980734053037006	he:0.09644586929169624	have:0.08025984132897115	has:0.06701985438022336	they:0.062333449171321414	she:0.04805511570785756	will:0.04557199400182339	:0.15265814741780342
feet:0.09124682453705052	poles:0.0730701371555321	up:0.05088279168420823	chains:0.04885658892872941	entitled:0.03694920633644442	went:0.034748145318504654	came:0.03280590556373315	down:0.032521221296211	him:0.032446562119539564	:0.5664726170600469
of:0.332778108478891	and:0.12371675734506976	to:0.1058237248121307	in:0.06546477870986844	with:0.059522544653296296	that:0.054760251307589616	on:0.04981991821199659	for:0.04756293872159316	by:0.04072668516612568	:0.11982429259343878
the:0.13265666058002482	of:0.09626070854280865	to:0.046955127297984935	and:0.04429135686244398	in:0.03477759037394919	a:0.03439151401142228	be:0.02823389247379876	his:0.024495668476079438	at:0.022283085551539385	:0.5356543958299486
and:0.09694613002995947	I:0.06642710373072949	he:0.05682085562006236	1:0.04661814126384533	feet:0.042820371402622036	one:0.03702770405431935	friends:0.029371749933395506	man:0.029054247274854776	well:0.027431067081112204	:0.5674826296090995
the:0.6745583809925446	to:0.049959595577264315	of:0.04448598960512335	all:0.041611844593108446	The:0.03704036290944888	tho:0.026524406295262478	a:0.026126619444513683	and:0.02462204062971019	their:0.020885119443273703	:0.05418564050975031
or:0.23787206092569926	the:0.22298584915449174	and:0.07708881234207404	a:0.07310387263234051	regard-:0.06503706796251807	not:0.06268498993776224	be:0.0383197663640591	no:0.034518961489812386	with:0.032840195456044115	:0.15554842373519853
the:0.39641987929000666	to:0.06496616658912657	his:0.05470595431498373	of:0.04950124727099258	their:0.04763641401223838	and:0.03773305381016866	a:0.034066464411448484	this:0.032279904954112	at:0.030241620504566004	:0.25244929484235695
in:0.48715465547940207	of:0.15700330612488225	In:0.09191988883383945	to:0.053148940725846805	for:0.048746671761341884	or:0.04125223392735419	at:0.034890482707495556	by:0.03164631434507608	from:0.028933942360101064	:0.025303563734660646
is:0.3438284440230855	are:0.206837513365632	and:0.0920312389724612	Is:0.05807230836565459	was:0.04639531244978468	not:0.03260720884929152	but:0.019697094704788438	am:0.019101151492816083	I:0.01906529865289116	:0.16236442912359483
hundred:0.0235032118971759	;:0.0054779585071094445	up:0.005105670240079721	and:0.005030271487351648	.:0.004466719647061224	time:0.004206347673770886	,:0.0041579269327617985	men:0.004116251486160726	out:0.0037026151279423913	:0.9402330270005863
to:0.12745269889384106	or:0.12217703056032667	and:0.08730918257362946	not:0.047281344484172254	of:0.04281995032937434	there:0.031252455305734006	the:0.03116152155329934	nor:0.029088589822352923	that:0.027904259434166613	:0.45355296704310333
hundred:0.04265628350110936	wife:0.020250415373466096	right:0.019818096913298437	gold:0.018952355080848752	one:0.017778589020783563	feet:0.015991155803824854	up:0.015585054832391794	in:0.01481161893089632	man:0.014350485084782344	:0.8198059454585985
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
and:0.09468249737622518	depend:0.03875088893599322	based:0.03863406357657407	placed:0.0380392715961322	depends:0.03779424552216468	called:0.03705486424756454	down:0.03295251281941486	made:0.032658028953724605	effect:0.028685464570585545	:0.6207481624016211
the:0.13259169110380162	of:0.10125360072296336	and:0.09484351367489134	to:0.08300581834006926	in:0.050971125704924715	for:0.03594060850150928	by:0.03300085356009506	with:0.026884014004315525	that:0.02638558557195262	:0.4151231888154772
and:0.11709500579409855	put:0.10643117699563356	as:0.08581826638299535	of:0.08457694032516448	to:0.0765575960540644	for:0.0656423325436213	that:0.060023322702557384	with:0.04342737654055691	make:0.03905893713352531	:0.3213690455277827
the:0.2548175450256291	of:0.14358008674215583	to:0.08722829211980318	a:0.035012358816843885	and:0.034332699942394296	this:0.031711900488600696	for:0.028237075664339303	in:0.02766221115153456	The:0.024371142227311394	:0.33304668782138774
of:0.28452711552926707	at:0.14881595635809775	and:0.09288958158857959	to:0.08099223469338333	that:0.06199826901065805	for:0.05380546747175995	in:0.05284639995750884	on:0.05275467124510856	by:0.04921267818625293	:0.1221576259593839
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
of:0.16481628547158406	in:0.14538258511888932	as:0.1110506469897929	with:0.08640941993996379	and:0.05913249395005859	to:0.058397995298863435	is:0.058152901356719404	by:0.05436332090863233	for:0.051415768572934645	:0.21087858239256155
and:0.2025426206599399	which:0.11161117461197835	he:0.0810138078368428	that:0.06153749388975349	who:0.04584618601045561	as:0.045467287777914256	it:0.040544012355059375	It:0.033983826054663775	He:0.029986233804923677	:0.3474673569984688
of:0.3147555289939825	and:0.12039528354865424	to:0.10171040430438437	for:0.06433585033092389	that:0.05900427079682019	on:0.05361835520114675	in:0.04909251672047128	by:0.04437046936555562	with:0.04041817394560568	:0.15229914679245546
of:0.4556973600889605	to:0.14121063857738214	in:0.06808807519103943	that:0.045197456045010784	with:0.03929405959600274	and:0.038109776254707683	by:0.034830801846551074	for:0.03259080246565506	all:0.028180769546244915	:0.1168002603884457
the:0.2010313112830808	and:0.12333784255178008	an:0.11798891991504298	as:0.1083923656499927	a:0.10178985439360237	to:0.08983023427952304	this:0.06907047151181897	good:0.06796509736395559	great:0.04383271625995316	:0.07676118679125031
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
the:0.33659506752153934	no:0.10712964965690064	any:0.08599067151516014	a:0.07771987172596662	an:0.0709032987524238	his:0.050692284641697685	every:0.036434595345144816	this:0.031918343690071155	good:0.03018793782287816	:0.17242827932821764
to:0.38163467894398484	the:0.14272611601544918	and:0.09488300624976068	a:0.06556531103985935	will:0.04742877566250787	I:0.02955421422768214	that:0.022097796946652225	would:0.02108515513915753	of:0.02101222361944531	:0.17401272215550087
in:0.2773929451653081	of:0.25179751328685657	from:0.10493352270338963	In:0.07871489024919641	by:0.03248067578696525	on:0.029927874281646023	and:0.02883971153282231	to:0.022549739773870918	with:0.022383653374279035	:0.15097947384566573
and:0.11377958278649936	that:0.03393930173013742	made:0.03148131436108041	or:0.028913259191955403	one:0.024054279679360312	out:0.02402922383216283	them:0.02364649400583724	up:0.023196658338292434	but:0.02279300312693332	:0.6741668829477413
made:0.11942847096974421	and:0.07979570471363857	caused:0.029091215056480817	shown:0.028426754301022945	up:0.02777670568714523	ed:0.027617079589566704	out:0.026630159435991316	taken:0.02626602987193105	done:0.02542850605479482	:0.6095393743196843
It:0.27791339494687406	there:0.13973149922916894	it:0.0893288627667459	There:0.0888301203297037	This:0.037279150612401064	which:0.034684125549762565	that:0.031534539686529695	he:0.02962663744935217	and:0.017772187453392457	:0.25329948197606944
of:0.1598528543161422	the:0.12025166729799407	and:0.07467151083664718	to:0.06760504028802868	in:0.04743958464325681	a:0.042783727124754554	with:0.02384270903663011	for:0.02147260837277915	by:0.020285084183599224	:0.42179521390016805
and:0.1508444054308438	the:0.14166398776204175	he:0.0986337746419439	was:0.07570236894587125	I:0.07526171722223626	had:0.04145645932380156	be:0.038262192668665	his:0.03353267907326833	to:0.023310602533815544	:0.32133181239751263
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
is:0.21766374638045552	are:0.1429317620043109	and:0.13590111700972726	the:0.12151710767800802	a:0.0521144188917556	but:0.03736260460813484	Is:0.036889883225951804	not:0.03264296664689189	I:0.031205764301094206	:0.19177062925366992
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
and:0.07176323887870309	and,:0.07040749756290805	that:0.03745355551650805	but:0.035085697128966406	is,:0.03262703460897095	if,:0.029405457228772896	This,:0.02872885384522664	But:0.023133626745849855	which,:0.01960844856146866	:0.6517865899226254
to:0.26049963559599515	I:0.23424584341745264	not:0.13930652980710662	We:0.09361380446627797	we:0.08153985185540556	and:0.03653208304274101	you:0.03155949940841082	who:0.021913146120417486	They:0.020166475293921106	:0.08062313099227163
day:0.06537926351619806	city:0.055305298519592594	County:0.05522691197395674	City:0.0388322377621707	board:0.031228627203475492	line:0.02938660119704138	quarter:0.02586171665566026	county:0.02527201729250499	District:0.02478548959974637	:0.6487218362796534
it:0.1929049005621763	he:0.18280993884688768	It:0.12849759550195017	He:0.07205560501802064	I:0.07198267105824122	and:0.05595224834253129	she:0.042263555243110165	which:0.040665536678821106	who:0.029013974707004002	:0.18385397404125747
have:0.18475584420268426	he:0.1468550087745283	has:0.11699740890914515	had:0.09981173677559826	and:0.09408078930071936	I:0.08622525072476872	be:0.050594147091412967	He:0.040705954086625855	who:0.039136541237451916	:0.14083731889706522
hundred:0.1508383142470406	3:0.014789630224314176	dred:0.013643475933534115	Hundred:0.012798093174018373	2:0.012674819876074746	7:0.01247994559587633	north:0.011094294567924882	6:0.010680533149460937	4:0.010564904386468236	:0.7504359888452876
is:0.09711397499620324	as:0.07369218905968099	and:0.06692479197984169	was:0.05717630077691028	not:0.04971285769016398	enough:0.04508192968416911	him:0.044767279139910916	are:0.043005955168464685	order:0.04213187363420604	:0.48039284787044906
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
and:0.08996131853512668	be:0.06437538676040118	to:0.05480255961658224	of:0.053107136157217696	the:0.04374846652028375	in:0.03423105078695447	was:0.03263607209835259	is:0.030426330539617186	re-:0.029533595312853534	:0.5671780836726107
<s>:0.076086458156577	it.:0.027476939619448526	.:0.01568295398253794	day.:0.01336956163748395	them.:0.013251085846022526	him.:0.011094835122711163	time.:0.009209566625668533	her.:0.008189255532095091	night.:0.007891780912983542	:0.8177475625644717
a:0.26816741517227116	and:0.1164475842259872	the:0.08977429521004779	was:0.07732953724400833	to:0.07708823776823694	is:0.06379656731224781	came:0.062058044982950936	as:0.050550276079878706	be:0.0363435971223633	:0.15844444488200785
of:0.30151673583094185	and:0.12405385495341562	to:0.11913346659173418	in:0.09549538327407575	with:0.06123387990671086	from:0.04593264830052986	by:0.043706198650593	that:0.040602407316056494	for:0.03494675039735821	:0.1333786747785842
at:0.22158661501966892	the:0.16050070479306566	to:0.13523469399477825	this:0.10997597105345655	of:0.09394134192720065	his:0.05724772408120765	and:0.039864841416294254	in:0.03835977941223359	their:0.035640811060820086	:0.10764751724127442
and:0.08362943294997585	together:0.07769806815080653	connected:0.0635902168573379	connection:0.06228367212358626	accordance:0.047530813078388766	comply:0.026000666542743977	acquainted:0.023189098613704624	compared:0.02214887744238745	contact:0.01973810078197255	:0.574191053459096
the:0.3151050199199344	of:0.19934440961963032	and:0.09403596924635611	a:0.05760053243671449	in:0.046059231230040076	to:0.036528079739300785	from:0.024578181329882286	by:0.02443087561226668	with:0.02370535683180285	:0.178612344034072
the:0.3896864768507585	a:0.38955109259167264	The:0.03856104779306881	to:0.03819020718487363	unanimous:0.02724470260669978	tho:0.01989075699478741	and:0.015517103996430926	no:0.013167611829893873	A:0.0129234314621091	:0.0552675686897053
of:0.291878844923032	in:0.15094640644751794	to:0.09938863289086591	on:0.0952146420922658	and:0.07744499711044918	for:0.049582147563059634	by:0.04743246243098676	that:0.04564148095441909	with:0.039929408516605834	:0.10254097707079783
and:0.08809787941621242	was:0.056402203681033096	are:0.03647971428688554	is:0.03479626638942261	arrived:0.03280548655439932	it:0.029045202212511643	them:0.02581179511901184	be:0.024269609248131083	not:0.02417567588862434	:0.6481161672037681
he:0.1435483956157442	be:0.12161897284793317	and:0.11887375858477098	was:0.093092947160533	had:0.06730793452481582	have:0.056984089373811136	I:0.045955341847905416	has:0.0442354067539944	is:0.041163657813519494	:0.2672194954769724
amount:0.07919987458556406	payment:0.05473586814113923	out:0.05053607716873832	value:0.0498733300394171	part:0.049264397934526596	proof:0.04494063651223855	all:0.035516241206615985	tion:0.032755849510533855	proceeds:0.02811040568735143	:0.5750673192138749
of:0.19688564506378914	to:0.15475367635305537	and:0.12646650242287408	in:0.10355574394511963	the:0.08834244817948428	not:0.06819890637211766	with:0.052380774538624005	is:0.04400504110441281	will:0.03741632856350249	:0.12799493345702054
was:0.10273436399307243	carried:0.060408138566851455	be:0.04552400157315271	went:0.04454256145644749	taken:0.04180169407000121	is:0.040326146814209554	far:0.033301118211726106	it:0.03312623971246134	laid:0.03228880259773124	:0.5659469330043465
in:0.3851596626264814	of:0.1132547306136073	the:0.10234454199828225	In:0.09356238099703101	to:0.047796539233256524	into:0.03201032902311696	this:0.0312779040672614	and:0.03031411906894275	on:0.02886688187359787	:0.13541291049842255
the:0.6920395727156173	a:0.07131432581125909	The:0.03778973167006852	tho:0.03485348103345576	in:0.018128886235141275	and:0.017705751246503067	tbe:0.01390721856149159	this:0.009711312616351926	of:0.009692506916610917	:0.09485721319350048
or:0.6549997301188926	the:0.08054951020740038	and:0.05367602491286469	a:0.04941500965091758	of:0.017906863440884106	this:0.010063106881593672	as:0.009675515348615554	in:0.009417919840666214	that:0.008721473131655257	:0.10557484646650994
is:0.13286252619151903	was:0.12953802456769103	the:0.11802687440674152	and:0.07247908536379408	are:0.06715041912328397	be:0.061557153319780844	a:0.049797298421495155	very:0.03984054209639543	been:0.0380209750618588	:0.29072710144744013
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
be:0.1906927047088627	is:0.10539942336552041	was:0.08596059803282627	are:0.08275611901495918	not:0.07794602945105039	and:0.06292219589077397	an:0.055855758822486154	as:0.05064985003891143	amount:0.05031564515767331	:0.23750167551693618
a:0.17523357011570054	the:0.13322938068206072	of:0.11378635839293329	in:0.05969415775176269	and:0.0576225769235264	to:0.046516488064961274	an:0.03654912902619585	for:0.0203897744532919	his:0.017916214191763345	:0.33906235039780397
-:0.06043243844691917	<s>:0.0347924979983631	of:0.028395609460602354	I:0.022286652811976095	and:0.019710634412936825	.:0.01873919029424233	w:0.018327898499453935	to:0.018180632825382292	ti:0.017319943287432166	:0.7618145019626917
and:0.08065115970908836	them:0.034741264455021924	put:0.03393847235235448	out:0.030324100456217955	carry:0.024614501276048497	was:0.023915996504260528	work:0.023096297608759246	it:0.022532056597830582	that:0.022361432657540006	:0.7038247183828784
of:0.3272621763325615	and:0.11912055941550759	to:0.11884108314543462	that:0.07154596649967956	in:0.05410731453790963	by:0.04777557635009651	from:0.04543878675726559	at:0.036483141261987984	with:0.03208444727551291	:0.14734094842404408
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
one:0.13027668708462814	out:0.07742206756685843	part:0.06474114282857145	some:0.05640712659716483	time:0.03954471000289752	account:0.03620724368530425	all:0.03238127669140698	and:0.028154969476639407	that:0.02755643570827209	:0.5073083403582569
to:0.6358289166796146	and:0.061758940811755446	will:0.05206733826160873	would:0.048290160660859546	not:0.0459331921931083	can:0.029043247879603072	or:0.019232596851407976	should:0.019092852986269008	could:0.01863228756370924	:0.07012046611206409
that:0.17731814104818433	if:0.17371532322901487	If:0.14810705462000073	and:0.0881921140175973	as:0.06963694631433161	which:0.06153599372010066	what:0.03712528861751677	when:0.036528923563773616	for:0.02832091923235928	:0.17951929563712082
to:0.11611623202716108	and:0.0927670277041291	of:0.05480015358824163	the:0.03853384443427393	is:0.03353964289198347	in:0.029809014802675858	was:0.0288691907044105	con-:0.025306563829559637	will:0.02411726427444757	:0.5561410657431172
has:0.18401397622660687	be:0.17200584231050264	have:0.14616392570548328	had:0.1270349578166319	was:0.09784795343631118	been:0.058517926236360394	and:0.03857113936578135	were:0.03528872244905011	is:0.03481413358583192	:0.10574142286744033
and:0.11770920586208125	him:0.02652458526496277	reason:0.026088207156801928	made:0.02589174143551295	but:0.025031317555575812	enough:0.02244353884399602	asked:0.02140113704667773	time:0.019604906534980888	them:0.019458932819847542	:0.6958464274795632
to:0.3986640275545894	will:0.16081121906370732	may:0.09151381165819042	would:0.08091138360757623	shall:0.056892314073592985	should:0.05352920438258445	must:0.04170585614327608	not:0.037555130024714285	can:0.03148474353611089	:0.04693230995565793
is:0.16648732978108713	of:0.14073804843705123	was:0.09132863614146981	and:0.0842639405921889	with:0.07719561307258256	for:0.07459041493408321	to:0.06510513092505121	in:0.06326981761877702	as:0.06113300678123566	:0.17588806171647328
was:0.24481360022719167	is:0.17251133921164097	be:0.12701018460370753	as:0.10987193564047569	been:0.06188188525065157	and:0.05959429580817294	were:0.0559259271289302	are:0.05397030872521698	the:0.032230181272510684	:0.0821903421315018
<s>:0.07498661557471537	it.:0.015813070158576678	them.:0.010439213671753572	time.:0.00852233128911293	day.:0.008301811881509559	him.:0.007958737981045577	country.:0.006888058108861973	years.:0.006599897824752727	.:0.006080609714831519	:0.8544096537948401
the:0.19960057998544425	two:0.1116006216964958	of:0.10909916956935373	and:0.1039307788586312	for:0.0714416799609176	The:0.06483201951930428	three:0.04488996883001005	that:0.03784064210188472	few:0.03694624584558003	:0.21981829363237834
of:0.3126794167662264	the:0.1090426676453841	by:0.1035539924821861	from:0.08797083071018345	to:0.06503045519884776	in:0.060611115676531574	and:0.05031632811796383	with:0.04790877399991537	for:0.03960541184950325	:0.12328100755325816
<s>:0.13332773400439699	it.:0.017066945996742983	of:0.013729019366744486	them.:0.012759891708149384	.:0.012586104044924808	day.:0.00907301277760341	time.:0.008046780619471753	to:0.007728180875465198	year.:0.007471176187959488	:0.7782111544185415
<s>:0.04528069650880274	and:0.02699937938339363	was:0.021406588236314687	be:0.020813624463239748	is:0.012882853041428905	are:0.01258672034788641	that:0.01152457668573977	were:0.010877731891555668	.:0.009179189803047959	:0.8284486396385905
the:0.554423673255985	of:0.051470899997346276	and:0.0350928188729424	The:0.034862458467138896	tho:0.032661222777039124	Rocky:0.02472592792802775	a:0.01762220092102685	tbe:0.016088057488059145	in:0.014441352618869198	:0.21861138767356542
the:0.24410430778870992	a:0.07710151381515075	of:0.07697577719266274	and:0.0652097685225663	Mr.:0.055847139160639825	The:0.04108289213685512	to:0.03342562073379652	in:0.027117287009663538	an:0.024562678691808327	:0.35457301494814697
the:0.18927580197235688	of:0.10268000335673094	to:0.07193089873803327	and:0.06302722590064451	in:0.035804951354373886	for:0.03552877544733519	be:0.029165863199114864	was:0.021230450879771812	is:0.019324942212557497	:0.43203108693908115
the:0.44352671438253904	The:0.20556079537016328	of:0.07933036204388641	a:0.0714532607232467	and:0.05208479359061432	his:0.028246820557380776	tho:0.026245401699665986	that:0.014718708763889463	Tho:0.012876422399890715	:0.0659567204687233
one:0.10818554143898346	out:0.08205944313405265	some:0.05230482666832631	and:0.03704986683954225	part:0.03619022213779566	many:0.03198669884790675	that:0.03137518623430548	all:0.026696116418554856	time:0.02459438233182114	:0.5695577159487114
to:0.15995865690355016	for:0.08812077620807249	given:0.08367875525209037	upon:0.08012106390370344	with:0.06659903789813697	by:0.06488785775174076	told:0.05658183720137386	against:0.05178513590970342	on:0.04939516741234394	:0.2988717115592846
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.3351417205189195	young:0.06694620006363963	business:0.06371561793896569	of:0.05897933906908186	and:0.057095859570076915	The:0.04750635922600106	two:0.04391623041100769	many:0.031745076722129534	by:0.029294297910931008	:0.26565929856924714
the:0.12587325765134058	a:0.08920092790070841	and:0.08707384880824844	of:0.0825049241743352	to:0.059790278496737854	in:0.032936110292086956	be:0.03252258016382413	was:0.020814076420510568	is:0.018976654092854692	:0.4503073419993532
Mrs.:0.12391496451004555	of:0.10561567094796821	by:0.09540165084641729	said:0.08907735241605073	and:0.08103757474183422	Mr.:0.03969658608022446	boy.:0.033995102756734945	to:0.03214074732506984	girl.:0.026701543008199158	:0.3724188073674556
few:0.30254830165970303	two:0.20392421558385174	three:0.18616554659975368	six:0.07079848944605914	some:0.06524808644976055	several:0.05524322526335652	four:0.052055506109157525	successive:0.017637294296784962	five:0.01721204555513869	:0.029167289036434153
the:0.18569082095527795	of:0.08036465464605304	The:0.07771425594879346	Mr.:0.07134755128871598	and:0.05004412695469776	that:0.04809895270981636	a:0.030382148191854107	Mrs.:0.02415799873788853	his:0.017341480938086247	:0.4148580096288166
feet:0.0606555037946074	as:0.047027694539963964	day:0.04434563159926064	went:0.04311010065257144	came:0.03369476916258308	up:0.033436542059937964	prior:0.028779010262136397	and:0.02715713160016768	back:0.023238650372328445	:0.658554965956443
the:0.24682052674279503	a:0.10297801461473544	of:0.07376527875490486	and:0.06973526093515699	to:0.03665928191989305	Mr.:0.036349590008959286	The:0.02694297866230446	in:0.021912428904100462	tho:0.019250638099189983	:0.36558600135796043
to:0.3323308833437942	the:0.24035303061033447	a:0.10402448688644131	this:0.04972965382086444	will:0.04324520991566822	would:0.039784382993708754	and:0.03597028998842865	of:0.023460223222763765	in:0.021549031303441487	:0.10955280791455473
the:0.8291756217855742	The:0.06141510789342516	tho:0.04438008680995066	a:0.019292537490017875	tbe:0.01760278147059464	said:0.0059094839607791525	and:0.004766988892176631	of:0.0032972763668648016	any:0.0031416505013650182	:0.0110184648292518
and:0.2010112187903528	of:0.12960160601760684	by:0.06369258074739748	after:0.061746502345829984	to:0.06069635106202674	in:0.05737447263477027	with:0.047880701453707764	for:0.04618998809794344	without:0.04028170195608703	:0.29152487689427764
and:0.11703256979072817	of:0.04862955176754268	an:0.034515453608917925	to:0.03404304096356623	said:0.022986409875297858	that:0.020786666898555087	which:0.019704788794122966	by:0.019155485013291774	as:0.01889974639883975	:0.6642462868891376
is:0.3668021505498568	are:0.24023046289112668	was:0.06874849951772775	and:0.061149555982266186	Is:0.04753428152448842	not:0.030337206137931415	has:0.029572472899981373	have:0.026201187130538175	be:0.018883850020146527	:0.11054033334593664
to:0.13485762507178103	and:0.09756814597574184	the:0.0900710029282669	of:0.07431987740943988	be:0.043124786372275854	was:0.04146406106085092	is:0.03348267801334315	for:0.025423363975354794	been:0.023645982162490895	:0.43604247703045473
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
of:0.224243586616405	in:0.11816808062411355	and:0.09303763643129613	for:0.06642737847239434	to:0.05126883583653419	all:0.030371244963563644	from:0.028299693166901903	In:0.02490035663658011	fact:0.019264782487007102	:0.344018404765204
that:0.16908251924626766	and:0.1614871501143544	is:0.14354956980661143	was:0.10626479582684303	but:0.06449625016186199	had:0.05126879507399067	have:0.04256692789755818	be:0.039925149622974804	with:0.029913943867320138	:0.19144489838221765
one:0.016368888842335127	more:0.015000372690832826	on:0.011189338260333165	day:0.01075934247865153	two:0.010752403191876184	person:0.00789861567222125	in:0.007751399993273645	man:0.007556023970783172	law:0.006531081514130428	:0.9061925333855627
was:0.24105660033861198	be:0.1865069504207599	been:0.17101212753871817	is:0.07272077704819936	were:0.07008566824707603	being:0.04014909660154769	are:0.03563442003391306	duly:0.034847198460421155	and:0.01925720307319524	:0.12872995823755742
the:0.25357171950974755	of:0.21349020178817782	and:0.1239496016084099	in:0.06837193822179104	an:0.06613702144547266	a:0.04512934821502241	In:0.03418644101861625	tho:0.02718519897931761	for:0.026302338739748226	:0.1416761904736965
Mr.:0.21793073209425878	the:0.08378219259127247	Mrs.:0.06707772641890343	that:0.06617979660296829	and:0.04030382449327421	The:0.03404842648436478	of:0.033346107770180614	as:0.022111428366045426	<s>:0.01800453229909228	:0.41721523287963974
the:0.21868223441186688	of:0.14173900498592135	and:0.09037555331977652	to:0.04915187593900712	a:0.043632455274109284	in:0.0327275663117945	or:0.020700841863396345	for:0.019420592137183647	The:0.018709321644895263	:0.3648605541120491
the:0.1902515117941	of:0.1332294966401864	to:0.08819371175492623	and:0.0615046333948122	in:0.05795933627817157	a:0.035677508353687416	from:0.024839948419151606	for:0.023763221848154797	on:0.021735423832789886	:0.3628452076840199
so:0.3530502153475638	as:0.19180703095362847	thus:0.12703161472336638	not:0.05152904032332822	has:0.04425029221122765	have:0.03855703074874369	So:0.03854083915980121	had:0.030503120987103914	and:0.026529232687372596	:0.09820158285786405
the:0.32228340711250963	a:0.31517780398116596	feet:0.0459716562500206	of:0.04385969182338538	very:0.040619249504100084	and:0.031221971293818287	miles:0.02781698788094351	as:0.024663739667348708	The:0.022163011271138667	:0.12622248121556917
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.16267840425826882	fact:0.09574554698234829	believe:0.06296690217091916	said:0.047277443736499156	so:0.04505920144260566	know:0.042327676761097104	say:0.03850507967995503	is:0.0377523071150299	but:0.03281262958809694	:0.43487480826518
is:0.21205727315440398	be:0.1547399368849096	was:0.1360156297181471	are:0.12548726886725728	been:0.09016487120355417	and:0.07629789011719088	were:0.050186960372841226	have:0.0454894154249487	Is:0.044309795563169434	:0.06525095869357764
would:0.17959540429010784	to:0.13519794944916977	who:0.09755427043109222	they:0.08092794866467283	I:0.07229973568327139	which:0.06237819314755754	must:0.053838397959161594	might:0.048424713189248424	shall:0.04348004295022552	:0.22630334423549286
the:0.5938752206699572	a:0.07194708460267402	this:0.0683308908575702	said:0.04702185015698109	tho:0.02339105251413867	further:0.021788605049544642	any:0.02085652127873726	large:0.019757884244173747	principal:0.018479333274050016	:0.11455155735217311
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
it:0.19048068241509208	he:0.15273242883251953	It:0.1196284045271654	I:0.08654371532042918	He:0.05072207684118977	which:0.0493155414634095	and:0.045211601649086657	she:0.04519846811121409	that:0.024053928065086855	:0.23611315277480693
of:0.3982705258652667	to:0.11007379598012013	in:0.07747750678021646	that:0.07041526475871102	for:0.06815409584443852	and:0.067607455564167	with:0.045046925045085166	by:0.039963923206194955	from:0.034089571750457306	:0.08890093520534274
the:0.8283883289241207	The:0.05238861484838014	tho:0.027932255884137086	this:0.01698217674934326	a:0.011165988778192436	and:0.010835424002628312	said:0.010151048970063132	tbe:0.009282570611441816	next:0.004456367117900039	:0.028417224113793094
the:0.2612105293864527	a:0.1854288176560714	of:0.1646945983179479	to:0.06245013220754896	this:0.04700028881116719	in:0.040069805858966995	his:0.039583598549874484	and:0.03868595250348969	that:0.033760060302480105	:0.1271162164060006
and:0.09377129454296322	was:0.04271315341537484	out:0.028524574363226172	that:0.02811573968936019	placed:0.027131868575018914	work:0.02578173844450971	made:0.024681420068921236	is:0.024021050156212566	up:0.023509378606325886	:0.6817497821380872
of:0.2083734944571929	and:0.19472038931572272	in:0.14129663439493959	to:0.11477480657326358	the:0.06275066034266397	In:0.042003347098323936	that:0.027755325472345674	they:0.026167953152787318	by:0.022159574287794213	:0.15999781490496615
few:0.15905914256695974	five:0.11332172392089607	30:0.1054050529318697	10:0.09844060039216687	15:0.07592197449906879	three:0.07418949564400822	ten:0.06853462533896233	45:0.062270802209834074	20:0.052457162588785106	:0.1903994199074491
of:0.24878153460845093	and:0.10939396131124376	in:0.10634964370344462	to:0.10434311784824232	that:0.08220716183141033	with:0.07257661497774802	by:0.05366728392702869	is:0.05129968291250772	all:0.05040229225601421	:0.1209787066239094
the:0.5543067333463603	The:0.10090118209138291	this:0.08260347427638913	said:0.054669404624189934	rail-:0.04334313412125119	tho:0.02960743337822811	rail­:0.026830106985642532	a:0.01465667357474778	that:0.014382816224735064	:0.07869904137707309
a:0.2875884538815081	the:0.27132157202938445	The:0.07624024454834454	this:0.02678704221627498	his:0.023399706340654636	that:0.02137411768655843	tho:0.017766992170435914	A:0.017476939127180142	one:0.01622214223210542	:0.24182278976755342
of:0.29752346893389403	to:0.12275808145904213	in:0.11966883877934051	and:0.07139908384830312	that:0.06373551183862165	by:0.06116086555573226	on:0.05676258783617116	for:0.05612550144603564	at:0.04522861288790125	:0.10563744741495824
the:0.1287053056813113	and:0.09508927028557602	to:0.07119949655636888	of:0.06102613577256228	so:0.03421728976199958	is:0.030015551339827497	be:0.023127371175015583	he:0.020689572386688632	was:0.018665179604157495	:0.5172648274364927
in:0.23406216333241298	for:0.1761078298884538	of:0.1648758920666254	to:0.08654886389602759	on:0.07191691982735002	In:0.06472324223142688	from:0.050233184125745116	at:0.04179807844365296	during:0.03799364992576125	:0.07174017626254402
made:0.08329991235877175	and:0.08101134671409826	owned:0.054099228506223805	occupied:0.037600553934019024	accompanied:0.03392102474539285	assisted:0.03128640535785278	given:0.027620904807990978	followed:0.02743538083911405	signed:0.023920362965688828	:0.5998048797708476
is:0.26351219754795635	be:0.2078310710301647	are:0.13519178924723887	was:0.1129507276169888	and:0.07266071628417264	been:0.03818430286149086	Is:0.03605566750304204	not:0.03539323581294185	were:0.03506637057818147	:0.06315392151782241
person:0.06648850443404725	one:0.05811416163602787	more:0.030531395869409148	action:0.02688752028708181	man:0.026103584603042566	city:0.02069583523610491	in:0.020263989855346977	owner:0.01852014373793746	law:0.015119752753579907	:0.7172751115874221
the:0.15652861021077083	was:0.1393708775930737	be:0.08700501284223401	and:0.06785974942647116	is:0.06727523111358945	been:0.05031505860014806	a:0.046115105229874005	were:0.04071435843644415	are:0.03670507158944145	:0.30811092495795317
and:0.14170530797940953	of:0.07227017679224287	the:0.04462003554708702	be:0.03685807754549318	a:0.035905515184589634	in:0.03203315204003	is:0.03168739705547206	was:0.03131301567082761	he:0.02922624312968863	:0.5443810790551594
made:0.07480064136839229	and:0.07299256274953536	or:0.03735346764649361	it:0.022904839789852624	paid:0.021045970284064613	accompanied:0.021040921077179583	that:0.019685582551149376	ed:0.01935348104827986	done:0.01879214719018923	:0.6920303862948635
and:0.05176341038719417	was:0.02915783767175838	application:0.026545264466369282	there:0.024985630699195287	so:0.021576687337672366	place:0.02128825397229763	feet:0.020260097505456983	as:0.0197054533544315	him:0.01932502443600241	:0.765392340169622
the:0.34438797114120145	and:0.09093064394369817	a:0.07985490153752092	of:0.07073501976813588	The:0.06834359781910071	this:0.047559097839538635	his:0.035617520403462694	its:0.026510842598970165	tho:0.026343210399792108	:0.20971719454857926
virtue:0.07446520038896885	out:0.065008335608151	part:0.03947215825672998	one:0.03562890125655043	quarter:0.03241584136443704	favor:0.0239235849421329	result:0.023354276051738905	guilty:0.022667050730808908	means:0.022196791642065155	:0.6608678597584168
is:0.16688891866606584	was:0.12398214291699491	are:0.10504473077917895	did:0.10125319919436176	do:0.09241446939744932	could:0.07426940987205648	and:0.06504621694397594	does:0.062297211422845195	will:0.06217440315044117	:0.14662929765663046
the:0.15810719041826277	of:0.11538162605991592	and:0.08590614475192779	to:0.03653028467702717	that:0.03458867073426142	The:0.03264049351240182	in:0.031434889789269324	which:0.021104406239568142	or:0.01768398068680682	:0.46662231313055885
and:0.08626960834145231	able:0.057199241551801665	order:0.053161867300474265	him:0.04760105043808385	necessary:0.042835216414292075	unable:0.037774550252659904	enough:0.0349525689588729	is:0.03416759770505846	them:0.03345915183646621	:0.5725791472008384
and:0.10498722456422749	of:0.08598374036813505	the:0.08184169682095695	to:0.06047744551104236	in:0.03873211299337432	for:0.02990008584425504	a:0.021327689094648345	be:0.020255860231254186	<s>:0.019150591023755555	:0.5373435535483507
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
and:0.09574184517725205	or:0.02987655677802927	that:0.018621863510611444	it:0.013456585539872485	is:0.012553597588751183	one:0.01191362795905468	out:0.011791753605547232	but:0.01175868804029638	are:0.011647686485981109	:0.7826377953146042
in:0.22538640503438517	of:0.1416520847587761	to:0.08491126168063094	with:0.07031190766364354	for:0.06285024030285774	from:0.0608050984068925	by:0.05677455371705431	In:0.05133082895211274	and:0.02912096756860072	:0.21685665191504624
of:0.29535442330467426	and:0.09893391303525519	that:0.08833169565300704	in:0.08592364766011835	to:0.08159394864158181	for:0.06600992823737485	by:0.06065409065254292	when:0.03763651777442043	In:0.030502821312382307	:0.15505901372864286
the:0.627992575723295	a:0.1539292752167373	The:0.044162574897499376	tho:0.03444274742144881	and:0.02668673178006495	seating:0.02020074213388668	this:0.017497080325964462	great:0.014563388709668822	tbe:0.013204629769339346	:0.04732025402209526
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
the:0.19562286545974122	and:0.08210215890826428	a:0.07285430231959578	of:0.06740390745474954	to:0.06543949730759961	so:0.03317401232380278	is:0.0309285392337911	in:0.02758066527636791	be:0.023650834831107286	:0.4012432168849805
of:0.2520747193426153	the:0.2272196697943047	The:0.07699380357549036	and:0.038700818736947265	other:0.03295910753462917	these:0.032826776992407575	for:0.03072834090635542	at:0.025778333919746054	all:0.024906947021716815	:0.2578114821757873
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.4089602954229486	to:0.1402303298755858	in:0.12314826209609506	by:0.0539293413193877	for:0.053820987535506806	that:0.05193222613429199	and:0.04844538231349449	from:0.028776583997908757	In:0.026474482929724343	:0.06428210837505642
they:0.1541782586066408	who:0.07423270332128717	there:0.06865609592278805	we:0.06743402016614146	which:0.05203541969553862	and:0.049343777402751934	you:0.04504882927149229	There:0.03909780193172581	They:0.036944440497495006	:0.41302865318413884
<s>:0.12142454368785655	.:0.01582056747332422	it.:0.010597569036320672	them.:0.007926088467709161	of:0.007769886471919998	day.:0.0069792066525146395	time.:0.005102329119694682	year.:0.004688885409819979	country.:0.004408281983902149	:0.815282641696938
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.4268423130356674	of:0.12336170213751502	to:0.08229098141318171	and:0.05450092913902495	our:0.04900973230441464	by:0.030480690822642143	many:0.026344131232977994	The:0.025283564834545184	these:0.024960326405748873	:0.15692562867428209
of:0.24554612536348097	in:0.17048733788744333	to:0.11583962367411473	for:0.0772799542026993	and:0.0635329188613975	by:0.06076929995031637	that:0.05282165483823379	with:0.04837301949742112	In:0.03615147185830817	:0.1291985938665847
of:0.39176956835028615	is:0.07872432629942032	to:0.0730413452499011	for:0.0708423169965359	in:0.06393621975323874	and:0.06065172306263361	with:0.0533207107941116	that:0.04378254279255212	by:0.03750950745037137	:0.1264217392509491
of:0.26678610148793636	and:0.10850019485430487	to:0.09506574294491991	for:0.0910558317568353	all:0.07211629052326103	that:0.0661042610116062	with:0.06173211835546969	by:0.0504382245478858	in:0.03769971228848986	:0.15050152222929097
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
him,:0.03058312043676186	her,:0.026504584449676457	him:0.025573456386840793	;:0.02120142214653546	it,:0.020202702303659583	them,:0.014489654920920967	up:0.011878371258405122	man,:0.01050664138580321	me,:0.010210542652263807	:0.8288495040591327
for:0.11711588756453747	and:0.11443236729089855	as:0.06708742840621339	that:0.06299032792176115	to:0.06036372966406248	in:0.057522014209646706	of:0.051315906961607274	but:0.04016289449237997	cleanse:0.03989274864466262	:0.3891166948442304
the:0.617227029148251	a:0.05211751126743797	The:0.04938850996464482	tho:0.03855510124399752	of:0.03621318932511594	all:0.03383067667050195	and:0.03116905920694132	other:0.027483977488066125	tbe:0.0143504790149855	:0.09966446667005785
the:0.3430463972849157	and:0.09078990659171045	a:0.08607958561408582	by:0.06567994663434704	The:0.06067643467104365	of:0.040038258139789014	tho:0.024469447023072993	in:0.024300298802032338	with:0.01389508189000656	:0.25102464334899643
<s>:0.052135015489489844	them.:0.025541876553425776	when.:0.021774272209296796	it.:0.019924356820239002	him.:0.01794482941395939	her.:0.011189675587049475	country.:0.009642207114382042	life.:0.008509831314573729	time.:0.008033218726484251	:0.8253047167710997
the:0.6830280370208176	The:0.1908830706939967	tho:0.034155797529222764	and:0.030984121511242076	tbe:0.01388354037207157	Tho:0.007517978132678803	Tbe:0.0034066516592183562	of:0.003081023167432914	that:0.0026257441754476596	:0.030434035737871522
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.18407654700396242	of:0.0967009311605779	and:0.0803271091049637	to:0.07204103241739922	be:0.04590245864633037	in:0.039978543340821494	for:0.03396540874487493	a:0.032070150522861524	his:0.03008096010828771	:0.3848568589499207
and:0.37068862464294905	the:0.07918415455669714	that:0.06803796422851484	of:0.04457474120247863	as:0.04055335936276433	if:0.038832470672622126	than:0.03441952949698426	when:0.026692423016044565	but:0.025389844271867357	:0.27162688854907774
the:0.19880001917222287	and:0.10854564896501194	of:0.09120499817410606	a:0.06265966693265133	to:0.062108844926459184	in:0.051098509584735566	be:0.02949509732306936	is:0.029143491079729304	that:0.02587726656822906	:0.3410664572737853
the:0.2772354496187555	oppo-:0.1390020656663053	a:0.1338940877786242	and:0.05136610430246986	of:0.04797204036078875	their:0.032016779723149216	his:0.02365005600660837	one:0.022308468553801093	The:0.01926610747866674	:0.25328884051083095
the:0.1287053056813113	and:0.09508927028557602	to:0.07119949655636888	of:0.06102613577256228	so:0.03421728976199958	is:0.030015551339827497	be:0.023127371175015583	he:0.020689572386688632	was:0.018665179604157495	:0.5172648274364927
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
to:0.19284852317159432	told:0.12924676465724722	with:0.09987562579194342	let:0.09368212472656487	tell:0.06858466073976698	of:0.06639107999411371	made:0.05311395287114945	make:0.052198075654668094	for:0.03968907522126215	:0.2043701171716898
the:0.2433180088751724	of:0.1753507571163143	and:0.07972820997423023	The:0.05539015379825799	his:0.05390445332558212	I:0.04631526628632272	that:0.044377372886779544	a:0.044141175834374095	in:0.03917552398015495	:0.21829907792281164
and:0.19086927141845236	so:0.0959007255232359	as:0.08536839605924136	all:0.05315962764451617	said:0.0454307476558386	is:0.04060632533331438	fact:0.03713891189836949	of:0.035430295422510256	than:0.03205807398473706	:0.3840376250597844
of:0.43266649077600366	in:0.1561808707141425	with:0.06697115758098557	to:0.05866227997408634	for:0.05498184241069458	that:0.05240647560663986	by:0.05028888964769721	any:0.03541989162613457	and:0.0295342590551805	:0.06288784260843522
of:0.18288366087034647	in:0.1184984403276124	and:0.1078527049737796	with:0.08991361349556164	to:0.07560580439494713	for:0.06877258275204096	by:0.05617723142005631	such:0.05493785642595405	as:0.05351516086184774	:0.19184294447785372
of:0.3537509387035367	in:0.11285726166730929	to:0.09936748893757656	on:0.08133826462447813	with:0.052042986682154846	for:0.04934226028078979	and:0.0465617074977578	from:0.04577320244479328	by:0.04402098511413227	:0.1149449040474713
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
feet:0.09124682453705052	poles:0.0730701371555321	up:0.05088279168420823	chains:0.04885658892872941	entitled:0.03694920633644442	went:0.034748145318504654	came:0.03280590556373315	down:0.032521221296211	him:0.032446562119539564	:0.5664726170600469
of:0.3921601698778675	to:0.10347260707116532	by:0.0918681506575099	and:0.06880605663752776	that:0.06444952446522632	with:0.05609008829173616	in:0.04691241360017102	for:0.04398220057630749	from:0.03417373398807549	:0.09808505483441303
of:0.492714557501865	in:0.08674873015387276	that:0.06135598963622788	to:0.05715430888273459	for:0.04826431148815684	and:0.041877547319299005	all:0.04185274190551084	by:0.033157885372981116	with:0.032507625256369056	:0.10436630248298294
to:0.2370050398784558	with:0.09879750813627941	told:0.08956246346179937	give:0.07684421301075817	gave:0.06733345942211222	for:0.06624218950969611	by:0.05107174484116628	made:0.04280659713355134	make:0.039733508040832685	:0.23060327656534862
the:0.10399361918477024	of:0.07998190131477265	and:0.061355729915160195	to:0.039203561127332816	an:0.03267320136074261	in:0.03146084981947751	be:0.02594863266684175	is:0.02487008184500455	Mr.:0.024658462217420827	:0.5758539605484768
and:0.10463355799491564	that:0.04278909774013744	was:0.03890889777386675	is:0.033316935963700244	work:0.029727394889904325	put:0.029435844205572076	them:0.028732174209103244	due:0.024894878131585564	out:0.022138868805748342	:0.6454223502854664
was:0.2015405146153444	is:0.14383885889274714	and:0.12007514671594906	are:0.11993243000466607	were:0.07662338747506826	be:0.07464831760177564	been:0.06457495058256447	so:0.03581178034349485	Is:0.025464277581148793	:0.13749033618724135
of:0.32873338314782746	to:0.09296333356877497	in:0.07136785152104287	on:0.0696307774197401	by:0.06930194800293218	and:0.0653175354611498	that:0.05936583611268785	with:0.05226125812018404	for:0.042092430757251	:0.14896564588840971
he:0.20786989413563015	I:0.10276935996300361	who:0.09330149586052307	they:0.06726709902526262	she:0.05434595869646194	and:0.04974755009242985	which:0.04388005821217511	He:0.03641445868141367	that:0.03592110807205212	:0.3084830172610479
I:0.2814588671158724	he:0.1820531733653964	and:0.12138135023262732	He:0.06624231510843186	they:0.05285615425681106	she:0.04772877716832595	we:0.046648340516838936	it:0.04507080738661649	who:0.028895168577999918	:0.12766504627107966
a:0.23646857743248734	the:0.1562422776170226	and:0.10755274961616199	of:0.07708931605417484	much:0.06997341455252715	is:0.06809061374974473	no:0.05992597516842541	was:0.04771722736873969	be:0.03873585511523129	:0.13820399332548494
to:0.5118342673587813	the:0.0826212950848139	this:0.07976776803078782	an:0.07481744883419399	will:0.06945402860259496	and:0.04037295335753984	would:0.030356990241561695	that:0.0205510500892117	I:0.017552158993986433	:0.07267203940652829
of:0.2525141884017247	and:0.12871263167039887	in:0.10957150740567814	to:0.08419580593368821	for:0.0492190981984389	from:0.040669157112542355	or:0.03907174489158088	by:0.029853804846098054	In:0.027429249812329103	:0.23876281172752084
of:0.32804830807793095	the:0.1862820076572922	in:0.0494518811750969	on:0.029388831242119235	that:0.026672413714000823	such:0.02405229539071383	and:0.024042308948112556	any:0.023811764350540957	for:0.02200543595868702	:0.2862447534855055
the:0.1192939006769514	to:0.11045903158105812	in:0.10179133612628778	a:0.10071015161977373	at:0.09690266301832917	of:0.06918405369483727	and:0.06051118482943568	for:0.04095341834200874	In:0.02455634124820382	:0.2756379188631143
in:0.3804626336769067	of:0.1333676471527148	such:0.08925308393175256	In:0.0776033050789609	to:0.06202295910888172	as:0.05681163990653571	with:0.05294882267695374	for:0.044956927887393076	and:0.03762692621754845	:0.06494605436235235
of:0.1889542710099749	is:0.10714652421496126	with:0.09877532283759857	was:0.09111622303600865	in:0.07849013389626741	to:0.07785953485749286	by:0.06164043082235883	as:0.05075135210583139	and:0.050701429538200164	:0.19456477768130595
the:0.16209065462208302	of:0.11227421724778662	and:0.09323045358516567	to:0.07435835778323759	a:0.05856269327989534	in:0.047603815713224105	be:0.04236054334762016	is:0.02743980846123116	or:0.023560506618234407	:0.3585189493415219
of:0.2288503796229503	the:0.16199354605658187	in:0.09687131309102508	to:0.07360865118290691	their:0.06527935738371797	and:0.06302874415380406	his:0.05582847998317963	with:0.03200001565725881	a:0.029553453084176385	:0.192986059784399
it:0.17179737676551296	he:0.125829304720175	It:0.12209201472181	I:0.05849427898476466	He:0.055779185057685615	which:0.05343899164929195	and:0.04479014026557512	who:0.038085293062393825	there:0.03504686283043146	:0.2946465519423594
the:0.18927580197235688	of:0.10268000335673094	to:0.07193089873803327	and:0.06302722590064451	in:0.035804951354373886	for:0.03552877544733519	be:0.029165863199114864	was:0.021230450879771812	is:0.019324942212557497	:0.43203108693908115
have:0.28276283823034054	has:0.24442864360646815	had:0.21085218592140834	be:0.0577919108191712	was:0.04411351398082946	and:0.037040818338942134	having:0.03199457512813914	been:0.019250525827203487	he:0.017972996745422704	:0.053791991402074864
of:0.19088555782445127	in:0.11599042662940688	at:0.09482385180519128	and:0.08575291355027635	to:0.07807846390418705	for:0.04526797243604331	on:0.044254203448405874	with:0.040922917193764834	by:0.03535818752301459	:0.2686655056852586
of:0.36280620372665967	for:0.10164266514401649	to:0.08020704865029944	in:0.07633591514318737	and:0.07384200826043509	by:0.06292100981160885	with:0.053535407361143615	that:0.049910956085937846	from:0.03268957455880813	:0.10610921125790355
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
line:0.041032257657380056	side:0.03759090285619896	out:0.03435112595373543	part:0.03369792954326978	sum:0.03204259458483176	rate:0.02892664611288991	one:0.028034556296754	District:0.027306047142346027	north:0.026046548596014414	:0.7109713912565797
the:0.3829316603103388	whose:0.12363806494361512	The:0.09429234655090299	of:0.08669608763647056	his:0.07050945896426573	my:0.04531183431354453	and:0.04220312049462222	a:0.02917291838505804	their:0.024728953326162182	:0.10051555507501976
of:0.25050346644442917	a:0.15240268429391438	in:0.12291684698758883	the:0.08995202215157705	make:0.07189123242748577	and:0.07109369930765762	for:0.05420981380477139	as:0.04520538515551626	with:0.04488618338951654	:0.09693866603754302
the:0.22895039416419727	of:0.13620346539046366	a:0.10022821535887914	and:0.05646167110905788	The:0.049967978458668565	to:0.03655213161711373	that:0.03653104242297599	in:0.03526887586502253	as:0.03240436242925303	:0.28743186318436825
one:0.09073674624147396	all:0.0816264535439159	copy:0.05457587538897958	some:0.03214173360477271	out:0.029643398862501696	those:0.02861206740862104	means:0.027971208400712676	purpose:0.026714065138106098	part:0.0256874332386242	:0.6022910181722921
and:0.19040867570421197	the:0.16941902816012624	it:0.05966494229971209	or:0.05934263607256806	he:0.05574755181413031	was:0.04671998166942908	a:0.04502405305459429	be:0.042841789275449474	is:0.042215916686294624	:0.2886154252634839
the:0.2485691124880295	of:0.13074095657902626	and:0.09185910522521024	The:0.08059975878620103	that:0.0566296918122876	a:0.04275671718170743	in:0.03422691586479955	our:0.027127892065333677	for:0.025808190071309856	:0.2616816599260948
feet:0.1502579103860624	miles:0.08308444134021106	and:0.06091913589625416	street:0.028320564700333693	range:0.020922071612142743	came:0.019026551279307975	mile:0.01878062706985134	or:0.017395995672888458	year:0.017161792047211126	:0.584130909995737
well:0.09763440906222579	such:0.08647832337668239	far:0.08393467750195273	or:0.08354939567239825	and:0.08001427083512684	known:0.045623700272088966	much:0.035914915641354093	not:0.026828220701944423	that:0.0244703622797727	:0.4355517246564538
was:0.39077576536520053	is:0.1073539431420311	were:0.09354312828371726	are:0.08309974562353004	be:0.07562333586278278	been:0.06777330019769565	and:0.01898509657625586	being:0.01680077232689231	Is:0.015531486736816636	:0.13051342588507783
the:0.8412405684996319	The:0.041052498679557826	a:0.024532012516928624	tho:0.021443050545274463	on:0.012873182516418785	and:0.011135808190115892	this:0.009014852819856109	tbe:0.008522687178666074	next:0.007265455299244701	:0.022919883754305644
the:0.16209065462208302	of:0.11227421724778662	and:0.09323045358516567	to:0.07435835778323759	a:0.05856269327989534	in:0.047603815713224105	be:0.04236054334762016	is:0.02743980846123116	or:0.023560506618234407	:0.3585189493415219
Miss:0.23218297145928515	Mrs.:0.11923124467268974	and:0.08410298223036665	A:0.05055452960323305	Santa:0.030805209844597434	Mr.:0.025004417764569405	the:0.024514416270166994	St.:0.01618147448635682	.:0.015930447532964024	:0.40149230613577075
an:0.42569065122186317	the:0.255095595742241	great:0.04461820975957008	of:0.04293121793863685	and:0.04025285709517955	some:0.03622788238258798	any:0.03527847536821655	this:0.035045941668186045	such:0.02815880749306625	:0.056700361330452524
the:0.4218087287395808	The:0.3157627931854925	a:0.04599274806823605	his:0.04536493876331113	This:0.03981579267924748	this:0.0347174288978598	tho:0.02591780271291472	Tho:0.020556623736015092	my:0.01906631905066401	:0.03099682416667843
of:0.5061907059201934	the:0.19002069571537814	said:0.032335211525063266	agricultural:0.018071248141589138	on:0.01632530734626474	The:0.013927798124872973	this:0.01267458827533131	and:0.01113346318737272	tho:0.011114384474460531	:0.18820659728947375
the:0.19562286545974122	and:0.08210215890826428	a:0.07285430231959578	of:0.06740390745474954	to:0.06543949730759961	so:0.03317401232380278	is:0.0309285392337911	in:0.02758066527636791	be:0.023650834831107286	:0.4012432168849805
a:0.6047509135550152	the:0.198430372956365	to:0.04369500014190849	no:0.03412667718671084	any:0.019016197023557415	The:0.013449609053770758	and:0.012607312387736245	tho:0.01188866133788307	an:0.011494063156735436	:0.05054119320031755
is:0.24900061623739533	be:0.23482498047996161	was:0.10081957948383742	it:0.09494536315895415	not:0.08546686974968505	are:0.04630062735949865	and:0.04113005510801664	Is:0.029640339803192507	as:0.02837385386699123	:0.08949771475246741
that:0.16471348104923736	as:0.15923420652173897	and:0.1280860428465825	but:0.044835179525096414	if:0.03699037132476739	of:0.03648037056471645	which:0.024122651432706293	for:0.020604366913122986	when:0.02010786471371342	:0.3648254651083182
and:0.1400536072181881	week:0.04116891317519106	made:0.022392897863764576	one:0.020526251891107954	or:0.01924511330624117	paid:0.018117191011212463	time:0.01741123121788226	but:0.01628141430938537	vote:0.015464253314947485	:0.6893391266920795
the:0.21448263215527116	and:0.07679755175970153	of:0.07417545430774562	to:0.03404948584104604	in:0.032528160742136596	be:0.02441729052221609	a:0.022239206206637302	his:0.022018970510097036	for:0.021246905230287157	:0.47804434272486146
protest:0.06150283096911295	up:0.04686839385975734	and:0.04505046202105003	made:0.036934734008884695	voted:0.036628577897403064	guard:0.03029376661105769	fight:0.026918657578883155	out:0.025582690551721382	vote:0.02552555080801421	:0.6646943356941155
It:0.12266103482981541	he:0.10316866073980249	and:0.08459912125816732	it:0.08132306198336386	who:0.0803719715495059	I:0.07006931095327688	which:0.06926227634385691	He:0.03732798561472786	1:0.03717180292447533	:0.31404477380300805
to:0.30952011035501187	will:0.09682623968716682	we:0.09191191737263117	I:0.08802450296954932	would:0.0805242814286267	they:0.06639351071603407	you:0.059376349090532854	who:0.04504686970910586	and:0.043170642434661406	:0.11920557623667992
and:0.10550149942495249	them:0.04147829214892056	it:0.032758945708715764	that:0.02999021822099609	was:0.02409053953453997	men:0.023300715607652882	or:0.023136816190742975	made:0.02194223869948482	him:0.021767094855356894	:0.6760336396086376
Miss:0.16287536390890733	Mrs.:0.16205193119230044	of:0.09130312876186884	and:0.07869718667754226	Mr.:0.05546621902249336	the:0.030082971918405307	<s>:0.018696729349642664	Mrs:0.01800675696184797	said:0.017829456975559266	:0.3649902552314326
of:0.12341556333869619	the:0.08468066098129592	to:0.07418395611018253	and:0.05768259726482909	in:0.04884349308899087	by:0.021393999530298264	or:0.020661255960266103	be:0.020018297046249443	at:0.019404768087125244	:0.5297154085920663
of:0.22197135854354325	in:0.22068521431614865	to:0.13665518979710636	and:0.07460466396617665	with:0.054472238963804695	that:0.05232383584338269	on:0.05147194695837187	In:0.045194808618817764	by:0.041670647637930554	:0.10095009535471751
it:0.21667992261148805	It:0.10935558532387599	as:0.0992102993091394	which:0.09687365893133239	that:0.08069656501629825	they:0.06030190647841252	there:0.042822810321519175	and:0.03325595955556815	he:0.03087705486329871	:0.22992623758906738
<s>:0.01854680955197837	was:0.015860547344740242	and:0.012398014987281545	is:0.01090251486076218	I:0.009724100717703842	be:0.008802969127927435	in:0.00727879352493145	it:0.0070131234296991	-:0.006573543367199889	:0.902899583087776
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
at:0.41700945445746734	the:0.06898706465285404	his:0.0675199624458324	go:0.05356716190363279	went:0.05110836705374862	a:0.05094386119540761	her:0.041322223826425135	of:0.04042321127552993	and:0.03479716873741943	:0.1743215244516827
and:0.0246826555279113	<s>:0.015406884561259708	-:0.013176195249419957	of:0.012874763688583651	that:0.007050419641393387	:0.005877275211633004	when:0.004719423264632306	her:0.004674105514185226	.:0.004134765375940218	:0.9074035119650412
have:0.32887155133720375	has:0.24895905763348003	had:0.22590914112393295	not:0.03306029363479426	having:0.031227273372102876	bad:0.015119581515317919	ever:0.01396193234990098	never:0.013874593128404347	havo:0.010591857273078738	:0.07842471863178416
the:0.17094151337460722	of:0.12695705532034812	to:0.053083125063268045	boy.:0.042602091333933174	and:0.040000892670611125	girl.:0.038384353310352684	a:0.03727898239000971	in:0.03189706070492462	for:0.027797397718759415	:0.4310575281131859
and:0.23129278795139424	that:0.1424247588893666	as:0.051220234470964895	but:0.046353876520434385	or:0.03745771099929965	and,:0.03104262208503249	even:0.022278352858192317	But:0.02037599365581059	which,:0.016728143605192845	:0.400825518964312
and:0.08889082444907408	want:0.08747149235262451	wanted:0.08273200063934288	him:0.07633998996295505	ought:0.0756568917583822	glad:0.0633585612322445	enough:0.05846200185008139	able:0.05441699065132031	is:0.03860133482209326	:0.3740699122818818
one:0.057139256521097186	some:0.029411516746495392	all:0.02471884505538341	part:0.022392057286609455	that:0.02178059855172521	any:0.02020712397360314	portion:0.01993934099943003	out:0.01862758715342626	many:0.015928670104973546	:0.7698550036072563
the:0.2787512335473316	of:0.1461503629880365	to:0.1094292426142516	with:0.06843628377629957	and:0.055723203768029285	his:0.04919102768731502	their:0.034995094628812416	by:0.03192282691060854	said:0.02950715166651105	:0.19589357241280445
and:0.11582081944112449	was:0.04225261395959518	held:0.03592895762799326	Beginning:0.02926079870317736	is:0.027806631077598554	look:0.026545353863800903	arrived:0.026240397869270526	that:0.0255265603479058	interest:0.024134996272950678	:0.6464828708365833
the:0.17024300694033895	of:0.11467445747616051	to:0.09897764906698209	and:0.059617670782607185	be:0.03548895121388078	in:0.035309284911657864	for:0.024113160072758336	was:0.02300391915793562	a:0.02204389485846791	:0.41652800551921076
a:0.26847980923503556	the:0.23967261057756573	this:0.10939458719200203	and:0.045071413638349565	his:0.03494668535009809	to:0.029214115452887508	one:0.02481004258215949	her:0.022289550891975395	no:0.020196889249973697	:0.20592429582995295
have:0.3400081340449874	has:0.2612533152256575	had:0.22832763892089752	not:0.03819106439703233	having:0.0371166494826927	ever:0.015824551734890283	never:0.01428147974570254	lias:0.011745237619761323	bad:0.009085462700978188	:0.0441664661274002
the:0.4675331016760916	a:0.3579516574327591	no:0.044485342383607955	The:0.031514987618752266	tho:0.019754859475255408	this:0.019690321365057144	any:0.009379567304104773	tbe:0.0059499429290832346	every:0.005836421641602163	:0.03790379817368641
and:0.10728643539050407	of:0.09689368708684774	as:0.09430956550132799	the:0.07574070144994628	to:0.05122624749049644	be:0.037028496537601055	such:0.03566920217538001	much:0.030975032286415252	in:0.028365295688714418	:0.44250533639276673
the:0.15759486494028305	and:0.1459055151472753	of:0.04576075920375329	will:0.0427095652347805	to:0.04188058162714594	a:0.029077845123323957	do:0.02686066795576039	that:0.025350914162423074	would:0.024070261332485444	:0.46078902527276905
the:0.3663227609288868	of:0.09684847618373899	their:0.08007100479859008	our:0.06596568622752749	to:0.0559588206125854	its:0.050453574252954436	his:0.0502091452213418	a:0.04990268800558766	and:0.03833410722679782	:0.1459337365419895
of:0.11904574774402965	and:0.117039163175256	in:0.0579721685820925	to:0.0511186639368552	fact:0.03928633611901063	said:0.03323136332365265	on:0.029827822579143393	all:0.024787499172257966	is:0.02252394945510673	:0.5051672859125953
the:0.2004575542239287	his:0.09659104949190132	their:0.07056379076003978	her:0.047410034324387694	of:0.0423861054280328	our:0.041605172410722716	and:0.03879824524676412	to:0.0383321716590195	a:0.03815703984838184	:0.3856988366068215
and:0.2494524035609738	that:0.09796596545357751	but:0.0904138145257903	time:0.05424838221458892	But:0.025183882316202083	or:0.01971319541397898	And:0.0195367363668084	even:0.019528818950217366	especially:0.017294051122773144	:0.4066627500750895
away:0.06925205172028555	and:0.06007808449668492	taken:0.04760906637168378	miles:0.0428166599829834	feet:0.03837562943164214	come:0.026889243450533045	them:0.026073675669967263	out:0.02484981837258804	came:0.02410733092637395	:0.6399484395772579
be:0.20737638947105305	was:0.18559393692554435	been:0.08601471371636744	were:0.08324153476071053	and:0.08042278505637325	I:0.0653180979144296	he:0.056565601726100354	is:0.053161921424724534	have:0.042840735425694366	:0.13946428357900253
to:0.20970249520300652	the:0.1608383778154352	of:0.12373215636749041	and:0.0825540383288082	not:0.07554956064754864	for:0.03904023602704132	or:0.03830496487542084	at:0.029125990070954247	in:0.029109619741560795	:0.21204256092273382
was:0.18950347216309207	have:0.0928554046513189	and:0.09161947155792849	be:0.08941433887235713	been:0.07862947600780591	had:0.07583886236156451	has:0.0662918144714555	is:0.06406139053856844	were:0.03755889670681922	:0.2142268726690898
of:0.1591020544317612	as:0.13064795397782575	is:0.09425961620206508	and:0.07786684201404148	that:0.07593864953044967	was:0.06725148861719213	by:0.06462248612924955	for:0.06345903238040874	to:0.06344972053218662	:0.20340215618481977
the:0.3290260839307293	a:0.10802046141895677	this:0.0959114137558367	same:0.07452163118888062	such:0.05656538679989862	of:0.040744082015853125	his:0.039278431017145496	any:0.029433883486317744	their:0.027386042317551006	:0.1991125840688306
and:0.042180880378236876	miles:0.03996483095937216	free:0.03885286490958883	far:0.032517411487131054	away:0.03220746175199813	suffering:0.026194301531255845	him:0.023072069906964216	them:0.022689122908621063	or:0.021478077363521378	:0.7208429788033105
be:0.13735349955875042	was:0.12245459532911987	has:0.11281471658220182	have:0.08870142820099175	and:0.0884866719789593	been:0.07297266160063529	had:0.06960797084672513	is:0.05933391588705807	he:0.042415733607151444	:0.2058588064084069
and:0.09364902929500517	was:0.039387332529931186	is:0.03155314252837052	that:0.030963552139079947	it:0.0276383422950528	as:0.025265361664193988	be:0.023781842268242422	them:0.02251835454300416	up:0.022372577800821948	:0.6828704649362979
-:0.05580478012304568	ai:0.0545847638422714	the:0.03566521551755795	a:0.03203061903595037	at:0.023733625554969648	to:0.022919341714020425	I:0.020599184146088745	in:0.018945335378158207	of:0.018173282531565273	:0.7175438521563723
of:0.27903264886641116	in:0.11178104177319781	to:0.09591479911990412	and:0.06270212101084544	for:0.060466014540839906	with:0.05474876755843109	on:0.0507934862258191	In:0.037112174198507576	all:0.027852407452446357	:0.21959653925359743
and:0.12931071499170882	be:0.037773775287654326	but:0.026891479779675355	is:0.02644677479189474	or:0.026231975299017007	it:0.025264303494835372	them:0.023335217992203106	was:0.022921126681216524	that:0.02172894200515553	:0.6600956896766392
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.36934313942980335	to:0.1036964398994909	in:0.09101776045311614	for:0.07225243542480819	by:0.061475929234081156	on:0.05736589009402715	that:0.055601678353822785	and:0.05490462415719077	with:0.04004800284235135	:0.09429410011130822
he:0.16275253870261477	it:0.13930150851106463	they:0.08548719139971755	I:0.07538079893378105	that:0.07252596918216724	It:0.05335659862244127	she:0.048518403216345075	and:0.046723790447625695	who:0.04401658881834207	:0.27193661216590065
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
be:0.2271315828801402	was:0.1607026826008955	and:0.08308873319051983	is:0.08053776722443796	been:0.07535423125588174	thickly:0.055206082961288164	a:0.04484884385247255	have:0.04406759410047822	were:0.03944511200119839	:0.1896173699326874
of:0.23763329450387027	told:0.15680982222161172	to:0.12276528902984934	tell:0.06162888584379454	with:0.060190512848850124	for:0.05430505240499374	upon:0.044841926984067505	remind:0.03277985713801903	among:0.03250627551951791	:0.19653908350542582
purpose:0.18694953777682777	instead:0.0486493798936613	cost:0.04532335835974133	means:0.044438057866164546	number:0.04415525989028988	amount:0.036532716695442474	out:0.031164503937376197	capable:0.026956347592636522	method:0.026318058604024325	:0.5095127793838357
is:0.20222801469051324	and:0.14987602574246242	was:0.11534852425340573	as:0.09927628358845478	be:0.07526991597761022	it:0.07208586989136938	not:0.03996727025142192	will:0.03799894160115713	are:0.02895573198225594	:0.17899342202134927
and:0.08523954799254922	together:0.04902683123177026	do:0.039859709371765466	covered:0.03957639928534387	up:0.036260537692121	charged:0.03433609277530969	filled:0.03251739060167788	met:0.03156836219997472	compared:0.025943367869826903	:0.6256717609796609
J:0.08497251494004414	.:0.07401638823970014	W:0.057303441331236875	of:0.052545455471642535	and:0.04449803464345949	to:0.03447025609390043	C:0.024557925666757855	H:0.02269865945835337	J.:0.02185375524608504	:0.5830835689088202
and:0.1694104484576571	so:0.08075910206397889	fact:0.06822494254521948	said:0.053635380755513086	know:0.05328572089839013	say:0.04839641616649573	is:0.035001958690005365	but:0.02915110413798316	believe:0.02807139541470667	:0.4340635308700504
the:0.29821385996734284	a:0.1074308341805737	and:0.07108713576201355	The:0.0557512545195988	A:0.053021885916804366	said:0.04413608974681785	of:0.03357823496497865	this:0.03189443829958263	tho:0.022544496007421425	:0.2823417706348662
of:0.4096689977138858	the:0.11693597578257309	in:0.04365972341477862	by:0.03225102143039659	to:0.02948134476493822	at:0.029253543595810356	a:0.02075654073545345	with:0.014224902761507063	and:0.012345894142286802	:0.29142205565837
at:0.2112810375800034	for:0.14143826635307513	of:0.12668959037723623	to:0.09327590293619206	as:0.087258975539629	and:0.07224677875560591	was:0.05988137254799302	that:0.051511501699948725	is:0.05082257797210371	:0.10559399623821278
the:0.2127797365208638	of:0.08302074642967078	and:0.07380683214123993	a:0.06568303652727647	in:0.027923783153467472	to:0.02344842585727404	for:0.020987680758112734	or:0.0200710438986922	that:0.01912950736957076	:0.4531492073438318
and:0.1753036554509759	so:0.07005457616992508	fact:0.06858492325233918	know:0.04830704646184403	said:0.04008070183523567	is:0.03983862467870564	say:0.03931381147971385	but:0.02779231304959934	believe:0.024029999399873492	:0.4666943482217878
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.11384224399649781	was:0.06509342525668016	be:0.06271853947568605	to:0.05730801250608355	the:0.05634877987263673	were:0.04225593454990711	is:0.03872819867673973	are:0.036906553249197005	been:0.03475538558689891	:0.49204292682967293
the:0.12021189156472921	was:0.09312145229224392	and:0.09077806032485773	is:0.09005407438234589	be:0.07641019056356198	a:0.06284275491657432	are:0.04979244485789194	of:0.04704506654890511	not:0.03879767233176711	:0.3309463922171228
as:0.07730845242008813	up:0.058668717027016246	and:0.05051787504234559	according:0.045602481884053164	back:0.04348934107594135	him:0.04340104844206923	returned:0.04283151244115784	went:0.03802777620215089	came:0.037963187223200925	:0.5621896082419766
they:0.11587016897294751	which:0.08235559857134811	that:0.05418414296805364	who:0.05278940837375723	we:0.04803519071414902	there:0.045009882615204326	and:0.035462224282272255	They:0.03303484100329188	you:0.023608878777931296	:0.5096496637210447
of:0.12012642731588205	the:0.06763760944276503	to:0.053165834334782454	and:0.05149257451077832	Mrs.:0.02480761988715987	<s>:0.019948985479141212	by:0.018090452272891182	was:0.01657565178582824	.:0.015714327305181502	:0.6124405176655902
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
purpose:0.026020716156282833	instead:0.0214136125912235	that:0.021067460942273776	one:0.01968469470736422	tion:0.01619397140149131	out:0.014532759527564946	matter:0.014467379502546616	sum:0.013738347997118526	Court:0.013676306637273785	:0.8392047505368605
manner:0.1103951809557842	and:0.052453475314599624	that:0.03036937771827381	way:0.019689239401330938	time:0.015058937839784212	it:0.013360831017844856	all:0.011946359345780016	one:0.011858054142763546	part:0.011827296831737295	:0.7230412474321015
be:0.2841010062110709	was:0.19528138006657847	been:0.12181508965519898	were:0.06871729527516529	is:0.06769601557907035	are:0.060393407720417486	had:0.04939648844825297	have:0.04795634327940049	has:0.039399409153141315	:0.06524356461170379
the:0.46221469401365206	unpaid:0.08360897461456217	of:0.06979153223457768	and:0.03825736120112199	The:0.030250184571249103	tho:0.027885999617383778	that:0.027362493659380333	in:0.025790321750781525	for:0.022794399863702415	:0.21204403847358894
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
of:0.48761639117550193	to:0.11659646244166048	in:0.06407875980972538	for:0.051085237106445545	and:0.044395646058684166	at:0.04289897526683717	by:0.03771000156211124	that:0.03271411362743885	from:0.030305446070727476	:0.09259896688086779
of:0.114846716815137	the:0.09341477184861326	and:0.09283601524646796	to:0.04889975338559888	be:0.02844673514296001	was:0.024439074852522585	in:0.024277422751602506	he:0.02410150152783796	a:0.023576819431986994	:0.5251611889972728
the:0.22406309721416842	of:0.17858232370517446	and:0.08061311568818712	to:0.05521248374875897	a:0.04606051834471876	his:0.027904152503539736	in:0.026273234883260367	at:0.02200888540934586	for:0.02110729860011379	:0.3181748899027325
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
of:0.2922858855232833	to:0.16108180702584216	and:0.08442485684791089	in:0.08048951902160309	with:0.07698679347530697	by:0.07519472149716655	for:0.05515685471186969	from:0.037912981798562846	In:0.020763870543069895	:0.11570270955538463
of:0.492714557501865	in:0.08674873015387276	that:0.06135598963622788	to:0.05715430888273459	for:0.04826431148815684	and:0.041877547319299005	all:0.04185274190551084	by:0.033157885372981116	with:0.032507625256369056	:0.10436630248298294
there:0.012732840561460599	and:0.012496155844173119	hundred:0.011523773955020427	;:0.008916791928987111	men:0.008404432531540718	them,:0.007138904316657732	acre,:0.007059223753237578	right:0.006832080692626612	man:0.0065294211514159515	:0.9183663752648802
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.23416974175592767	to:0.10597217771582167	with:0.10552810310394595	in:0.10291540895811975	and:0.10043337594691701	by:0.06796430789122193	for:0.05112038527761516	on:0.044178446331858405	from:0.0414240796630198	:0.14629397335555266
<s>:0.06511307947509178	it.:0.029766336641188912	him.:0.02097094456315647	them.:0.019372921664511464	country.:0.011647158794692183	time.:0.010699618622611292	life.:0.008983239223411672	and:0.00872875292370494	her.:0.008479533844858026	:0.8162384142467732
it:0.3739324933175922	It:0.24585920972652775	he:0.06044546679986948	that:0.04351785790676439	which:0.03851959776526281	He:0.022786200463729162	who:0.01976789540836644	and:0.017628735823261285	she:0.015389958169579936	:0.16215258461904652
is:0.23408198978037828	are:0.16634054629820216	was:0.12064990079975153	and:0.11374712254204314	were:0.048887018036478005	Is:0.03449713635366653	be:0.031746377349836374	but:0.029317139391986973	it:0.020303020844839606	:0.20042974860281743
is:0.24864983182639178	was:0.1887028389128579	be:0.17283776228318243	are:0.1036941367593274	were:0.043457342773185775	not:0.04088517930170434	and:0.0407085556672545	been:0.03593572163248933	Is:0.032464851642640825	:0.09266377920096569
and:0.1273046775764012	that:0.11130011864834712	will:0.08159712906663831	to:0.06517230879604799	as:0.059207869524748095	which:0.043937286898803704	would:0.04171657647789842	when:0.02952541767220743	but:0.029509368946235903	:0.41072924639267183
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
of:0.1836002051718936	and:0.11850500056886121	to:0.08201783634749903	in:0.06733791040415502	at:0.06016875554221619	on:0.05341107507678753	is:0.044274101598323394	from:0.043183310090327325	for:0.040394327196558284	:0.3071074780033784
the:0.1331954013331003	of:0.10395761905650669	and:0.09166744382168995	a:0.0674867672110823	to:0.04481959524883369	was:0.033914181021321675	be:0.027669522756191306	is:0.023821375196731925	been:0.01992601692954109	:0.4535420774250011
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
to:0.664369185837887	not:0.05772069798080422	and:0.057035192327901434	can:0.03711339277707255	will:0.03664681170280589	could:0.03448648399593419	we:0.02282568793629987	they:0.020998284179275312	would:0.020997940784942964	:0.047806322477076654
was:0.30234567120783834	be:0.12620046206531804	been:0.10651264736372999	were:0.07739255369850848	and:0.07621600290081483	is:0.06744432852251904	have:0.040473857485960656	had:0.036747682191422396	are:0.03476020236798089	:0.13190659219590736
and:0.17848744451254903	so:0.06604041643947994	say:0.051499594348841264	fact:0.04748255332231578	know:0.042764315269969884	said:0.04089837659609501	is:0.03678894737743923	all:0.03198428444938678	show:0.027940272459798212	:0.4761137952241249
the:0.10254899323962945	and:0.08672066584549279	be:0.06718293253430607	was:0.066714350510063	of:0.062142448154758216	to:0.0470377945272685	is:0.04045405956202174	been:0.03329532229695042	a:0.029155698848644288	:0.46474773448086554
in:0.33914161310952207	of:0.11647257845631019	In:0.08424373417121242	to:0.07515808172047721	and:0.058277775528553524	all:0.026811631623197097	on:0.025029439760447084	for:0.02489071954592869	from:0.018251162213150433	:0.2317232638712013
men:0.019305137130155924	time:0.016456886958468597	made:0.014822404033682946	free:0.0136130655089603	him:0.01299965317525924	right:0.01228064172556335	in:0.01189930517516167	up:0.011166631619790209	life:0.01059351837045795	:0.8768627563024998
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.4390892277327193	and:0.10242958658150797	The:0.059330051293962	his:0.05201312010589097	a:0.050295130742198046	their:0.040283872090236275	many:0.03743960723274084	with:0.02945021696410739	of:0.02682639770001384	:0.16284278955662337
the:0.3085110751850863	and:0.12297983547773729	more:0.11933618119320595	a:0.06196700531454658	their:0.061583583301382916	an:0.05628385310547966	of:0.048254266301526114	was:0.047359288826219224	no:0.046369435595173536	:0.1273554756996424
to:0.26362471880609184	with:0.1705819697897529	of:0.08106299402351483	by:0.07034548857805463	for:0.06303330780121241	upon:0.031501231896702966	from:0.02493289921423291	at:0.023374858584257197	on:0.022012174466578566	:0.2495303568396017
in:0.01656001283834636	due:0.016150587411661085	;:0.015803852620678082	up:0.01194361541215716	it,:0.01158122743139011	them,:0.011184571738775607	him:0.009685862508977183	time:0.009486476249339893	out:0.00930482764185952	:0.888298966146815
that:0.3670068151325419	which:0.10774572590954137	if:0.09266655174357903	as:0.07009329607632919	when:0.057352312768798284	and:0.05456727214383992	where:0.04712221200636754	what:0.03609598234113222	whom:0.034116320657092615	:0.13323351122077792
of:0.13899292784502068	the:0.12076914372404605	and:0.09017328475009345	to:0.06881226972901529	in:0.041275059744639166	a:0.03842018820564815	that:0.03157218102534442	with:0.028676743843346963	which:0.02491192770637806	:0.41639627342646773
and:0.09211790385617388	o'clock:0.07930975811963757	which:0.05497232264426351	that:0.05280558818403407	at:0.04941105547265467	of:0.03651788393468124	here:0.03602002604838236	meeting:0.03247044605277476	arrived:0.02652449534466492	:0.539850520342733
to:0.44023698983112153	not:0.13950080397450698	and:0.09217777731672402	I:0.07140849059651602	will:0.04936755484627065	we:0.031375947397140246	would:0.03097649771520426	who:0.027916622957361886	you:0.027283225161633513	:0.08975609020352086
the:0.4874549386763235	in:0.13546638031343425	on:0.08337311658218821	a:0.04682469904540016	of:0.04389994858078523	The:0.03919838767692748	and:0.03451453995777158	In:0.03097091650213884	tho:0.023271308151730227	:0.07502576451330051
a:0.28738476579720373	of:0.16413433377499712	the:0.11946500794380757	with:0.08867396141072771	and:0.08049568424326002	for:0.06341309757203165	very:0.052824587344955876	no:0.04724160112220764	be:0.04623553611678163	:0.0501314246740271
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
he:0.16602338600566938	it:0.16504980726669743	I:0.11735397571549244	It:0.10590497635665648	He:0.07301993293512885	and:0.054534389440040805	she:0.048705546654455624	which:0.03688239903957705	who:0.022946775799126327	:0.20957881078715562
that:0.1336653209637383	and:0.12602473049523588	but:0.08023502817645829	which:0.06710747132766154	when:0.06390164830599579	as:0.054453596443490626	if:0.043103985490092915	what:0.033147061798754804	because:0.023105172180288635	:0.3752559848182832
of:0.3493316235134977	in:0.13983100369065982	to:0.09855463770628474	on:0.061202165341633155	by:0.06060013711407161	that:0.060135243437854397	from:0.05642235551610772	In:0.055269923152162455	at:0.05462446651818913	:0.06402844400953925
a:0.2696493930619692	much:0.1298087348945259	the:0.12136666894331229	no:0.08682015478158898	is:0.0742504164352631	and:0.06761932842449839	of:0.053723482595123245	far:0.050706612957374365	or:0.04930381225882982	:0.09675139564751471
to:0.4745544019510659	the:0.11673264932990422	a:0.10951532201694734	of:0.046627059904417366	this:0.03794712138115986	in:0.025721290812585895	and:0.02213271188260828	that:0.021345820457719326	or:0.01874240142565571	:0.1266812208379361
the:0.11704456273315193	and:0.08119496322623684	of:0.06884472752537625	to:0.043940372895462126	in:0.039461644286849194	a:0.027464002679488352	his:0.02277698850975605	said:0.019635202055012554	that:0.01899534171319325	:0.5606421943754735
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.27867350465356744	at:0.24266872613504686	in:0.14885789680643696	In:0.0595944772855948	for:0.05251250855609074	to:0.030359298638249706	and:0.029353581264558556	the:0.02432475784021108	from:0.01927075719690053	:0.1143844916233433
of:0.4167725322583	in:0.10337428388429847	to:0.0942691991659661	for:0.0709791278670795	that:0.06045873975598545	by:0.0521808987378491	with:0.04819730147496922	and:0.03840591725698331	from:0.03579700179131174	:0.0795649978072571
of:0.1809767869874255	in:0.15397915523497205	for:0.11097620559436333	and:0.09746179590555894	to:0.09530003657147115	by:0.0795441418020318	with:0.06905271210128186	that:0.061887770595321356	In:0.04682797254272288	:0.10399342266485112
a:0.6111933194179929	the:0.19910500461180258	and:0.03922783752917809	of:0.025555733033784146	The:0.02245162268376135	in:0.01992862064187843	tho:0.016523967532966963	are:0.01619236277834135	some:0.015916713516185205	:0.033904818254108925
at:0.20019574401943915	of:0.1806013158406764	in:0.14833252573679828	to:0.08127886317173648	on:0.06498511204165315	for:0.0648944728858489	and:0.057868996324392234	that:0.040296604571923675	from:0.038253800346840276	:0.12329256506069143
the:0.9155782918062094	tho:0.027471493077240377	a:0.01937508228910567	tbe:0.011017540294058183	The:0.008486008884430192	our:0.004683600060305331	this:0.00405111480718826	in:0.0021741454988740312	great:0.001904826969701811	:0.005257896312886765
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
to:0.40082172573371955	and:0.2054437553981166	not:0.0934475073337664	will:0.044090908471840294	you:0.024431775238829206	would:0.023438191665014457	shall:0.022804128690667672	can:0.02018851602896813	could:0.0184786905610869	:0.14685480087799083
he:0.29137067951511997	who:0.13125796064815723	I:0.1062266025350581	they:0.08893940395452414	she:0.07822632577788209	He:0.05813818954268769	and:0.04872837183323642	we:0.038886731901765136	have:0.0280834106359041	:0.13014232365566514
to:0.11272467325873015	the:0.09570920935957357	of:0.08084508540075111	and:0.07746796351453314	a:0.03161606912023797	in:0.024763881588432984	at:0.024446783401682257	for:0.018599489625864805	is:0.01726400145434898	:0.516562843275845
<s>:0.12561230448035537	it.:0.02022057345409783	.:0.017337952606326815	them.:0.013327824099656898	time.:0.0099036435324465	day.:0.009700907634929362	of:0.008133356362398805	country.:0.008095241044356525	year.:0.00790325956949678	:0.7797649372159351
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.11496574165205958	of:0.0931768325779601	two:0.066392792653048	and:0.057318165478532725	three:0.05240652374954621	five:0.03859133491927598	in:0.03242692446437157	four:0.030803357583003965	30:0.029126698549834105	:0.4847916283723677
of:0.2995711854938208	to:0.12307506020154296	or:0.09932551795311642	in:0.08953304800352414	for:0.0738327976898992	than:0.0708662328047344	by:0.06406015958741546	without:0.05021657506930302	that:0.048582882109802286	:0.08093654108684133
the:0.25841913554227436	of:0.12606860215466445	and:0.085850653318835	a:0.04529182485207252	The:0.04342210710136731	to:0.03099843798627301	in:0.02975400057825222	by:0.0257895617559909	an:0.024754887946603313	:0.32965078876366694
has:0.33055642578784156	have:0.27730057732860774	had:0.21854374773495944	not:0.05421004803928783	having:0.033320460286423215	never:0.013041917092731097	lias:0.012713985849692893	bad:0.01114532700095942	ever:0.008329928795032634	:0.04083758208446416
of:0.33861002356054887	and:0.10023279703108641	by:0.0887291061947386	to:0.0870410807420933	that:0.0848422128883682	in:0.07782903584534362	from:0.04410246335591921	for:0.042860973423990104	with:0.032576456414438265	:0.1031758505434734
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
to:0.17077116407688203	with:0.14709359215600698	for:0.11949417182756687	of:0.06660426564924812	upon:0.06326909503173694	by:0.058940344143177496	asked:0.052122661318235876	told:0.04480085744864939	against:0.04062471706293591	:0.23627913128556036
the:0.5808593247187368	of:0.035612309159992944	tho:0.03270809714664632	said:0.030209525801640973	and:0.02842151438637708	in:0.012834973993783935	tbe:0.012477183247109336	The:0.012107396542927348	In:0.006686280757730366	:0.24808339424505488
of:0.09400290162860477	the:0.05021247282719051	and:0.04593701122029225	in:0.039689724099797465	a:0.03955106009074535	to:0.033628996744697666	-:0.028068341170203286	for:0.01576655015567196	by:0.013520211217340584	:0.6396227308454562
of:0.10552849230850977	the:0.09657928789542722	and:0.09464778393154331	to:0.0573321910395158	be:0.040531269174258804	was:0.0339891329188509	is:0.02325550049908534	Mrs.:0.02117623691729983	Mr.:0.02102818145519366	:0.5059319238603154
the:0.1331954013331003	of:0.10395761905650669	and:0.09166744382168995	a:0.0674867672110823	to:0.04481959524883369	was:0.033914181021321675	be:0.027669522756191306	is:0.023821375196731925	been:0.01992601692954109	:0.4535420774250011
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.32277288005891047	an:0.22030216140667755	great:0.07119737480765574	this:0.06384637104801703	and:0.06155006001199469	some:0.05200698592655152	any:0.04254264148700975	of:0.03427924624820907	his:0.029074646467276644	:0.10242763253769754
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
and:0.09377129454296322	was:0.04271315341537484	out:0.028524574363226172	that:0.02811573968936019	placed:0.027131868575018914	work:0.02578173844450971	made:0.024681420068921236	is:0.024021050156212566	up:0.023509378606325886	:0.6817497821380872
50:0.06705641915383796	20:0.06196487759489118	120:0.04383974585682482	25:0.0364630027432589	the:0.03454655289851316	14:0.03419958603969153	30:0.032727769468662536	75:0.03247811455046218	40:0.031868445056804834	:0.6248554866370529
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
as:0.06550925023673135	up:0.060465133474192	went:0.052784103257458206	and:0.05021362796209224	go:0.04547976095553127	came:0.03608517710681883	returned:0.033385411024001645	him:0.030581818326300927	them:0.030122496085148092	:0.5953732215717255
of:0.1398457905812425	and:0.11181757365073093	to:0.10450208895626736	or:0.10380296780077247	the:0.09668661316848545	in:0.07264357208690563	a:0.06328751508953749	about:0.061994250383953356	for:0.05134175015581471	:0.1940778781262901
to:0.7440377397154894	and:0.06328623524801058	will:0.04155002591162636	would:0.02990322639400479	the:0.01977174518698188	shall:0.016733103988809075	not:0.014920876233261398	I:0.012030160276504892	To:0.01165072944369802	:0.04611615760161365
per:0.8859863127256717	the:0.022163445934581468	and:0.01088776170801557	por:0.008271789997538513	The:0.0013184981133699957	a:0.0010860170644972833	long:0.0009538275152344136	<s>:0.0008848644358221609	or:0.000774457888889112	:0.06767302461637974
two:0.18036546254115995	three:0.17666555744047507	four:0.11373071555361748	five:0.07954373115958356	six:0.06911845873777085	twenty:0.06710378635626103	few:0.06503688123585051	ten:0.061075620571318864	many:0.055816171930458194	:0.13154361447350452
is:0.12144508611636654	well:0.11854386350873951	and:0.08625924986849273	are:0.0629342283529801	was:0.06159679649917816	be:0.05624665040180943	not:0.05333936012348006	regarded:0.05246015979172147	such:0.04508894150492655	:0.34208566383230543
the:0.24625613368124277	a:0.14164321761691598	his:0.10294002105499322	of:0.09223023165790278	in:0.0619937326412112	to:0.03879597927713447	and:0.03417906641348444	or:0.02820234233221295	my:0.02144969173841435	:0.23230958358648782
to:0.32952628782894267	will:0.245856369422473	may:0.07463757527629271	shall:0.07161182490483438	should:0.0654260789057083	would:0.06264942513239322	not:0.053202240136233946	must:0.04277332043591059	can:0.03209543835138361	:0.022221439605827616
State:0.10924608238150003	city:0.0734706725167663	City:0.050190284222709	county:0.036640129655830536	day:0.036397342907129544	state:0.034026668766994034	line:0.0317239278335836	side:0.029654742920229994	County:0.028531007644354206	:0.5701191411509028
and:0.14913878736461345	a:0.13052244825874992	was:0.0937289741210443	is:0.0862164862333858	are:0.05849953388737331	but:0.054890099430264676	or:0.051015684442343605	the:0.046250398986037576	of:0.045396554767409336	:0.284341032508778
he:0.19370211779588728	and:0.0819929452359184	I:0.07879470496241164	they:0.0778766183719446	who:0.06726095182134662	it:0.06266852434743857	she:0.04982875848050316	He:0.03926752159257628	that:0.03485688229426925	:0.3137509750977042
of:0.1348612235494961	and:0.06662677277330406	that:0.037350562440490113	the:0.03423493839807693	in:0.026804023137333512	by:0.020273371409136168	.:0.01874299217014442	to:0.01758475515386449	at:0.012794760149749231	:0.630726600818405
as:0.05903359353660658	according:0.04967519661865736	up:0.046878532105462827	come:0.046567171954901884	regard:0.04190000933461929	came:0.04154057427234939	and:0.03599920873739834	reference:0.03456217066340671	went:0.03210094051308527	:0.6117426022635124
the:0.18287551220222154	a:0.17385904168488153	this:0.1193326620008324	such:0.07937823907777063	of:0.07086211816625994	his:0.05456981335283302	and:0.042440971589601015	same:0.03733112469706469	said:0.03334068105788264	:0.2060098361706526
and:0.10483750340109294	the:0.09866208341740747	to:0.05665193391649238	of:0.05189889437769056	was:0.026462983607294776	is:0.025850923977212146	will:0.02539817026827283	are:0.024351742551071618	be:0.024297808417937217	:0.561587956065528
sum:0.016328629329483636	out:0.011199130054419226	amount:0.01098427885233564	number:0.010966495951007758	Board:0.010606384122442537	day:0.009994987531108633	line:0.009797732497612439	county:0.00968943267720081	purpose:0.008481733832078262	:0.901951195152311
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
w:0.2611190221674258	and:0.07393758418175697	a:0.046409570064759584	was:0.04425540649421729	of:0.04390212841215759	is:0.037854101819905304	have:0.034930384533142886	to:0.027886768161923526	for:0.024606729622654932	:0.40509830454205614
of:0.22113629074153696	and:0.1622274708551525	in:0.10450087581864302	to:0.09376782447854373	Mr.:0.04879340886768797	by:0.044460842737431144	the:0.04106035758584132	with:0.029785419061743573	Mrs.:0.028580269152552986	:0.22568724070086682
and:0.08362943294997585	together:0.07769806815080653	connected:0.0635902168573379	connection:0.06228367212358626	accordance:0.047530813078388766	comply:0.026000666542743977	acquainted:0.023189098613704624	compared:0.02214887744238745	contact:0.01973810078197255	:0.574191053459096
a:0.3092478207830171	the:0.16704140389466549	one:0.056282692147845884	his:0.0537537289313104	of:0.05080762122585223	on:0.03580864511180466	their:0.034678391909513995	and:0.025986981984384698	some:0.02137963073605754	:0.245013083275548
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
it:0.15722353172741207	he:0.1261554679079826	It:0.12076576513783148	I:0.11157853986945866	there:0.05733428095654695	and:0.056984075337764596	He:0.055748351620875006	which:0.04492456400762136	she:0.038597910146480584	:0.2306875132880267
as:0.12446913051027336	is:0.12118543405949203	was:0.11286130100353957	in:0.09362646009600131	with:0.08124183301808861	of:0.0729459379409333	to:0.061868459083023346	and:0.055607182314116245	at:0.055479803112760684	:0.22071445886177155
and:0.17822958376738093	the:0.06898672187268308	is:0.05816381710129872	was:0.04605987879267515	are:0.0455264999507035	to:0.03141628080679085	of:0.02664964835613482	an:0.02593408318252217	have:0.025703822840021467	:0.49332966332978934
of:0.17142758274306302	in:0.08634383392792384	as:0.08326592556418587	is:0.08178974204742391	to:0.07556684952700905	with:0.0668191557129155	by:0.06243265598537441	and:0.057133822259442996	was:0.05599821011707395	:0.25922222211558743
all:0.25188982396293036	and:0.16160814235444618	the:0.112632167775173	or:0.05835882444484922	of:0.054154790285482306	be:0.045379041281133445	is:0.04463090231268787	not:0.04055040441930597	much:0.039757884290214894	:0.19103801887377672
of:0.21802146608877446	in:0.13218305519894788	with:0.08746501867385319	to:0.08333071899062139	and:0.0765649486499655	is:0.0727681735111008	by:0.069983291067854	for:0.061784083639894	as:0.05495706321755012	:0.14294218096143865
to:0.07851904972219918	and:0.07816553220769117	of:0.04911108991387951	for:0.02976147408055909	the:0.02861042657814668	<s>:0.02604116539843169	that:0.02531303292763691	in:0.022816962719293267	on:0.022015778694676927	:0.6396454877574855
have:0.1575820168781572	he:0.132973188115199	I:0.10545005989655484	has:0.09338711677431219	and:0.08568266868345409	who:0.08442052017146914	had:0.07795734003844645	be:0.034440491553016976	He:0.02994704613779411	:0.19815955175159597
a:0.2533941975289073	the:0.22854135619900445	any:0.1690967808785805	no:0.06115292896720695	The:0.051619159301845116	other:0.05059900830903689	some:0.035715185382637335	every:0.03380392544563719	of:0.031799356485989985	:0.08427810150115428
the:0.18927580197235688	of:0.10268000335673094	to:0.07193089873803327	and:0.06302722590064451	in:0.035804951354373886	for:0.03552877544733519	be:0.029165863199114864	was:0.021230450879771812	is:0.019324942212557497	:0.43203108693908115
turned:0.17689741517297122	went:0.11792329389869219	was:0.06743746290311194	go:0.05780147960762763	all:0.05123278012256286	come:0.049069871089041775	is:0.03970234485750847	came:0.03563951014489083	and:0.034081559016104296	:0.3702142831874888
<s>:0.06472935242392958	it.:0.016734853782763785	him.:0.011988563963983666	them.:0.009804877016761308	?:0.007838289106935709	her.:0.007010692651227506	and:0.0069369362362728965	years.:0.006053818820127137	again.:0.005746618098965552	:0.8631559978990329
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.1359220747016016	and:0.09673428344208418	is:0.09537204581282067	no:0.09209435977165084	any:0.08944915951040489	to:0.08327274274177723	was:0.06975328243079261	the:0.06718003577772211	that:0.057844036426319224	:0.21237797938482667
and:0.09289682875398107	to:0.08362463815713578	of:0.07865776104634967	the:0.06502250552004986	was:0.04293123221278658	be:0.040856920591184086	for:0.03853427113734677	is:0.031189643383301092	in:0.030049705904780007	:0.4962364932930851
of:0.23922135727276037	in:0.16125665574256887	to:0.12674496945879024	and:0.08671744915565202	for:0.060828907048942976	with:0.0519728279437311	on:0.05158054548335033	from:0.04442997380549762	at:0.039775157799593765	:0.13747215628911272
of:0.16534439598003461	in:0.09361477153883728	as:0.07904385958114994	with:0.07528438313918831	to:0.07383879313636729	is:0.07015175326698454	and:0.06250611709882879	was:0.05388143969943735	for:0.05066766344835713	:0.27566682311081475
and:0.04719846857353889	<s>:0.04420712767230115	him:0.032751476637042504	was:0.029420224640105602	out:0.015492935905520437	is:0.014345417991390915	be:0.014008246993491132	it:0.012917228868825728	made:0.012314866553475955	:0.7773440061643077
and:0.16487260141605453	was:0.08194864968604104	is:0.04714675789326058	be:0.03675981731678785	made:0.02935445484287305	succeeded:0.027653984814658163	are:0.02747227487468594	been:0.026953312333798617	were:0.02402634215863015	:0.5338118046632101
of:0.34395472404840605	in:0.15575462801062623	to:0.1100607188960588	on:0.07894515134049826	and:0.05598802051541172	that:0.053165715828400226	from:0.04904438475919381	at:0.040391503051873494	for:0.037276575387749686	:0.07541857816178173
manner:0.1103951809557842	and:0.052453475314599624	that:0.03036937771827381	way:0.019689239401330938	time:0.015058937839784212	it:0.013360831017844856	all:0.011946359345780016	one:0.011858054142763546	part:0.011827296831737295	:0.7230412474321015
the:0.17552238412528243	of:0.09304593776617384	and:0.08349226590755038	a:0.07370912514468153	to:0.05670579633474752	be:0.036046970042564366	was:0.03067020320232907	is:0.0276003834578604	in:0.020866091667724743	:0.40234084235108575
<s>:0.06937050988538301	.:0.010834429638748696	it.:0.01060742789596045	them.:0.009040796554771382	purchaser.:0.007453413621776665	year.:0.006942855257571074	week.:0.006864232299209054	time.:0.00652938449661155	States.:0.00591002426629334	:0.8664469260836748
of:0.14677959450638814	and:0.13194106974840195	was:0.09820667858175583	is:0.07652857718180031	are:0.06759680445453664	were:0.05099955028777453	in:0.04474847202522467	for:0.039360688836085386	all:0.03024200839688982	:0.3135965559811427
and:0.07183289031255977	demand:0.025944685217575657	ready:0.021477506387310677	used:0.020653840313379437	time:0.018693235575541325	not:0.014344251169100857	vote:0.014321157386397571	it:0.014219992250690474	candidate:0.013420651590409303	:0.785091789797035
the:0.7456505078604169	The:0.06969341883780943	tho:0.029790953229434546	a:0.027598096189838627	and:0.025856930923182763	his:0.02117095220639667	their:0.020621252780849558	very:0.018983872040633284	our:0.017251643221524865	:0.023382372709913442
a:0.6328715312535925	the:0.1913234969699107	of:0.04100136177119894	The:0.027434054770304295	A:0.025060219210012228	in:0.019637321958568082	and:0.012981826395721709	to:0.00913818405434651	with:0.008617056065242087	:0.03193494755110297
and:0.18265457355468226	have:0.1420318627018056	had:0.07687677684301833	is:0.07145312737023815	has:0.06871420647191878	of:0.0496566497213696	was:0.04539583611277354	which:0.044425002665973566	to:0.04355357882922233	:0.27523838572899784
a:0.412524780782485	the:0.13238131569250058	of:0.1101968414434886	very:0.051513973973309896	and:0.045014159141400605	so:0.037482628601976715	with:0.03501679969031216	as:0.02680764471824751	in:0.025878661371184216	:0.12318319458509473
the:0.18865064154752814	of:0.09521314359217854	Mr.:0.05936560020366942	The:0.05918413378541302	and:0.04789785501490848	that:0.04093932846997176	a:0.03062771603476304	this:0.01791027151166763	in:0.016031536642742206	:0.4441797731971578
in:0.19993784249062985	of:0.15663099638273162	with:0.06810793044284742	by:0.059669698414873455	from:0.059028194448723925	to:0.05715283036511043	on:0.03758719137955169	upon:0.03235008798825571	and:0.03168003405107354	:0.29785519403620236
the:0.7265452541631889	The:0.11626023661027583	a:0.04301068684861161	tho:0.0314774358191274	his:0.019993039970614742	tbe:0.010438227434960428	their:0.009536958948720045	whose:0.009415351749449574	of:0.007979217846589623	:0.025343590608461808
to:0.5827739228675215	not:0.1032856438726728	will:0.07781484513892196	would:0.07102852593943262	and:0.0567523768156949	may:0.018639114009008067	must:0.017167681210187028	I:0.015997269584607954	we:0.013455067814243155	:0.04308555274771
and:0.08425430884086303	connected:0.06845623616106565	comply:0.061288186867442224	or:0.05554961941318929	connection:0.043253082298776266	together:0.04216666546282162	interfere:0.03803035538068514	not:0.02927619077382047	do:0.028508190310310575	:0.5492171644910258
the:0.2602033876431014	of:0.17140337608476378	his:0.0996876347317497	their:0.08072214573076386	in:0.04597030750983267	this:0.042328561339817015	good:0.039195555988881886	a:0.028099801299393278	its:0.023932060800923596	:0.2084571688707728
would:0.17959540429010784	to:0.13519794944916977	who:0.09755427043109222	they:0.08092794866467283	I:0.07229973568327139	which:0.06237819314755754	must:0.053838397959161594	might:0.048424713189248424	shall:0.04348004295022552	:0.22630334423549286
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.18226616748733143	of:0.09055536536617964	and:0.07875087345412557	a:0.04282959090962975	that:0.0423577110756612	The:0.028952021800772214	in:0.02827161666549837	no:0.02464103014114996	Mr.:0.02431919560564389	:0.457056427494008
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
was:0.24073752452525432	is:0.1528802260803968	had:0.11868440181568288	have:0.09910213493551903	has:0.08673329549226592	and:0.04416455582429586	not:0.043147916429302755	be:0.0417591025958273	been:0.03503897068809999	:0.13775187161335514
went:0.14566749679326435	come:0.14245955295055315	go:0.14182731245908967	came:0.13179978717078086	brought:0.06657920837809815	get:0.05717038500333722	sent:0.045777244445352444	way:0.045256211719410855	them:0.04351965328634123	:0.17994314779377207
and:0.08626960834145231	able:0.057199241551801665	order:0.053161867300474265	him:0.04760105043808385	necessary:0.042835216414292075	unable:0.037774550252659904	enough:0.0349525689588729	is:0.03416759770505846	them:0.03345915183646621	:0.5725791472008384
the:0.8844239874864931	tho:0.04756948702344427	The:0.02033430666769642	tbe:0.014816209185575809	of:0.01068097499444848	and:0.002900692842559579	by:0.0026848525152412873	a:0.002620734900998062	tlie:0.0017922399025080053	:0.012176514481035046
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
be:0.2590799164973476	was:0.15005607666260593	and:0.13565722012017728	been:0.1039281229113658	is:0.08181217776774091	were:0.0510097588976405	are:0.045602369093815424	being:0.033436203940997174	he:0.028195510996416043	:0.11122264311189337
to:0.4446614540911075	and:0.2120189494117628	will:0.04479919619323698	not:0.04114293631733532	or:0.028363949095123055	I:0.024404321819287696	that:0.019637742063949415	the:0.019264998363858355	we:0.019187384721756143	:0.1465190679225827
the:0.30827113228129494	a:0.11547329659795343	motor:0.08767998261580459	this:0.06926084445447231	their:0.06821570253024854	The:0.06797966663605984	his:0.04124289694039924	our:0.040523215510368964	such:0.03428350010885409	:0.16706976232454404
to:0.5601283264582293	will:0.14301087329927398	would:0.05764651583588329	the:0.046991463021266014	shall:0.03344169942210357	should:0.02421692311119225	and:0.020950546351562283	this:0.019267664399853834	not:0.016597644510522425	:0.07774834359011303
part:0.06632085427588026	one:0.043709131521234616	side:0.04147594174337228	portion:0.021381379685940373	payment:0.01767383384066149	parts:0.015787043195170453	members:0.015195039493425983	that:0.015130446613312426	and:0.014306296283830691	:0.7490200333471714
it:0.18143874199255758	there:0.10331969695424356	It:0.09198639939220059	which:0.08073126991269376	they:0.06240522313208139	that:0.054082648531678275	and:0.05144105994683339	he:0.03253148924096088	There:0.03214778196988864	:0.30991568892686194
the:0.44234446002648636	of:0.11251061459399579	The:0.08380845872496846	and:0.05711105124122291	by:0.03258681914923365	that:0.03167813544335194	his:0.026621813566098506	tho:0.02525701240304855	their:0.01616948212888246	:0.17191215272271138
he:0.23323701803005306	and:0.08404566806215058	it:0.06272237322845858	who:0.04589983186529263	It:0.044841533198664824	she:0.03626341809190767	that:0.0361084403155999	man:0.0314769954033224	which:0.031298954552346665	:0.3941057672522037
of:0.4323386110745101	to:0.11921752963157431	in:0.08627426943013917	on:0.05987873544772305	by:0.05968756744974789	and:0.05142997095293156	from:0.04242413492091424	for:0.03591511501599807	that:0.03290550494390156	:0.07992856113256003
to:0.26259012421961264	will:0.17821141461242893	may:0.11195834363998156	would:0.08315207004094588	should:0.07610714807178198	can:0.06955398020089748	not:0.057951816988133495	must:0.05718415777939466	could:0.05300567760002394	:0.050285266846799445
the:0.698051644960783	first:0.05372323803795816	a:0.04214813550150282	tho:0.03677635152930213	The:0.025237756698457976	second:0.024508896375539588	third:0.016660373280530435	upper:0.016547566542380095	tbe:0.015179740343393732	:0.0711662967301521
<s>:0.0446756003583981	it.:0.02785205556243566	them.:0.02007244647665245	him.:0.016263042621543364	time.:0.012888930836154326	country.:0.01021706220285237	years.:0.010129337754236738	year.:0.00969863441376184	day.:0.009036078873345735	:0.8391668109006194
of:0.4411546017229706	in:0.11738676861174675	to:0.10831546800550121	on:0.0763704592311613	by:0.06356286396026656	from:0.04401880068926118	at:0.029811038849326364	and:0.02758678901866783	In:0.02245671766447262	:0.06933649224662557
of:0.30539027924011425	in:0.09514800560312857	to:0.07924997425918723	after:0.06564874891183604	for:0.06448070669911735	and:0.05393185656287828	on:0.049093352240538304	from:0.04266935973204286	by:0.042492966294416415	:0.20189475045674068
and:0.12061201849966527	as:0.11108181210315791	that:0.09072101753911276	when:0.07718348316974788	When:0.04527273663898904	but:0.04134584893148348	which:0.03884360732825427	what:0.023156054699714688	As:0.023050187417974252	:0.42873323367190047
and:0.13471677175141816	made:0.11276422474321217	secured:0.04337806033959166	or:0.04082393714818782	that:0.03384634839146465	ed:0.026051866663527008	up:0.025113920612626687	followed:0.022670742921464128	caused:0.02251229036238896	:0.5381218370661187
to:0.17128125434964073	for:0.1058630071437085	of:0.08489993228789586	and:0.06646981148485011	with:0.05100243255915659	have:0.04447936698586508	that:0.04047724547417849	had:0.03780069891230917	from:0.034041992901564413	:0.3636842579008311
the:0.1888089379032915	and:0.1525200254960492	of:0.10984875962417542	to:0.03729257515682067	in:0.03670117528350405	or:0.03242377524859328	all:0.030088499117869996	their:0.022572414491942822	a:0.021582248962902454	:0.3681615887148506
a:0.2872225082460909	this:0.24075734601891327	the:0.2081721009027364	that:0.07826506397371366	to:0.03744318831448436	in:0.024015838745097662	any:0.019356796224710347	which:0.01772964836603072	one:0.01685634937594136	:0.07018115983228129
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
and:0.100512700433974	was:0.05733504114377236	succeeded:0.04701538546055792	is:0.04538574148578059	be:0.042129085413056704	are:0.03169298375534826	made:0.029534032703518266	that:0.029302210995583285	it:0.02843538653679565	:0.5886574320716129
re-:0.1466731277756988	he:0.1229778834836889	and:0.10325575913634402	be:0.10302765123861171	was:0.06161978944798638	He:0.046526943816718805	I:0.043008866650915266	who:0.036682850726647155	have:0.03021382905048378	:0.30601329867290517
the:0.1716651147218746	of:0.12017241105327997	and:0.06386540135415332	a:0.04084798884730423	Mr.:0.0295575201857318	to:0.024580687676458077	The:0.022760397743127582	in:0.021585930007273133	that:0.015025355563077632	:0.4899391928477197
of:0.30317225156160293	in:0.11914517502508357	for:0.10659204837491944	to:0.09963003615761531	by:0.07117112995650546	and:0.0591624096428335	that:0.05876366732861856	In:0.05823199273876145	from:0.05175322965253834	:0.07237805956152144
well:0.12991015635064773	known:0.11168587180543645	soon:0.10369035459473254	far:0.08195907566424299	and:0.06388557808584468	long:0.03755135115796446	such:0.02954466624033588	just:0.024368945136159968	much:0.020609769850901107	:0.3967942311137342
for:0.5184993746610433	of:0.186407437742937	to:0.06999791003091216	in:0.051139901286187936	at:0.029326933111310214	that:0.024045571197248837	by:0.02320537451067046	and:0.022524134665418354	during:0.018303795913430114	:0.056549566880841576
one:0.13027668708462814	out:0.07742206756685843	part:0.06474114282857145	some:0.05640712659716483	time:0.03954471000289752	account:0.03620724368530425	all:0.03238127669140698	and:0.028154969476639407	that:0.02755643570827209	:0.5073083403582569
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.2839553083384759	of:0.1149273114164593	and:0.08612997717501487	a:0.07726678023677803	in:0.03790963628456957	to:0.03649097832437028	with:0.02387565925014858	his:0.01988925955841116	The:0.018210086156703234	:0.3013450032590691
in:0.660049469681149	In:0.1765593630460854	the:0.04504024248795985	a:0.02417480621100116	of:0.018985037002354547	this:0.018191013008820082	iu:0.010894587217823843	his:0.01085406340147976	their:0.007083173622934197	:0.0281682443203922
in:0.019644948386125977	up:0.017334454224300737	;:0.011225791933419467	him,:0.010184032075675632	him:0.008218272151289877	it,:0.008147540050876168	them,:0.006667325084324974	up,:0.0063580877567533875	,:0.006102134847413745	:0.90611741348982
a:0.13431214768004468	of:0.10784557629639724	the:0.09951919417105608	young:0.07933911847361057	good:0.05180387589673319	one:0.05075549752392243	white:0.04639918655605381	great:0.037423578642999736	to:0.037149880687621574	:0.3554519440715607
and:0.062476299251750536	up:0.02954707045017059	filled:0.02794261373517622	do:0.025479809006907696	it:0.025235780832753067	him:0.022291448698347996	covered:0.018942816766066586	charged:0.0183734454106973	made:0.015881128544829943	:0.7538295873033001
and:0.0776641394522738	time:0.030049882876650818	reason:0.022061326361568063	provided:0.01691098330851189	that:0.01219935797021179	day:0.011826843141096754	it:0.009993865208434276	money:0.009674066383126635	way:0.009657221536353613	:0.7999623137617724
of:0.3141698295629758	to:0.12162760325137127	for:0.09197818378090604	in:0.07795830304365266	and:0.06503808748438321	at:0.062330584831326835	on:0.0596128505686397	by:0.04828515329512657	with:0.04677791723971325	:0.11222148694190467
<s>:0.09806025791778145	it.:0.016223573796322374	.:0.012426880419594163	him.:0.009961928086109758	them.:0.009243486820288298	Mr.:0.00801926189457408	time.:0.0071302392818410444	day.:0.00592183919151114	water.:0.005201432441719453	:0.8278111001502583
of:0.4049299078877087	in:0.0949290220258609	for:0.07214752577236287	by:0.0667557669292682	that:0.0666824628759872	and:0.0659089848344215	to:0.061037460444755776	all:0.05166179528739945	any:0.048536972040082275	:0.0674101019021531
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
the:0.5832780002020552	a:0.0791044520217527	tho:0.03594974530469287	of:0.03335698288249164	The:0.030651086692688696	to:0.028171491858832224	stock:0.02712576801179095	and:0.026828150545996243	this:0.024861144584956685	:0.13067317789474273
the:0.1139807772741443	of:0.06522113641064681	to:0.06110468106001302	a:0.05610274970108582	and:0.0548249042920475	in:0.03237990193781831	by:0.024666454370796856	<s>:0.02340539593957368	or:0.022343516048354627	:0.5459704829655191
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.16819775796794953	and:0.12248121272319769	his:0.11059110098737898	good:0.10929886551871461	their:0.09848287371291448	of:0.08382732087339162	abiding:0.06970262121439898	a:0.05958022879331534	no:0.05132777445285802	:0.12651024375588074
the:0.11901074627240478	of:0.09938652051617264	and:0.08720174586552741	to:0.03238850422443132	a:0.027612587182985135	.:0.0177134810092979	by:0.01672591694628182	in:0.016402631956539827	<s>:0.015430702120117141	:0.5681271639062421
the:0.11779962059490376	of:0.08596740294820827	and:0.07568776954042707	a:0.05077869504587158	to:0.04502980800732101	be:0.03528964289240952	in:0.03435426147766118	was:0.032825852443482004	is:0.018753788213466776	:0.5035131588362488
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.6717952917200523	this:0.08575456431829048	tho:0.03835466071273554	The:0.02838372385877927	York:0.026729208583162606	said:0.01884796884159527	a:0.01780548561186504	that:0.01621508138857056	tbe:0.014103716560370752	:0.08201029840457826
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.16629689319691937	and:0.11457624355185057	to:0.08827978686582008	the:0.0794036838013036	by:0.07719252873395308	in:0.04170774288352618	that:0.03396105252124599	at:0.03033891430297889	<s>:0.027641667090043273	:0.340601487052359
to:0.2019363991512751	the:0.16032763991358318	and:0.15435200899332105	was:0.046219757535250476	a:0.041632452185016953	be:0.040621839572519025	of:0.03763692956311867	is:0.02737554723193848	are:0.0255367459224911	:0.264360679931486
the:0.3463030903976944	a:0.114580172269115	of:0.09392536584314845	and:0.04760767814147329	in:0.032664725384967744	The:0.02653815664864547	tho:0.024630998852714955	at:0.023077368066446117	to:0.021870111359676432	:0.2688023330361181
the:0.3437506440371265	a:0.14084320755620067	and:0.11533810933674499	in:0.06187880783806603	of:0.061047852604335616	be:0.033976421183199525	to:0.03354225442519886	The:0.02143131106709209	tho:0.021314237489982592	:0.1668771544620531
the:0.5287086395481316	of:0.10073202094853909	and:0.05698534224802636	The:0.0376564913709981	tho:0.03264633262847158	in:0.030335394457780024	on:0.023121145072693302	that:0.01939064203520366	a:0.01774589121562943	:0.15267810047452685
that:0.2089614508912603	as:0.14067859968137034	and:0.13608044290628069	which:0.09305762307481233	when:0.07296316274654993	what:0.0416327816584157	but:0.040171299257575475	if:0.037612392383891066	where:0.03487916917631256	:0.19396307822353162
in:0.3217651262999782	In:0.10256447030252822	is:0.10034687830449686	such:0.09237703336196837	of:0.09091014703708584	as:0.07761578881581702	was:0.054552113568666474	with:0.04270826433021822	for:0.036735490733174614	:0.08042468724606616
the:0.28334334250290266	a:0.21927863955235502	and:0.12274644104651572	in:0.049090441275693335	of:0.04593294937485718	to:0.024385500507584295	any:0.02419812100972142	The:0.019883227130569708	with:0.01812401356660039	:0.19301732403320027
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.5405286016670183	in:0.09260367905501653	at:0.07803177807198118	to:0.05024805029441811	from:0.035849227043441595	for:0.028061145923787487	In:0.024046377393504504	and:0.016991176904637396	by:0.014712001603678372	:0.11892796204251646
the:0.601234520839236	and:0.06434338345263341	The:0.04435223569767353	a:0.0441493430526552	tho:0.03492975134621833	or:0.02200955983047456	of:0.019827915454625845	de-:0.01627789029930706	tbe:0.012936479258359999	:0.13993892076881606
and:0.10865140481393569	was:0.05005735010840916	be:0.03936270848847193	made:0.03314457298886814	that:0.029670327992099007	up:0.029165806950801808	is:0.02822148666528043	are:0.027517803943530997	been:0.02584671226213656	:0.6283618257864663
and:0.259404855256391	to:0.16036388026842668	of:0.09637503291850302	be:0.07846071420004586	was:0.06492860602548246	is:0.05629615687404652	or:0.055138555977440905	not:0.050078341312965166	by:0.042439961579006084	:0.1365138955876923
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
the:0.3250583270743786	and:0.06780654705789695	of:0.0598031191855291	The:0.05625644174273218	a:0.03882223958013183	that:0.023574711726444382	tho:0.01857253196294539	his:0.014765260279658025	in:0.012681905114727306	:0.38265891627555626
and:0.16195133247755697	is:0.07321101910068455	was:0.07194251302768054	it:0.04411742166626848	that:0.03508118556258509	are:0.032895597571972315	be:0.028772183025825283	found:0.028438736924937816	or:0.027112211764308596	:0.4964777988781804
the:0.2463783545201742	a:0.07389486768800314	to:0.05359491184979454	this:0.053144420101953596	and:0.0447476211735269	of:0.032701690185621794	The:0.021759154420575064	who:0.019094570303647643	tho:0.01803048941990639	:0.43665392033679673
and:0.08054280426915987	as:0.07950062993927684	order:0.07170839391841236	able:0.06614001226239405	is:0.056792877782769265	enough:0.05389354843172264	necessary:0.04999346417641749	him:0.04269808295598594	was:0.03895041644636141	:0.4597797698175002
the:0.467048214154754	The:0.12152149374233889	a:0.08417146551147689	and:0.06378665982216965	of:0.05751245536328888	this:0.051412927169803	tho:0.02445558284932091	his:0.023425570579169344	our:0.02102356354819437	:0.08564206725948406
Section:0.20457321173309195	Sec.:0.1875898577759447	No.:0.058047500816237274	March:0.05109689914593571	April:0.04265105456068053	June:0.029763480401405838	May:0.02768000932075505	July:0.026686212273497007	.:0.025548835996487003	:0.3463629379759649
to:0.22656442624205816	I:0.14786815729010672	not:0.12951542424328003	we:0.1035537820464853	you:0.10139571858374138	they:0.06423136580880393	We:0.05093763947782532	who:0.044981180867179296	and:0.041261006057543584	:0.0896912993829763
to:0.32896899761556947	and:0.2674671727282859	not:0.03743200652738097	will:0.034727409410868965	that:0.029237973630581376	I:0.02919523639738899	would:0.024951596318471114	who:0.019825382117382453	which:0.01961933981281669	:0.2085748854412541
the:0.36983670400067487	of:0.15534649224107805	a:0.09355042983927889	an:0.08236242902425156	at:0.06870154033489509	and:0.06692840879944163	in:0.042905960292305	from:0.027582462313627314	for:0.026498562894416957	:0.06628701026003062
and:0.17596106684280022	to:0.09705634816379151	of:0.043853882963741174	which:0.04307159982379265	re-:0.036121002228894326	that:0.03457731553129466	for:0.0298838750270468	or:0.02922632231759091	not:0.02791646393032946	:0.48233212317071833
and:0.2071116405910665	he:0.17007954773484832	I:0.09617763382637129	He:0.08442437074927882	who:0.06430859296440543	which:0.06400666339176983	she:0.050374280511258016	that:0.041622458482476234	it:0.0412242157214191	:0.1806705960271065
the:0.37901574368168084	of:0.1473632644492899	an:0.06406797345407718	a:0.06402539866329002	and:0.057732220081739345	The:0.053951770555703514	to:0.02964802466868469	tho:0.02361111123092913	in:0.022544849856183415	:0.15803964335842197
of:0.34124455405843923	to:0.16603532286989173	in:0.09245192508511123	and:0.07664093462655526	by:0.05939037655213312	for:0.055208969959454145	that:0.04573383224406659	from:0.04467905071390535	on:0.036916412334241956	:0.08169862155620139
of:0.1641107075196537	is:0.14938737905138352	was:0.1226088509093659	in:0.08769047848606899	with:0.08721678395906414	and:0.07790787163383474	to:0.07636466191124437	for:0.055753848549236935	as:0.05361828260081667	:0.12534113537933103
and:0.20007199922531016	the:0.1472082164055118	a:0.0953210790332373	to:0.06798525885955121	of:0.05687963242663113	or:0.026489482596524186	that:0.020319617263333187	with:0.02027588638201662	by:0.019329614144523503	:0.3461192136633609
an:0.2898073935433584	the:0.2533691046918521	a:0.11458277256505059	and:0.08261196123564339	of:0.05461975363077308	his:0.045844204080215764	their:0.04506678041117771	its:0.03281438233463252	her:0.018546487460745924	:0.06273716004655056
the:0.12251758203141075	a:0.12018329735374324	or:0.10525739652371581	and:0.10243543354189356	no:0.07933111405381404	much:0.0683389463917837	of:0.058743727811252616	is:0.04662677542408886	be:0.03431544765459639	:0.26225027921370103
a:0.4926178906219359	and:0.06159023155643936	the:0.05458701113176129	to:0.05330035251977166	is:0.03832032456187593	be:0.036987604194416705	very:0.03538233691826108	with:0.03027218333697751	of:0.028363418170002618	:0.16857864698855793
not:0.21131490485187254	will:0.18249814565723904	and:0.1779907298598317	would:0.05639893544196757	may:0.03607386112596021	do:0.03587187018485363	as:0.03462013720369345	can:0.03438685582119805	And:0.029439472831917085	:0.20140508702146673
number:0.10256369677253101	line:0.035777344236979	part:0.03024377277051425	amount:0.028409418348918858	out:0.025953730851680262	board:0.02306795027280695	matter:0.022922794058678586	men:0.02282246786271753	kind:0.02272020361751541	:0.6855186212076582
be:0.316468253696378	been:0.13140889397795485	was:0.09894778638359861	were:0.07419349558417933	and:0.053811749584109086	are:0.04443513043645467	had:0.0428415239312657	has:0.03781853039228216	have:0.03679129055895405	:0.16328334545482356
of:0.3227001585575514	in:0.17971095437291998	to:0.12105844009944365	on:0.08807800675264155	by:0.05879046443355598	In:0.04467265174419266	from:0.044578656464664426	and:0.03702393302000712	that:0.03501176941611955	:0.06837496513890368
as:0.07698185129308317	and:0.06386612965070457	is:0.053453854590679244	it:0.04538893812572639	him:0.0448874308444703	time:0.0400264917466903	them:0.03685512982329221	subject:0.03433882808880893	right:0.0339281673717669	:0.570273178464778
and:0.14024270221502308	w:0.09486609508369169	the:0.07802005774673675	his:0.07260172588513197	to:0.06455120053510953	t:0.03814126429914113	her:0.024819889392325954	who:0.02402390671992192	I:0.023129185517166466	:0.4396039726057515
of:0.3035526344402565	to:0.19507449907264093	on:0.11258118904372189	in:0.09270763689474326	and:0.05002209464140522	from:0.049846505866593574	that:0.0460788301650053	by:0.045670895964156966	with:0.04056123769958395	:0.0639044762118924
the:0.3357912850668874	a:0.1403959659667988	of:0.12675135032239102	said:0.07849433428681778	and:0.0608897513947126	for:0.03555245511832952	The:0.03474566214829542	tho:0.026391709899020063	that:0.025702537688292417	:0.13528494810845504
the:0.1776774208326678	and:0.11618745692283622	of:0.07752870682140522	a:0.04688803046964208	to:0.039506242669002975	that:0.028251904729360462	The:0.02806150947191031	Mr.:0.027663433172235793	or:0.027330864172727884	:0.4309044307382113
;:0.027973254739906566	it,:0.019169730992282877	them,:0.015309262526226733	in:0.0134458763649858	him:0.009729016497342296	up:0.009454385151622214	you:0.009320469589444288	it:0.00918022775008601	and:0.009177733399399748	:0.8772400429887035
filled:0.067744026835924	covered:0.048985072033019196	and:0.047717805627510955	together:0.03196650172124196	it:0.028949054648761085	trimmed:0.021324514390818335	them:0.020614774786778096	him:0.020397284688870927	lined:0.019078291253935887	:0.6932226740131395
of:0.2079633222442796	the:0.1725600691237865	in:0.058827474413610734	a:0.058187266441021894	to:0.051768848448413195	and:0.04765684321803182	for:0.04049160034433732	some:0.021834244078815422	that:0.016143379587080287	:0.32456695210062325
to:0.4745771525591408	I:0.07697626940921214	and:0.07332941365091915	will:0.0729615738355146	not:0.04131355997469364	you:0.03796813719567513	would:0.03487823320973088	we:0.03481840854216871	they:0.030146675700687867	:0.1230305759222571
and:0.1068823256192972	looked:0.06562912145417248	look:0.05345388501586958	him:0.05071826628742472	was:0.049469962602689904	died:0.037969910665498506	it:0.032053189356314606	held:0.029131324011447354	up:0.027799602765317382	:0.5468924122219683
the:0.6678901780006687	The:0.05028153126283515	tho:0.03844872084945705	and:0.037337246767176216	a:0.025105882744276706	in:0.021551041956298023	of:0.02012742744488555	tbe:0.01841970867633861	all:0.01794856830821095	:0.102889693989853
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.2528431623113129	of:0.14981142611085135	and:0.045748040505146255	for:0.03259178612835459	to:0.02990180651714593	in:0.026903297964014916	more:0.026900748118280225	all:0.024019446357832045	their:0.0234465491230998	:0.387833736863962
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.10723033250438467	it:0.05559303722465169	pain:0.04948680842417035	was:0.03016410543330205	him:0.028667508434370933	not:0.028625149798078335	that:0.02783886748991313	up:0.02560941319093722	is:0.02465372951719969	:0.6221310479829919
of:0.2428873537692233	in:0.11973680612014662	to:0.11603402741270599	for:0.07714789713097062	and:0.06946396848994019	with:0.060658363724453455	on:0.047862408375154715	from:0.04110232559766807	by:0.036546241757073966	:0.18856060762266308
of:0.447438342864533	to:0.12862724087465754	in:0.09513154630676433	from:0.04384331155525219	by:0.04323393008348299	on:0.03561042721348471	that:0.03537274384657179	and:0.03465824988531255	with:0.03411796506816219	:0.10196624230177874
number:0.11062338203121565	out:0.08733674491826868	plenty:0.08387177581656487	amount:0.07840908929885956	matter:0.06616193176695981	lack:0.05350947123196437	kind:0.04339402457406705	deal:0.03990337172715648	right:0.03813989077816333	:0.39865031785678023
in:0.020598718948367404	highest:0.019012928212142736	largest:0.018081752850039785	it:0.016917498166627628	time:0.014234360902846691	;:0.011322109845648121	made:0.010343301070519546	law:0.009983236174250508	him:0.009256664314867031	:0.8702494295146905
one:0.1603469973369278	two:0.128983326051292	hundred:0.12446160261333152	a:0.10097696730410294	three:0.09953193885625417	five:0.09802951032930754	fifty:0.09347733661134501	ten:0.0812151975421575	four:0.05259722410042325	:0.060379899254858226
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
a:0.3892890613755342	the:0.31644004940937964	his:0.06578326132293605	this:0.04330179299086632	their:0.027243056262186996	and:0.025306439529796804	The:0.023143719277437216	said:0.020700246926090436	her:0.01920966299932271	:0.06958270990644963
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.14160143429105918	of:0.10772794069262466	and:0.04622791745346806	The:0.04468459444150224	Mr.:0.04437398717949427	that:0.04282841592100794	in:0.040608763603819556	Mrs.:0.02570127574675181	which:0.024259625863839614	:0.48198604480643265
and:0.12872972105088717	to:0.07227858604943256	of:0.05425309677209928	the:0.03650005538424579	which:0.02576491750727203	<s>:0.024504388241587835	re-:0.023936663937332427	in:0.023240558661457134	that:0.022739686880605316	:0.5880523255150805
of:0.5101274787394307	in:0.07994458979381543	by:0.06958046004734393	for:0.05935906251489446	and:0.05934171770067402	to:0.05747256215315491	that:0.033339561010832304	with:0.03310256963810084	from:0.02416495954363591	:0.0735670388581175
the:0.6450752159221637	and:0.08450588324258847	The:0.05360187291303511	tho:0.040009915788677686	in:0.031213371552909607	a:0.024173531993553217	great:0.023089510428015873	of:0.020568747924298605	his:0.015091726314186846	:0.06267022392057091
it:0.2258236897651326	It:0.13385152695119582	which:0.06719366299113633	he:0.05740300950661199	there:0.05423480177844078	and:0.05270602120041788	that:0.05226125941690954	who:0.04049782026476934	There:0.022615423059341527	:0.29341278506604423
in:0.2580282188237695	of:0.18313189828191406	at:0.11269783497197855	to:0.07984396101127823	without:0.06509841395553714	or:0.06269876801364468	from:0.06003561823569504	by:0.05375967453149854	for:0.048780224590067735	:0.07592538758461655
to:0.2355618695084279	for:0.10438710748273063	of:0.08935956266124047	with:0.07016473472192158	upon:0.06101336729735695	against:0.05861362797809736	by:0.04299482367218915	on:0.03436370055817339	at:0.028484734074653868	:0.2750564720452087
as:0.21110630609339437	that:0.19472880551911698	if:0.1203358919944226	and:0.09012311105296136	when:0.051925621859213275	which:0.043219320961910626	but:0.041047326232820376	until:0.02738523906365749	for:0.025794846949564285	:0.19433353027293865
it:0.18143874199255758	there:0.10331969695424356	It:0.09198639939220059	which:0.08073126991269376	they:0.06240522313208139	that:0.054082648531678275	and:0.05144105994683339	he:0.03253148924096088	There:0.03214778196988864	:0.30991568892686194
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
the:0.6305021491076944	a:0.12926304465234	The:0.038444870368557905	tho:0.03359201734526903	in:0.025929953146239484	cardinal:0.017752359036205156	fundamental:0.016745120705152276	every:0.014713530788955004	this:0.013132270384634168	:0.07992468446495257
to:0.26277812733996164	I:0.2154372475732827	we:0.10635110596620954	and:0.06317639312857767	they:0.06170201984248673	who:0.05731754063558974	not:0.04264848934625128	We:0.040099245655723356	will:0.02869755309570452	:0.1217922774162128
a:0.18724941153224953	the:0.13066729112306077	of:0.10696933844321772	to:0.04875256019474638	at:0.045900183601833476	and:0.03535069314432956	in:0.030926658828164172	on:0.030556831355759182	by:0.021616615513218352	:0.36201041626342084
number:0.09639031373272854	place:0.07896124558607681	out:0.0484438274603114	thousands:0.040823338065482384	amount:0.038435658200651965	point:0.03323914057554327	mound:0.0327174274586275	line:0.03210435703052555	day:0.03025320504396358	:0.568631486846089
I:0.35635868076488	to:0.14633202992180855	and:0.08643280986710807	you:0.06129741550107329	not:0.06023798213960766	we:0.04405143970912249	We:0.03241078875592252	but:0.030828305713979504	1:0.030201181076689152	:0.15184936654980877
the:0.18850181828564358	of:0.13999761670761218	and:0.07409110117404955	a:0.05549936134263849	to:0.05395457885348824	be:0.048716173980404724	in:0.0323910616632134	for:0.02851018994188836	their:0.027676475628078817	:0.35066162242298266
of:0.3419458428739253	in:0.15937684152250695	to:0.1147419457005223	for:0.05733902138077745	and:0.056650693034846565	with:0.055472726860084025	by:0.05471583032417364	from:0.0423364282356197	is:0.033923870965174595	:0.08349679910236947
of:0.1424960550605641	that:0.10931507161887204	and:0.10227220369748576	to:0.09496961810003429	by:0.06989817731968694	for:0.024734102884443204	with:0.02108495715860259	said:0.01854197073144477	which:0.017574426011693487	:0.3991134174171728
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.24173186644873054	of:0.1264804730623645	and:0.08331959595593887	a:0.07678669948469065	in:0.02227872850197047	to:0.019468778320699653	or:0.017891130897969953	The:0.01759084026465017	tho:0.015524648398075488	:0.3789272386649097
and:0.13477470761469834	was:0.06573790050058322	is:0.061822025315157146	are:0.037851888084150236	be:0.03219818914458335	it:0.025319339338474026	that:0.024397191619393525	been:0.023225985589139846	succeeded:0.022866681293539578	:0.5718060915002807
of:0.3616650103412905	to:0.09467247252563057	make:0.09072693308701807	for:0.08917847618366952	with:0.0834663826763494	upon:0.042160523787832936	give:0.03993919921304566	by:0.03888593811168252	in:0.029808390470401937	:0.1294966736030789
more:0.05215416748242639	person:0.03459337238070734	one:0.03448403366412598	law:0.023673307501844133	man:0.017187781536062513	action:0.016888501209540434	debt:0.014187819616594623	right:0.012787530170365356	time:0.012206782938924845	:0.7818367034994084
the:0.5320164519895323	of:0.07707064436880022	a:0.06529785840807897	by:0.05111709090430049	The:0.03340968954429204	tho:0.028299203044117052	in:0.02553044483117154	first:0.02161475746285322	and:0.017728410187465498	:0.1479154492593887
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
the:0.1287053056813113	and:0.09508927028557602	to:0.07119949655636888	of:0.06102613577256228	so:0.03421728976199958	is:0.030015551339827497	be:0.023127371175015583	he:0.020689572386688632	was:0.018665179604157495	:0.5172648274364927
<s>:0.04502444845626006	him.:0.03488267148891626	it.:0.021838066407264205	them.:0.01489902156743085	time.:0.014057167678784037	life.:0.010920621203397986	.:0.010395388381310182	years.:0.010315050662691646	man.:0.009477433339608444	:0.8281901308143363
and:0.08452463003138351	him:0.06566416047193002	want:0.061946135633453074	able:0.056723895164065806	is:0.0513055351336816	enough:0.04964846369052963	have:0.04604424939635596	me:0.0434188287770063	necessary:0.039785394649249746	:0.5009387070523443
the:0.16712833101840213	of:0.13452823179984477	to:0.10402533965583938	a:0.06447262232401983	and:0.050592692014960826	in:0.047573193020219805	on:0.031109405021477222	The:0.017845921263031205	at:0.01766148318014319	:0.36506278070206166
<s>:0.04528069650880274	and:0.02699937938339363	was:0.021406588236314687	be:0.020813624463239748	is:0.012882853041428905	are:0.01258672034788641	that:0.01152457668573977	were:0.010877731891555668	.:0.009179189803047959	:0.8284486396385905
and:0.06732630266559576	was:0.038120841749844404	recorded:0.03575267769955558	is:0.027339473304013394	made:0.02312684591521966	up:0.021109470554871404	as:0.020798328023230443	held:0.01808391694633402	it:0.01703226253755803	:0.7313098806037773
one:0.10818554143898346	out:0.08205944313405265	some:0.05230482666832631	and:0.03704986683954225	part:0.03619022213779566	many:0.03198669884790675	that:0.03137518623430548	all:0.026696116418554856	time:0.02459438233182114	:0.5695577159487114
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.218152432420072	of:0.12713589383552218	and:0.07838304292806321	to:0.07731991031968635	a:0.062068017940683264	his:0.0376089481176602	be:0.03551076222232757	was:0.0314698060036496	in:0.030231433590890255	:0.30211975262144536
he:0.18049277574139125	it:0.1328581947862992	It:0.0961295491365494	which:0.08426866402742182	I:0.07801157903495934	He:0.06355850189056853	and:0.06338749004867664	who:0.06122084419579134	she:0.045873885266201994	:0.1941985158721405
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.5393972184593891	a:0.18709295688128733	his:0.06749168527222062	this:0.03415669439837219	and:0.02625817711421168	of:0.022652861821664125	their:0.019840968350937533	tho:0.018327762524534077	The:0.0170684021956187	:0.0677132729817646
of:0.423287581304055	in:0.36359309818224567	In:0.0843022478152616	to:0.034851190841491776	for:0.020239402252727176	that:0.01728762263295563	by:0.015545604669405461	from:0.013165060656957595	and:0.009118274956885063	:0.01860991668801499
be:0.3830413910170204	been:0.19724026604243677	was:0.191699868323386	is:0.05331833316505968	were:0.05132373045845376	are:0.02879423480420518	have:0.02506966398702257	had:0.024865177615560438	bo:0.02081807528676791	:0.023829259300087294
the:0.5995097907174931	The:0.059881411255972315	a:0.047422638407694666	and:0.04460630678918013	tho:0.04400541187403656	any:0.03297783435546074	by:0.02024730604829705	an:0.019032805298801622	in:0.018464841332535505	:0.11385165392052832
they:0.20276584015154764	who:0.08213101396378368	we:0.07383328362973411	and:0.05671740275597582	They:0.049218671663100066	there:0.042499229982503814	men:0.04110820039965613	which:0.03596609439443811	it:0.02787847218178294	:0.3878817908774777
the:0.27671588326747965	of:0.17028616654157788	a:0.0886960179635776	and:0.05036616881942214	to:0.04297842563684413	his:0.04064311769904943	in:0.03005197649219958	with:0.024719908301562482	for:0.022790952739833427	:0.2527513825384537
in:0.1988223988915023	of:0.17953151719337074	to:0.0878737624025864	from:0.057272060954764774	for:0.056125110594267634	with:0.053891040660277986	by:0.043143878095001274	In:0.042684820745317355	and:0.02909799016125718	:0.25155742030165434
the:0.4673004811897386	The:0.26812581458234963	of:0.0664392298335435	that:0.027573522314834543	tho:0.020159930937913382	and:0.018186289376878904	this:0.01198721691896894	a:0.010878001032692111	tbe:0.009147780739069971	:0.10020173307401042
the:0.33089556415956567	of:0.17050135324802645	in:0.08309685949083533	his:0.06058155417366876	and:0.045089449592221616	for:0.0450002815871632	to:0.035001504198453236	a:0.03298901122834182	with:0.0319293440327865	:0.16491507828893742
and:0.07183289031255977	demand:0.025944685217575657	ready:0.021477506387310677	used:0.020653840313379437	time:0.018693235575541325	not:0.014344251169100857	vote:0.014321157386397571	it:0.014219992250690474	candidate:0.013420651590409303	:0.785091789797035
did:0.2087860712470501	do:0.15428408155985487	could:0.1508557606088369	does:0.13659615586599214	would:0.12912376141234252	will:0.12446536013571917	may:0.02428311612113048	should:0.02345383339040368	had:0.02021177342666319	can:0.01794008623200697	:0.01
the:0.2542251533911903	and:0.14471191957146956	of:0.12484717014520659	this:0.08359029701852842	in:0.06479958487444983	such:0.045296135085193055	to:0.04474275713672415	that:0.03803902986761271	which:0.03776057224640524	:0.16198738066322013
gold:0.18463697132479912	hundred:0.0398701453600089	men:0.02955240402684048	wife:0.01910025560181091	relatives:0.013808199643252278	city:0.012608126308310284	land:0.010233580078824883	in:0.008883955524364637	up:0.008791695066002967	:0.6725146670657856
the:0.159457281714972	and:0.10487922721923125	to:0.057522077502790536	of:0.05661258161631215	in:0.04290404283878156	a:0.033385305273884815	<s>:0.02457056088395281	for:0.02333671297208942	I:0.020115289844964416	:0.477216920133021
of:0.3106467749345006	in:0.13507677475300273	to:0.08437544457118076	and:0.07601421800800265	by:0.0664182361465764	for:0.05459478058946753	with:0.046624708744478605	that:0.04001847169752971	In:0.03298902790125666	:0.1532415626540044
the:0.1986355619550515	a:0.1649446109685558	of:0.13484064519203381	and:0.11823674543345553	in:0.07274296411839581	from:0.031351161180721	The:0.02970679025238177	that:0.02921013929202721	with:0.029189551214732497	:0.19114183039264504
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
to:0.23482837650181979	will:0.21648630943567398	and:0.07547345924817303	not:0.06117583965746284	would:0.04899346370733824	may:0.046913626940198426	shall:0.03861144528785386	is:0.03474048380629526	it:0.033877761516357	:0.20889923389882759
to:0.11272467325873015	the:0.09570920935957357	of:0.08084508540075111	and:0.07746796351453314	a:0.03161606912023797	in:0.024763881588432984	at:0.024446783401682257	for:0.018599489625864805	is:0.01726400145434898	:0.516562843275845
peo:0.26613095987178315	the:0.07228092238858373	peo-:0.06264918681064878	a:0.05559162410239867	of:0.051350200348070994	and:0.03565002850827982	as:0.023621171848474568	said:0.02183221979984689	di-:0.016150186560131168	:0.39474349976178225
north:0.11721819402771165	feet:0.03287283357472811	east:0.021976800671203663	street:0.01939348288135084	land:0.014322325857680514	North:0.014176771038875184	south:0.013925772355945405	chains:0.01330883890294236	;:0.01208474862593586	:0.7407202320636265
the:0.45442961912330854	a:0.09077445191701544	of:0.08391485925271483	said:0.057697786845336156	at:0.044669383305478004	to:0.04160380832857762	any:0.03664391759218872	and:0.03028031400152701	The:0.023704954678310092	:0.1362809049555436
has:0.15493141032761007	have:0.14302354410926083	was:0.08391059521552378	he:0.08253468488181827	be:0.08099313108093109	is:0.0809639878415633	and:0.07418442668239777	had:0.06797193487947492	been:0.04457325848938116	:0.18691302649203884
of:0.09400290162860477	the:0.05021247282719051	and:0.04593701122029225	in:0.039689724099797465	a:0.03955106009074535	to:0.033628996744697666	-:0.028068341170203286	for:0.01576655015567196	by:0.013520211217340584	:0.6396227308454562
the:0.5876865425411986	and:0.07616597633023471	of:0.06259823635350367	said:0.03196507560946609	The:0.029668289648358336	tho:0.02743618453030195	in:0.018264720929630277	on:0.016387800300402797	or:0.013651135739810126	:0.13617603801709346
a:0.42336340997794353	the:0.11953530617490672	very:0.08279421420566718	of:0.060319367429428866	and:0.05668798031291189	but:0.040863207908144565	with:0.04020632661840344	is:0.03454560983678266	to:0.02792190688716543	:0.11376267064864569
to:0.5790340261413728	not:0.11675699825048934	could:0.05302109042633308	will:0.04894820113452237	and:0.04363663120096616	can:0.03923043884186117	they:0.030219943568725018	would:0.028464117123473864	may:0.024232283158629214	:0.03645627015362705
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
of:0.17812164892276777	the:0.1012888456194023	and:0.08094513092269891	a:0.07630590518576001	to:0.06780754766753506	in:0.05360743862479921	was:0.029660071061225066	with:0.028416590242039894	is:0.028389348603932645	:0.3554574731498391
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
of:0.1663014831200428	and:0.11197375666985283	in:0.10704453358049139	to:0.06925918569143792	any:0.0629418296817511	from:0.0600679936592899	the:0.05991516100520513	by:0.05115011456134473	for:0.05113197986681872	:0.26021396216376547
to:0.14113211063311315	for:0.12333074786908708	of:0.051234962532055214	and:0.04920713215393169	threw:0.047689833708847634	put:0.038187655867434486	get:0.03044134945160857	in:0.02827528468038376	throw:0.024369601951900483	:0.4661313211516379
of:0.24887951054648474	at:0.1127739546796195	the:0.10820620104111071	to:0.08267091702985338	in:0.07710054067075466	and:0.06039264587906379	from:0.04826680306044624	by:0.028635364215141585	for:0.018194246807392178	:0.21487981607013323
of:0.08505125638636594	the:0.06468722009069557	.:0.06446384754334274	and:0.038608583767623036	Mrs.:0.03027519944780973	by:0.02703900191994588	J.:0.02599374162442905	John:0.025941345283059265	H.:0.024892408405709453	:0.6130473955310193
the:0.11279369985205503	of:0.10227123625501182	and:0.09914095353325966	to:0.0763975309636487	a:0.0735564788205918	in:0.03787598454799771	be:0.026973960941033964	with:0.022912297013938265	was:0.022187205816492483	:0.42589065225597056
of:0.10631112473892627	the:0.09943241832474299	and:0.08159794106622675	to:0.08044019399615582	a:0.0411705846870669	be:0.032482607452970214	was:0.026600329505008413	or:0.02456876992697593	is:0.021232665187409037	:0.4861633651145177
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.3076166253760785	to:0.16004348763442774	in:0.10191932037613913	and:0.07350755301085318	from:0.05334537761441174	on:0.052929265231401804	for:0.04859017153048989	by:0.046939471037067394	that:0.045206959543910026	:0.10990176864522057
and:0.24524847203584144	the:0.18369774026680227	any:0.12613699894646066	or:0.10926502855940946	of:0.06992610698715435	all:0.06475023163819912	no:0.048000895475281025	some:0.04349245372046067	in:0.03949084798191502	:0.06999122438847598
and:0.2055629023542568	days:0.04615768164882598	shortly:0.04397581712573816	that:0.03941768158848336	soon:0.03770955365503764	minutes:0.02888945118856962	until:0.022750355982533197	but:0.02139251199300761	Shortly:0.019682274118805472	:0.5344617703447422
in:0.3807128893741397	of:0.17904189345665658	In:0.09302240942781599	the:0.054712038954749825	a:0.03853268886565612	to:0.0349430497523147	on:0.033520725342673675	at:0.03309042717593035	from:0.02992284902425152	:0.12250102862581153
the:0.13340436300712563	of:0.10715827278933492	to:0.0487178970258054	and:0.045492175417691856	in:0.021549516745182094	<s>:0.02126286016037251	was:0.021063228958841267	on:0.020916996126232757	for:0.020194170329271288	:0.5602405194401423
and:0.08635405004878942	lying:0.056664072149555794	it:0.030031559794621132	was:0.02905957210993607	made:0.025069375064385915	now:0.02499049033993832	them:0.024871613530094306	that:0.022499283729434105	is:0.02183992438417851	:0.6786200588490664
of:0.23437227084243126	to:0.1335121952624371	that:0.1077565200019921	in:0.09666579963469459	or:0.08650102867267473	for:0.08527727731637144	by:0.07903191466719564	at:0.04915495992043442	if:0.04636826811897215	:0.08135976556279659
and:0.08672998852698491	place:0.06738177827312677	point:0.039127640895285	cases:0.02766019712580496	spot:0.027263524668691082	that:0.02290497282942476	every-:0.01980298487674155	places:0.01741142795096776	of:0.015405800425084486	:0.6763116844278887
to:0.35371424015419634	will:0.09832434273670011	have:0.08935378731206783	had:0.07617249162936914	not:0.06198615030265166	has:0.06070365230545569	be-:0.0529583631388141	they:0.04818458330514958	and:0.04167473953038493	:0.11692764958521065
the:0.11465877822957096	and:0.08691397614958754	of:0.0684481415135792	to:0.047612852416672874	in:0.02458400066508134	that:0.022156300571771172	said:0.02177707665441787	for:0.020119557938665083	his:0.0199577743010974	:0.5737715415595566
the:0.25163379397778235	of:0.2206426227922566	for:0.09567035478566974	and:0.08766824338179006	or:0.07875059126351583	by:0.06472927814418697	in:0.055657363213770975	these:0.028828445684634846	that:0.028770469227866993	:0.08764883752852565
and:0.17585063722392302	fact:0.10400902578517979	said:0.06844377842999533	so:0.06232472237382234	believe:0.04519952307692614	is:0.039634011181226815	say:0.03675663629906361	know:0.036060715732595706	found:0.03095250753294034	:0.4007684423643269
the:0.5116171143430971	a:0.10312935210932735	any:0.09122539790618227	at:0.05725551852482952	tho:0.03927798940855121	The:0.038952101099651755	every:0.027689827900336413	and:0.026575228018733868	by:0.023059229644174967	:0.0812182410451156
and:0.17585063722392302	fact:0.10400902578517979	said:0.06844377842999533	so:0.06232472237382234	believe:0.04519952307692614	is:0.039634011181226815	say:0.03675663629906361	know:0.036060715732595706	found:0.03095250753294034	:0.4007684423643269
and:0.20982951992940316	to:0.1191039777715214	not:0.03903957227939709	that:0.028959219156538953	or:0.02754408301558847	who:0.02659348785819813	of:0.026094111035287845	will:0.025683829625368023	re-:0.024727742544405223	:0.4724244567842917
the:0.18182229309263837	and:0.1055330014117007	of:0.05884524489125584	I:0.04558702487286792	to:0.0282323731213483	The:0.025952693925332067	do:0.02322539462893855	a:0.020542338243243422	in:0.01952816403173745	:0.4907314717809374
the:0.38451746589142827	and:0.1000786050586885	of:0.09514672319420764	in:0.08794956041028433	an:0.07588218866019286	that:0.04061297101811084	their:0.03399105839235085	to:0.03356403512875563	a:0.031251799270555616	:0.11700559297542548
in:0.16609822820013234	the:0.16084011735450462	on:0.12498703789002344	a:0.1056882521200529	of:0.07284190857702601	In:0.06843947375347659	at:0.04281545846861254	from:0.04251049452312249	and:0.030000792701479283	:0.18577823641156982
to:0.5564670268316017	will:0.10782226605196712	and:0.051900468723121415	can:0.047635345907954575	I:0.036579350786956115	not:0.0251274163347406	the:0.024299128807771807	shall:0.020580624475002227	they:0.02024785700631829	:0.1093405150745662
the:0.24624586650380598	of:0.12511670154155094	and:0.07459332797933538	in:0.06427246444335108	a:0.05025398564146426	The:0.033285740171146765	to:0.03079809551665842	at:0.022044758058172166	tho:0.019189206318671104	:0.33419985382584394
of:0.14437040811115356	and:0.1019262957194212	to:0.10159731928660581	the:0.07867429337387825	in:0.03371455360615992	a:0.03199200629921634	for:0.020209553962359246	that:0.0181139041599701	as:0.015400966740397554	:0.454000698740838
the:0.26425494071066896	of:0.12642229755383344	and:0.10249293683179649	a:0.05573383042658805	in:0.0369111210800495	to:0.03297871043317414	or:0.024809189594548954	The:0.020961895130094933	at:0.019398131613143275	:0.31603694662610227
at:0.4146100061267614	for:0.12544368903807282	of:0.08740672593164323	to:0.07385031070820812	and:0.050010139974232266	At:0.046625176829788596	during:0.04097336457253684	that:0.04027340851898766	in:0.03989425686292737	:0.0809129214368417
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
and:0.10200894648850416	covered:0.056157068350320256	filled:0.05539594387765912	together:0.0523288314723718	charged:0.03477710872429164	up:0.02760272766703195	that:0.021288490154203973	but:0.019060681037548446	it:0.018089760313710082	:0.6132904419143586
in:0.17635678835710344	of:0.15309164727335328	to:0.09922200092870499	for:0.0755201721616355	with:0.0615221475086542	from:0.05991868815771717	by:0.05491816673292545	at:0.04110373617227536	In:0.04016490729053633	:0.23818174541709425
the:0.14549155268906372	of:0.08642784091897941	and:0.0698053438038775	on:0.060434478647509435	or:0.04444925996371202	as:0.04189005414304789	to:0.040788272206086724	be:0.022035675164014338	their:0.02192951146795815	:0.4667480109957508
the:0.1864637361985003	of:0.10198124858143423	and:0.09253105662050114	to:0.05360208000552441	a:0.03817158101737386	at:0.02749072616614149	in:0.023915547555622786	for:0.02366094202479259	or:0.020792292827789688	:0.43139078900231953
of:0.45580517089281186	by:0.10545712028113712	to:0.09377735360728022	in:0.06488268405533472	and:0.05492712493568072	that:0.051944322704332344	at:0.03005544782672858	from:0.028247811432572097	on:0.027722169679342594	:0.08718079458477974
number:0.07693779630193077	purpose:0.0726615163442003	out:0.04799019278268677	matter:0.04412744762060964	instead:0.04337929041053171	cost:0.031125208521539948	means:0.02992691111666975	years:0.026219177465044114	line:0.026061277623647707	:0.6015711818131393
to:0.37866575262458413	the:0.07885005630912868	a:0.07644826307905854	will:0.07316814355323402	and:0.051102278205677934	I:0.047721273040812015	under-:0.041632510580872355	would:0.03933354214904795	not:0.03738865008495862	:0.17568953037262577
away:0.09585673994494147	him:0.07302626068354513	and:0.057372668268616325	taken:0.03628454559801494	came:0.029892829010481962	them:0.028845997131272033	it:0.025339321689762336	come:0.023550704562962068	returned:0.021942335185100147	:0.6078885979253036
one:0.09256824762898934	part:0.0674274335493596	some:0.05120648280056133	out:0.04944939543362918	all:0.03230362698104824	portion:0.028282467414459354	any:0.023294251004539735	much:0.02210418497572579	that:0.021590985948602686	:0.6117729242630847
of:0.1377183274061373	and:0.08645588734086838	the:0.07254285181335306	to:0.0490295168051381	said:0.040897955331130935	in:0.035026176513435966	was:0.03250002302301149	by:0.027693341865168586	be:0.024128523671909232	:0.49400739622984696
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
and:0.07212256945868688	to:0.05352321058699662	the:0.050577686693148806	of:0.0367095224057738	was:0.035748612037158914	.:0.03203253209180365	Mrs.:0.024611672964498687	<s>:0.022048439717947264	I:0.016976652724415602	:0.6556491013195698
in:0.17831071634309084	for:0.15288283829349295	of:0.14608337491179252	within:0.07753756007710011	and:0.06785450787002224	only:0.06190377207193627	In:0.05627073922004922	with:0.0471648322568348	is:0.04003434387689471	:0.17195731507878634
and:0.09468249737622518	depend:0.03875088893599322	based:0.03863406357657407	placed:0.0380392715961322	depends:0.03779424552216468	called:0.03705486424756454	down:0.03295251281941486	made:0.032658028953724605	effect:0.028685464570585545	:0.6207481624016211
and:0.15903679877661217	the:0.10354084962361607	to:0.05203230284949623	do:0.05126928432853597	I:0.04551123887109065	of:0.030088947825005038	will:0.022745118086963542	he:0.022085591320507417	<s>:0.019330668585450638	:0.49435919973272224
Mr.:0.25501839114344094	Mrs.:0.12339226542673759	and:0.07685364782578226	Miss:0.04420974194438056	of:0.042130962638337405	the:0.039179234658681186	Sir:0.022881521415248702	that:0.020040429574745423	St.:0.019884682724773974	:0.356409122647872
and:0.09156967946781422	of:0.07044699307300592	the:0.06598121752322068	to:0.061741201633114924	be:0.03728100851216372	was:0.03073477408928297	is:0.025306245917388802	a:0.024676850002779818	as:0.0208108511908404	:0.5714511785903885
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.32314192486263194	of:0.14081472156762623	and:0.08418062724595242	The:0.08194065738499863	that:0.05442394468829312	a:0.04531309249920686	his:0.03656836544158602	this:0.02058637814980389	their:0.019494666323153803	:0.19353562183674708
it:0.18143874199255758	there:0.10331969695424356	It:0.09198639939220059	which:0.08073126991269376	they:0.06240522313208139	that:0.054082648531678275	and:0.05144105994683339	he:0.03253148924096088	There:0.03214778196988864	:0.30991568892686194
of:0.07447535218451433	and:0.07348960416279884	I:0.05859389878513102	all:0.049239149562227344	.:0.04636925208228215	to:0.0334999790352794	<s>:0.028438619276393733	the:0.02631319232748013	that:0.02315840616722039	:0.5864225464166727
they:0.23262695197730363	we:0.12407780528112466	who:0.07227381190639773	you:0.06071293957147721	They:0.059887334940060044	and:0.05253518584952284	We:0.04685581973437012	which:0.043148746026786235	that:0.035298726953672775	:0.27258267775928474
sum:0.13095905575214004	rate:0.11783923099919756	period:0.04042867534941241	amount:0.04012387371761773	out:0.036635966067437555	number:0.03130739288354859	quarter:0.03018328153011167	one:0.028209049369509947	cost:0.02509332724016223	:0.5192201470908623
the:0.5164662326662973	an:0.16508596857277927	The:0.0996180176170418	and:0.0327142954363957	of:0.030912330999417117	a:0.03035529297101268	his:0.027071836678044078	tho:0.022697033099624456	their:0.022596210931716227	:0.05248278102767139
and:0.18476060236262237	be:0.07907525055275301	was:0.07807426774499994	is:0.05343698168473458	the:0.040179282440993794	been:0.035317211006099435	of:0.03180436531054428	or:0.023915965891219138	are:0.01848758048171476	:0.4549484925243187
the:0.14309936195386752	of:0.11435851857925557	and:0.07679204857230557	to:0.05767422545430939	was:0.051462649112687164	a:0.044387177950600244	be:0.039386020154803844	in:0.03913091724555907	is:0.03317156499467845	:0.4005375159819332
for:0.45501004841885007	of:0.16838199161203982	in:0.07607163527530232	so:0.054765223992817726	and:0.050519068149864045	as:0.041975761615731154	that:0.03334418669790003	For:0.03240601516694806	the:0.02680229457994419	:0.06072377449060256
as:0.1052981225249844	is:0.07826299995580696	and:0.06717602084020385	able:0.06126079939881438	enough:0.0569918187984373	order:0.05513642227327638	was:0.049900748961854195	not:0.04804870798260533	him:0.046515544030551935	:0.43140881523346525
of:0.23658508513447107	for:0.18122156707855178	to:0.12836219335584081	in:0.09502142932918203	at:0.07849260383240449	on:0.05808613992504016	and:0.052738470533983874	that:0.04325651476157702	by:0.04126392592092223	:0.08497207012802654
the:0.22399963993067684	and:0.1153944630081706	in:0.07357835817445608	of:0.06889432338746938	to:0.050841615969006854	by:0.04316847545733864	that:0.0308115735020686	as:0.02970872030126589	for:0.02798733610806176	:0.33561549416148534
other:0.29786782130198736	of:0.27662131397456163	these:0.08763010506381096	the:0.07938419672019485	for:0.04580517485593051	their:0.0365356472313628	in:0.03642876401233168	all:0.03266409403673237	different:0.029603035202844543	:0.07745984760024333
for:0.32258049417753715	or:0.12144071710792702	of:0.11225269320253008	about:0.10135781865880504	past:0.07412654483965514	in:0.06903899137653477	than:0.06526007801917458	and:0.055051674156228206	within:0.03391050405151099	:0.04498048441009703
No.:0.30175766133450693	lot:0.0761425133609749	June:0.07020346072819002	section:0.06732949378045795	March:0.06558978574749924	July:0.05614599516726201	May:0.04230033822010504	April:0.04159656270967958	and:0.03904883431234078	:0.23988535463898353
of:0.08143699226671361	and:0.0744014531358084	to:0.061044128237087936	the:0.03915965132517484	was:0.034273757226035935	in:0.03001678770671241	for:0.02930192304140329	be:0.029086596157068236	<s>:0.026784741746939622	:0.5944939691570558
feet:0.49664517845947326	inches:0.07048282621484377	and:0.06443391600204527	a:0.048069886414709585	so:0.04549835564634353	the:0.03796555401148575	to:0.02030670089437946	that:0.018872627567186356	of:0.018090662252487323	:0.17963429253704571
and:0.08362943294997585	together:0.07769806815080653	connected:0.0635902168573379	connection:0.06228367212358626	accordance:0.047530813078388766	comply:0.026000666542743977	acquainted:0.023189098613704624	compared:0.02214887744238745	contact:0.01973810078197255	:0.574191053459096
the:0.21632781868933668	a:0.1465078308629371	to:0.13501857866269365	and:0.1021852706752743	of:0.08373514951310537	be:0.03775696064272083	was:0.034982856962073344	for:0.03491085984947076	or:0.031213714449855382	:0.17736095969253263
the:0.1987449105593347	such:0.11334311697908933	and:0.09821574471652131	as:0.07148972171173654	of:0.06751363085466439	his:0.06372144155206488	a:0.042833645599842464	their:0.040878047902776236	its:0.035415442434353316	:0.2678442976896169
to:0.5724754498661945	will:0.1542660382816057	and:0.07419443957238353	would:0.05795964656848004	not:0.026294808759048917	shall:0.020129579152685324	can:0.01911252869198062	could:0.018592075201571107	should:0.0185616538906936	:0.038413780015356724
to:0.13278385896235975	for:0.09519273366901193	let:0.0863397275586039	with:0.08061463275972928	Let:0.07821269884567872	of:0.07210484726786819	give:0.0579390117840192	told:0.053176772225084566	make:0.04963324602718195	:0.2940024709004625
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.36286403721221483	in:0.13988884538450752	to:0.07328268771793943	at:0.06813380194736547	In:0.042281899141641203	and:0.0303348451857273	as:0.0225647272622877	by:0.021941286886360982	from:0.019453703450808834	:0.21925416581114676
the:0.1920782830252882	a:0.1570090969447585	of:0.07797651570728426	for:0.07009290875908546	and:0.04765729078121691	in:0.04651869602268543	to:0.020889098544116715	as:0.013452806185380316	any:0.013422022146736748	:0.36090328188344745
an:0.1810449912166267	the:0.13885054607202435	more:0.12921178016611995	greater:0.09238761790350752	this:0.074877647515022	any:0.06678578638980126	larger:0.06081911528303394	better:0.0585662886107831	other:0.05183878120035526	:0.14561744564272588
to:0.25337424893408345	and:0.1806889181288047	will:0.1381632795370138	they:0.0722226986479463	we:0.05932981773874053	who:0.0420835312528225	may:0.04195478222463087	not:0.040979318170298575	shall:0.03783060568440364	:0.13337279968125565
and:0.1309013654569353	the:0.03503501896489865	of:0.024295249151962288	I:0.023153544921851163	was:0.01898528874593556	that:0.018141634495260853	a:0.017388085166973228	he:0.01578102802542072	they:0.013709944920260933	:0.7026088401505013
and:0.12418203495264868	that:0.041618160016948035	it:0.04055830986085725	found:0.024663704649277876	made:0.02423444208062058	is:0.02409079466227436	him:0.02353174208791718	was:0.022852989037061268	but:0.022390301622287664	:0.6518775210301071
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.39554609890281284	a:0.2772339543634109	of:0.09363922255392197	and:0.03911823233515904	The:0.032154757111542254	in:0.022285677976555604	his:0.020949406202801734	tho:0.01906165841980779	A:0.016129758704085697	:0.08388123342990217
the:0.7513353201004039	of:0.04481666591854311	tho:0.030772900988692117	The:0.02093247882133196	his:0.017905632677876	a:0.01739677353820252	this:0.01431443322143638	tbe:0.010920033069456684	their:0.01012738814125728	:0.08147837352280006
and:0.09337221981083373	the:0.025576345969126443	to:0.02135335943578621	a:0.01734053088056429	of:0.01609367029896731	<s>:0.0136434395834145	lot:0.011900654110936118	that:0.011810645089598374	in:0.011421131412493735	:0.7774880034082793
and:0.07277171662292223	away:0.05413619706555429	taken:0.044460878284923795	them:0.024310285997948055	miles:0.023589824086546616	come:0.02355027722420585	out:0.02299254849041232	came:0.022314115584183412	down:0.021745658153020583	:0.6901284984902829
it:0.19673777764316994	It:0.1612430932759815	he:0.10700343001503528	there:0.07231248039929111	which:0.06526002382210731	and:0.047937060768994295	I:0.04210716290772099	He:0.038825499691904936	that:0.032419186694586336	:0.23615428478120828
opin-:0.14747132355582507	inter-:0.0229543038205113	com-:0.01999583645416192	provis-:0.013398635459501327	Un-:0.013113064910623416	com­:0.010352183084887652	<s>:0.009935546025480656	and:0.009612841133237283	in:0.008842236140502169	:0.7443240294152692
be:0.25226231008397143	was:0.14094260111961682	been:0.13610335518500538	is:0.09967352485071557	are:0.08564567261349774	were:0.053581831827274405	and:0.04438507218728749	have:0.039975769504137705	being:0.03930890914839627	:0.10812095348009719
;:0.015326562546662585	it,:0.010856772105224675	them,:0.008928267026332714	in:0.008664105361739267	him:0.008300252198666955	up:0.008273460537275951	it:0.008017375488867958	him,:0.007882182165360314	time:0.006575278916926839	:0.9171757436529427
.:0.03709358559647001	of:0.02676025839697523	-:0.018343748736632474	the:0.017000944378459098	to:0.011342293124971826	<s>:0.011024725775240345	and:0.009282554602116076	a:0.005763548067291831	Al:0.00495946127531554	:0.8584288800465276
is:0.11586175911719737	and:0.10813830826633274	was:0.10615242556341663	are:0.10231914876342355	been:0.06307215716846605	be:0.058074262703571994	not:0.05372772823054028	were:0.041046980737936944	or:0.028620709238364652	:0.3229865202107498
part:0.07065244290369077	provisions:0.06613582143727013	copy:0.06296232158611743	date:0.038070865775107994	one:0.0375015802046037	out:0.034900229906641454	publication:0.03054089241709127	and:0.029429229342329034	tion:0.028162803371841003	:0.6016438130553072
of:0.11904574774402965	and:0.117039163175256	in:0.0579721685820925	to:0.0511186639368552	fact:0.03928633611901063	said:0.03323136332365265	on:0.029827822579143393	all:0.024787499172257966	is:0.02252394945510673	:0.5051672859125953
and:0.35106371639831374	he:0.1090157602447891	was:0.10558951599890719	I:0.08740755541427242	be:0.05679606422663959	but:0.05188724426471005	they:0.05165785303119698	had:0.047030883465049494	who:0.04351449202915878	:0.09603691492696266
the:0.377563175564331	his:0.12777697243029834	their:0.07159623640852784	and:0.06491040646208561	my:0.051496463256861864	a:0.048933951260163915	of:0.047697934088973874	The:0.04014004225456367	her:0.0343781736056027	:0.13550664466859116
to:0.5483837925596138	will:0.14607233958663632	would:0.06243559234620221	and:0.0479931250349235	shall:0.04784594898134198	not:0.034818785702779735	should:0.026147865892562815	may:0.0251286365058676	could:0.018413331301787635	:0.04276058208828437
the:0.249266683445187	of:0.12742721103585902	a:0.10580825608638403	and:0.061753967681912325	to:0.04989179838062143	for:0.021749983646159217	The:0.021590946095628432	in:0.02147493147496713	an:0.021361393464156126	:0.31967482868912533
the:0.15139873115727104	Mr.:0.1499418620344205	and:0.04718359684545989	.:0.046985793940861456	Dr.:0.04597756445372461	John:0.04255570688726496	Mr:0.026510125839448274	Senator:0.026220736568604314	Mrs.:0.026213209102021667	:0.4370126731709233
of:0.2217433457655593	in:0.17156812544387123	to:0.13411852345305358	and:0.08818699774759937	that:0.08781322888605199	with:0.052600151493428296	for:0.05025522745825052	at:0.0433059240637357	as:0.04077410771103411	:0.10963436797741588
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
to:0.20175198114323514	of:0.20134450207606383	for:0.12132507284020222	at:0.06868484848197194	in:0.06464478137167326	and:0.061278865877857136	that:0.059770028081442134	from:0.036815903622251456	on:0.029219925081164777	:0.1551640914241381
and:0.139942185790367	for:0.13027829684651088	of:0.10708982882504231	to:0.09009517798632029	in:0.08809019558185625	is:0.07906762894897096	with:0.06352662821777623	was:0.061927127683990855	that:0.05660260406509992	:0.18338032605406532
the:0.3745091942119869	and:0.13954344596524101	or:0.03778261832911932	of:0.033744856647318244	The:0.03166649488437687	on:0.029086779871829224	to:0.027983621537565645	tho:0.026181321230449098	an:0.02323651250754332	:0.2762651548145703
de-:0.14491267706009128	of:0.1147282512724521	her:0.06273303608422273	the:0.05182496435620462	his:0.05142340081564594	Mr.:0.05093749213759929	com-:0.04323512045209619	in:0.04302327248719315	re-:0.03410024496210982	:0.40308154037238486
;:0.017782803667513437	up:0.008171848079735419	it,:0.007748771555552414	due:0.006758792110971176	them,:0.0066207434575307235	street:0.006587152840727099	him:0.006013234642897487	.:0.00593213034731631	it:0.0056680599460694515	:0.9287164633516864
the:0.8695203647895018	The:0.04165186855764065	tho:0.027579735507946655	a:0.016837791164110775	tbe:0.01138153487650429	his:0.008233983529065084	an:0.0066128732440218765	said:0.004906295592939363	and:0.0034479907954743107	:0.00982756194279522
of:0.43058650043714813	in:0.1120602101377428	to:0.08945386100548558	that:0.04020420895498623	by:0.040171221755288186	for:0.03780959025892701	with:0.0332078877559842	and:0.02703335563918135	from:0.02556800285390931	:0.1639051612013472
of:0.33436398185663735	and:0.11170480989170832	that:0.09916060582652782	for:0.05963211466649396	with:0.05780733038313436	to:0.05737446852268507	by:0.05635647292110572	all:0.0526749496353244	any:0.041273849981129825	:0.12965141631525315
the:0.19205008601294013	and:0.12576537741181754	Mr.:0.10840957495552987	The:0.06766412276083407	of:0.04034048057518777	Mrs.:0.03426723617551109	Miss:0.026590763552191407	<s>:0.020685262470016008	that:0.020188074690077867	:0.3640390213958942
it:0.14955951016349814	he:0.12208270626376869	It:0.1176360424407116	I:0.06377324091482366	He:0.05273810719939792	which:0.04762508588745403	and:0.0414895552660444	that:0.0313732685415149	who:0.03098096546970579	:0.3427415178530809
.:0.09228423367218475	Mrs.:0.05100301796760664	Mr.:0.04588084408765579	of:0.04289674460835286	was:0.028347696800851238	and:0.028131548381250773	-:0.025518831017851323	at:0.022436822996115022	the:0.021676934089105482	:0.6418233263790262
and:0.1882315059432484	was:0.052868774404268105	the:0.05005138038792567	be:0.04246472777798872	is:0.03865690459623305	or:0.03386419551255653	not:0.027032730184840207	to:0.024934769690205152	of:0.024841727833265295	:0.5170532836694689
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
and:0.1936320497278477	that:0.18453586024770408	as:0.1309006539330437	which:0.0838179809157182	when:0.06201232033666147	but:0.06156987228278937	if:0.04900882758897206	what:0.0354722579890304	If:0.024390767970129824	:0.1746594090081032
the:0.6154616532495879	and:0.06378507992581427	The:0.04256751820258338	of:0.03436904966502098	a:0.0315959364661638	tho:0.030114136652057154	or:0.021111285349327328	other:0.013769846437351088	tbe:0.01290183570318338	:0.13432365834891066
a:0.33426957957844355	to:0.16669602438360268	one:0.07779606031238878	the:0.06941503177578556	first:0.05779763983699892	and:0.052570593393383803	last:0.04427514300655645	no:0.04361600769524646	every:0.03429980109790072	:0.11926411891969309
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
him.:0.04883953433305226	<s>:0.029310224354559083	it.:0.023064689758096894	years.:0.014462101481399266	them.:0.012520351559128446	time.:0.011413469522209434	himself.:0.011082028742172234	man.:0.010881226604114556	life.:0.010138188096401496	:0.8282881855488663
the:0.18569082095527795	of:0.08036465464605304	The:0.07771425594879346	Mr.:0.07134755128871598	and:0.05004412695469776	that:0.04809895270981636	a:0.030382148191854107	Mrs.:0.02415799873788853	his:0.017341480938086247	:0.4148580096288166
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
made:0.11942847096974421	and:0.07979570471363857	caused:0.029091215056480817	shown:0.028426754301022945	up:0.02777670568714523	ed:0.027617079589566704	out:0.026630159435991316	taken:0.02626602987193105	done:0.02542850605479482	:0.6095393743196843
they:0.1503998141303743	we:0.08845478154057405	who:0.0796009477252637	which:0.06391232683037971	that:0.06348663337397344	there:0.05602825507931567	and:0.0538643634187584	They:0.043951837178483714	you:0.040595596499039995	:0.359705444223837
of:0.19258264433905514	is:0.11242728919735827	in:0.09364780264975614	was:0.08283904181847636	by:0.07270813005456857	to:0.07263814657490064	with:0.06301103925624006	as:0.05415792014635122	be:0.052427485245120684	:0.20356050071817292
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
;:0.036564817555138796	nothing:0.019258707322298393	and:0.01779391315876045	is:0.01510810976078452	it,:0.014402449713088981	them,:0.012159405974494525	are:0.012019681225245495	,:0.009916620042651952	him,:0.008553174530880104	:0.8542231207166567
is:0.3002792223386115	are:0.21784978279328696	was:0.13594232693936037	and:0.07171601835641633	were:0.057573719834456485	Is:0.042480012088575325	be:0.0241269840342062	a:0.023462526717153515	but:0.021032843081802078	:0.10553656381613125
It:0.2556225852115587	it:0.10413331642885452	there:0.09308992041074945	that:0.05648975203804567	which:0.05286273098086458	There:0.04154199557906486	he:0.033006121731341764	This:0.031064532402776936	and:0.02812609290203946	:0.3040629523147041
the:0.18554142658334877	and:0.11580052587238193	of:0.10046825746557018	that:0.029281917217386547	The:0.028776420815648962	a:0.02757388782740672	or:0.01849222669130677	I:0.018308378153822583	in:0.017083742238733587	:0.45867321713439396
to:0.27159483743673984	of:0.2001545767572641	with:0.10372262862845613	for:0.0775489110196292	among:0.05180672276924852	against:0.05116859567624606	by:0.048983946801316215	and:0.034630131091270944	before:0.03402329499460457	:0.12636635482522438
able:0.08843710502665776	and:0.08578490266466976	is:0.07536147045479488	had:0.0725962069105401	have:0.06915207023042882	order:0.06665664935663336	enough:0.0574386054375837	was:0.05656688221551093	not:0.056511518575269086	:0.3714945891279116
of:0.18445876600880165	by:0.11056295433943869	and:0.10848921143149096	in:0.08862127765499916	the:0.0748049071940361	are:0.06138227425546922	to:0.04804190720356403	was:0.04712930410436107	with:0.04117433418406016	:0.23533506362377896
to:0.34378129718365846	will:0.15287135864951518	would:0.08615903395787451	may:0.07844929048361882	should:0.05682249178971402	shall:0.05432412913287461	not:0.05091775331157668	must:0.03610577244404393	can:0.03580596083245932	:0.10476291221466445
the:0.35583693880285094	and:0.07028795354262274	this:0.06428061704345728	of:0.055274845267762204	a:0.04131913892098664	that:0.037468569975982795	said:0.03199631641992939	these:0.027927881779786758	other:0.026235002507903376	:0.2893727357387179
United:0.7066569857484234	the:0.04704789827867713	ted:0.014588610013980138	of:0.014194510494219395	and:0.00916108247040692	I'nited:0.008985732783268384	Southern:0.008970749344310658	nited:0.00803229536214826	to:0.005584122192771073	:0.17677801331179463
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
the:0.3953228917778101	a:0.27092830579804944	and:0.061541760231028586	his:0.048953037102153193	The:0.033699555209153895	very:0.03335340696217235	no:0.029763188647011257	of:0.024611225626306982	most:0.018694836636324288	:0.08313179200998988
one:0.19841016183611204	some:0.08598054411771398	any:0.049928169296576265	part:0.03717600559442992	most:0.03167932939041241	that:0.03156479190944986	out:0.03115483846767831	One:0.031026207241157983	all:0.027804906615258206	:0.475275045531211
duly:0.23886652959580787	was:0.18809100119396635	be:0.15286927107175796	been:0.0727322315717809	and:0.06723342204154889	is:0.060541240535400116	were:0.0472442395274879	are:0.029366530595441465	as:0.027016666440244204	:0.11603886742656433
of:0.32578858718050796	to:0.10209889202194875	in:0.0784034813840208	and:0.06383026709671313	for:0.049484355762382505	by:0.04779993377113924	on:0.045707024917298625	that:0.04429545740858654	In:0.03373904427851746	:0.208852956178885
the:0.6258841595114457	this:0.09589699902001238	a:0.039940679296800494	tho:0.03613572131636249	The:0.03317093240048152	his:0.01809482536948047	whole:0.01749175066269495	our:0.01653552332627946	tbe:0.015193501792215753	:0.10165590730422676
do:0.17092023524982944	did:0.15437821106768262	is:0.142469198194797	does:0.09736637053116264	are:0.08259806869693136	could:0.08181973986742992	was:0.07180628910314957	will:0.054482823530006816	would:0.053298001464387235	:0.09086106229462337
so:0.3502506118776952	as:0.2000063099573229	too:0.1091417118147057	very:0.10279437191614758	how:0.057065081726304936	is:0.03265388744548048	be:0.030986540209866912	and:0.025321331808565384	not:0.020800501788580273	:0.07097965145533063
the:0.5716155634153793	a:0.088294469648489	in:0.06318201644990516	his:0.056808595920516104	and:0.04437648943266756	their:0.03821132805462866	tho:0.03294661623907853	this:0.025440108406471425	New:0.024790622526908127	:0.05433418990595606
and:0.17585063722392302	fact:0.10400902578517979	said:0.06844377842999533	so:0.06232472237382234	believe:0.04519952307692614	is:0.039634011181226815	say:0.03675663629906361	know:0.036060715732595706	found:0.03095250753294034	:0.4007684423643269
and:0.11582081944112449	was:0.04225261395959518	held:0.03592895762799326	Beginning:0.02926079870317736	is:0.027806631077598554	look:0.026545353863800903	arrived:0.026240397869270526	that:0.0255265603479058	interest:0.024134996272950678	:0.6464828708365833
It:0.1863534843032382	there:0.17114302194463862	it:0.1571312970353264	There:0.0863267732740467	This:0.05314199278471771	which:0.038444543800034654	he:0.03704784810338996	that:0.0367825812830805	this:0.03132237140267237	:0.20230608606885483
.:0.04277096382161085	-:0.023405250215191523	to:0.01927798083334122	<s>:0.014251217586010799	the:0.012857184043792384	and:0.01281465195194225	1:0.01034609320400248	of:0.008707723803774603	No.:0.008566045967714476	:0.8470028885726194
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
and:0.1808066015221754	which:0.11694691926085257	I:0.11126326824641491	that:0.10017029889318363	it:0.04856258512345393	It:0.038648400531238226	he:0.03226842091332526	1:0.024126110473376063	who:0.01982644454210666	:0.32738095049387334
the:0.20449510704452153	of:0.09356346448634782	and:0.08843360765212932	to:0.05233541527906294	a:0.048281942511687895	The:0.03097485472845716	in:0.027053234838645503	.:0.019754473594704773	his:0.017919771318975576	:0.4171881285454675
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.10958845962617088	of:0.10675667129995668	and:0.06519145030366695	to:0.05742456994213497	for:0.03902000414935977	a:0.030636236466616396	is:0.027370606587302792	was:0.02732624962715478	be:0.026884604398637296	:0.5098011475989994
the:0.2991914867271245	a:0.2929005298963761	and:0.05106802477905176	to:0.04595972184912292	The:0.03273136693118956	I:0.03200200290530299	not:0.02773089872056453	this:0.026257417458964618	will:0.020325354446913215	:0.17183319628538984
to:0.1344504110655416	and:0.09696770753738487	of:0.06692935421560114	the:0.05794267871806159	in:0.03029358260439597	<s>:0.018913935718769277	not:0.018861960111351984	I:0.016438033203847614	by:0.01535041880719501	:0.5438519180178509
of:0.40584064580309837	the:0.1482801101086633	and:0.025981875123528415	other:0.024890427711497718	old:0.021047536561905097	that:0.018868735482667726	his:0.016056960984703307	middle:0.014622421261215683	on:0.01422995572482603	:0.3101813312378944
be:0.3442835080614773	was:0.17881145592781814	been:0.10845780668555387	is:0.09532514263134423	were:0.049196381047809136	are:0.04653307221092783	and:0.038831355332972765	he:0.024135990791901433	being:0.023988117236943704	:0.0904371700732516
of:0.17934957398759283	in:0.09842004078635073	and:0.0718189057052743	be:0.04559228082122515	is:0.03475210809331281	for:0.030091649382771646	by:0.029714517619742722	was:0.029399870546264206	on:0.029399101553570395	:0.45146195150389523
a:0.3072090145183706	of:0.17380958998530843	the:0.12608601465670913	in:0.0875997655438404	and:0.04834056090050116	for:0.0425699384816987	with:0.03378398445179936	as:0.0315900817032826	very:0.03108114127704718	:0.11792990848144244
and:0.17585063722392302	fact:0.10400902578517979	said:0.06844377842999533	so:0.06232472237382234	believe:0.04519952307692614	is:0.039634011181226815	say:0.03675663629906361	know:0.036060715732595706	found:0.03095250753294034	:0.4007684423643269
to:0.17989180885170286	and:0.14726632051936903	of:0.11610997424703218	by:0.08239099265865835	not:0.07300156120870047	at:0.06926992996962321	the:0.06039474593797006	is:0.05883683268772681	are:0.056751392655636064	:0.15608644126358098
of:0.22862100567964802	to:0.12617765138447942	in:0.08306067027402034	know:0.08242925191986769	and:0.07593320717073465	with:0.05093974619609609	is:0.040971487789390554	see:0.037035389361565696	for:0.03682720399714454	:0.23800438622705297
a:0.35571786997403787	the:0.15288575520774297	On:0.10143963212675475	in:0.06119680428806265	of:0.05459640591926191	on:0.04868560231502961	his:0.033095247095015705	In:0.026002278301396314	from:0.023636487667382456	:0.14274391710531578
of:0.3337632657575148	in:0.13914581168393814	to:0.11672077682012863	from:0.06861917832447885	that:0.056624498458707616	on:0.0553102830108674	and:0.05525395001285354	for:0.04829259254325307	at:0.04512413542668274	:0.0811455079615752
the:0.316450328486431	of:0.20781286593001652	their:0.06358982394732449	for:0.042204051857255995	his:0.03374347339321845	to:0.032363325557050855	other:0.024792605896768568	and:0.024307014462980756	with:0.02190537961566298	:0.23283113085329035
and:0.1388791732739466	after:0.08373127846517103	by:0.07099654110390759	After:0.06715174403392472	of:0.05641935550338233	for:0.04728633509206469	in:0.03776199593811482	to:0.03407410234379608	before:0.025097702276352555	:0.4386017719693396
and:0.11741485396964671	laid:0.06654842231235991	came:0.060113690277885365	break:0.056545724826849386	went:0.053338789151098576	cut:0.05322637324841122	lay:0.052364420491578474	it:0.04897780302255301	way:0.04804336735306891	:0.44342655534654846
;:0.045481964367005724	is:0.024958611611423324	was:0.016382906247182374	it,:0.015339511861883417	him,:0.014953798606418869	time,:0.013470706234433265	them,:0.012021507802842222	,:0.010083119925241949	nothing:0.010080215932832317	:0.8372276574107366
the:0.6175892603028481	of:0.07017959043684563	The:0.045504008122034464	a:0.04311336028849613	and:0.03234185164968777	tho:0.02916163963282562	this:0.028073762022631066	in:0.02391344936951165	said:0.015766721643310878	:0.09435635653180867
of:0.10408616689590952	the:0.0986900331698948	and:0.05701352615608303	to:0.04502836773706315	a:0.03780779334619606	at:0.02937070463197546	his:0.020239671670571915	in:0.019761494400663476	is:0.01758882123393634	:0.5704134207577063
his:0.5034586529593243	a:0.0924021716989895	the:0.0789507920163762	my:0.07131296101080956	and:0.047481972875010436	her:0.03824396150463659	bis:0.02714530023988717	their:0.023548888728242588	of:0.01820588945959257	:0.09924940950713111
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
the:0.31840381048601146	a:0.23874839901632847	of:0.08732241813242188	and:0.04402447357187971	any:0.02989622644789582	this:0.021769874022843715	to:0.02113926623379721	with:0.02094652254311959	no:0.017372832457656796	:0.20037617708804537
and:0.18987220510439068	was:0.13582646425391023	is:0.06647169576568829	be:0.05647582489387553	have:0.052011725083906	had:0.04417814406612089	has:0.037722530296950225	I:0.0339389514486863	he:0.030019181749632848	:0.353483277336839
the:0.20875795781850678	of:0.10679379176980608	and:0.07194677314309758	The:0.05587069289379978	Mr.:0.0381139233598429	a:0.03245191283261037	that:0.03157055512880962	this:0.01796823055556137	to:0.017692921162123208	:0.41883324133584227
and:0.2825717206932828	was:0.06228080339905993	is:0.04446878988392934	are:0.0381087993245071	be:0.03442323445505603	that:0.03308935131119388	were:0.032621890516347694	to:0.03250554814495826	of:0.0208992180220173	:0.4190306442496477
it:0.15467517530377956	that:0.12043680647762427	there:0.1061388378761261	which:0.08972888466219406	they:0.07880598993732991	It:0.062080295432334676	he:0.051866099311008725	and:0.04651998216632048	There:0.0322842212488506	:0.2574637075844316
of:0.18715233780746704	in:0.1229440731519667	and:0.11348457542408384	with:0.0912918349565344	is:0.0902667693585262	was:0.0721366047186828	by:0.06976855915478507	for:0.06844874165568778	to:0.05278650092688583	:0.13172000284538035
to:0.08491915289225421	of:0.05647112271495945	-:0.05440709396781129	a:0.043296031025778545	I:0.03278958571559848	and:0.02869645706749504	in:0.023608342125502987	.:0.023378988271035475	by:0.021674432267160152	:0.6307587939524043
the:0.09699999534974205	and:0.08043042589579219	of:0.06984570624792745	be:0.05962382551319451	was:0.054405751023254116	is:0.051083447364266094	a:0.04721107684414647	to:0.035986029793571586	it:0.03353176026070569	:0.47088198170739987
and:0.2597961894578448	who:0.0801759332451348	he:0.07204304287265886	that:0.05587134597372924	I:0.054285327974713686	was:0.049293502480211145	it:0.046555062162987944	He:0.036864097125845235	which:0.03582244855656652	:0.3092930501503078
of:0.27709880023058014	in:0.14145287638255347	to:0.1056518542378911	with:0.06824702107013171	and:0.06650509850601108	that:0.06109009042945619	for:0.05816029652720469	by:0.052054291371046474	is:0.050245001041452034	:0.11949467020367312
to:0.276894869072816	at:0.15477262470272465	in:0.12441786024087352	of:0.123501158543186	for:0.07607792629884073	and:0.05878323987241143	on:0.03562264651183066	In:0.03459173827724795	with:0.03354795201681053	:0.08178998446325851
part:0.20992839514846526	survey:0.0897529136590441	conviction:0.06279140606828708	one:0.056682226065614474	payment:0.04125777324993349	holder:0.03193017171405873	either:0.021451197829999123	sale:0.018493618132136156	acres:0.017559063851549237	:0.45015323428091236
the:0.08776453918579159	and:0.08404909952775357	of:0.07511201563157917	to:0.03903756188011336	was:0.029261686464068945	in:0.027870050444211314	for:0.022881903481582925	he:0.021524025396045254	Mr.:0.02045710427467145	:0.5920420137141824
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.3322287942813085	and:0.1078198236934891	to:0.09160182066398784	that:0.08840326413877231	by:0.055306542864494955	on:0.051416170147446504	in:0.05075211601960874	as:0.04288156073447265	for:0.04259178531683138	:0.13699812213958798
a:0.5344577352856759	per:0.15216931327762748	the:0.07506076548859315	one:0.04625782811313374	A:0.03416722810559248	and:0.017050800116333777	every:0.015995347094384937	each:0.008503845640762057	or:0.008417795646823274	:0.10791934123107326
the:0.6077440624363127	of:0.06414579853600315	our:0.049651914045193354	American:0.039737425578778005	The:0.037173791455162364	good:0.032690062738440016	and:0.026815869723866185	his:0.02613638310835823	tho:0.025422287204260593	:0.09048240517362537
that:0.2996795586503424	and:0.11784252123648233	as:0.1129072178216663	which:0.1098010322935464	but:0.04717833439219156	if:0.03745766576788663	what:0.037133521863231475	where:0.036947783230378235	when:0.021504701904162173	:0.1795476628401125
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.2521100841168505	a:0.09382267739862067	of:0.08875284570004315	and:0.07215935674657982	The:0.051317378374160616	to:0.03011700607685472	in:0.024701843361715107	tho:0.02098457500528935	for:0.020702081763861836	:0.34533215145602425
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
of:0.14810671232595246	in:0.10648244725052039	to:0.08803424612261712	for:0.05342086688678399	and:0.04107861408535107	by:0.029411458960990244	that:0.027712110713231063	on:0.020005731680303708	In:0.019304938477002296	:0.46644287349724767
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
the:0.2869405741605911	of:0.18793856718520227	in:0.1325028405151014	and:0.07336909920007417	a:0.06698511073285761	or:0.04709270831075489	with:0.03800552166337237	for:0.0373862604179639	on:0.03722104387528905	:0.09255827393879326
of:0.1825853681024317	to:0.057579328651297564	for:0.054158756895885056	in:0.04756109661274576	and:0.04589139668104724	by:0.03217959787534624	that:0.029286337476347752	on:0.024913893059984017	from:0.024383809686470727	:0.501460414958444
well:0.1420469548608959	soon:0.08346586017968749	far:0.06359409347554842	and:0.05924803504440933	such:0.058495747440208544	long:0.05352807933402496	so:0.036003922002227795	much:0.03564410393148642	just:0.031762898012517325	:0.4362103057189938
was:0.2322206141322064	is:0.21431077165490434	are:0.08291373509421146	and:0.062310739558063974	were:0.05488726927892471	if:0.0434438674322973	Is:0.03897364026891889	do:0.03238153454514159	as:0.015996262818132788	:0.22256156521719855
of:0.177194092063997	and:0.17645830942566407	in:0.053047071817866796	by:0.048974399052444946	for:0.04766621414689114	with:0.04496639953066091	on:0.04154843450808685	to:0.03970606049874036	after:0.031622700228216304	:0.3388163187274316
of:0.21200050295988637	in:0.15347234457182	and:0.10263995744560621	with:0.0871841033598378	to:0.08342574249184728	for:0.0754190254666988	on:0.053045126785950775	from:0.05221970131174768	that:0.03419506486497605	:0.14639843074162903
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
to:0.16914957697047878	and:0.10714464007587517	of:0.030513108887583115	be:0.025525125708318774	I:0.0231796433328321	or:0.02169172789773339	was:0.02142069454256701	<s>:0.020168447591651508	at:0.01862693067948833	:0.5625801043134718
they:0.15349780970140747	who:0.10807050323306365	and:0.06120979261766563	which:0.05183169099070986	we:0.05098906572599158	They:0.03220163453634488	men:0.024465756684167932	that:0.023194201185203635	I:0.0177703649577194	:0.476769180367726
of:0.3202071172223058	in:0.14120681673086108	to:0.11383923810824352	and:0.08680733656039885	that:0.08029804447004743	for:0.06558587740208562	by:0.043377736619262	In:0.03945133308542691	on:0.03614477805734463	:0.07308172174402418
a:0.3454821563752432	the:0.10288084553472054	and:0.0948205608335834	any:0.077401069238472	to:0.07261133064308842	no:0.06608088577582304	in:0.057725948825587466	of:0.056621901130363556	by:0.028262128815181527	:0.09811317282793684
to:0.20160253168348563	a:0.12820199677654537	the:0.07734908183688521	southeast:0.055711298600712514	and:0.04663136382562024	of:0.04356053272806064	section:0.043401097859231075	said:0.040491940805214795	northwest:0.03546680117476738	:0.32758335470947714
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.5006035683969146	a:0.12729870992433504	The:0.07810854188716213	and:0.07131785914016583	of:0.02035291746305207	tho:0.016995023739546585	his:0.01415681956031384	to:0.01305921694322661	as:0.01298399847472974	:0.14512334447055364
of:0.19699617293149346	to:0.1356065981902818	as:0.1101673047145359	the:0.09110448432179406	at:0.07478689530935796	and:0.06593935105974086	in:0.06316899276972276	was:0.05522451628637752	be:0.05521999093352276	:0.15178569348317286
of:0.16450681348106944	and:0.13537803236180904	to:0.11507758904003808	Mrs.:0.07067780273733042	said:0.04160705533392738	.:0.041330144024299596	W.:0.032310554517299465	by:0.024019171990837966	<s>:0.02148599204820147	:0.35360684446518714
the:0.48147407545734183	a:0.12504886492174047	The:0.06642476354281163	tho:0.03654055399182993	A:0.03650023884591724	finance:0.034171072502673795	said:0.02470176142650581	and:0.02440200201731138	this:0.023469373364231452	:0.1472672939296365
to:0.5466683800227845	the:0.08634634460342017	and:0.07737033029709535	a:0.047262877824093386	will:0.03237671513258186	who:0.027012457510209326	this:0.022165632441583153	would:0.018858201196705705	not:0.016345199715805503	:0.12559386125572108
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
the:0.5396112894318289	of:0.11270017598851287	this:0.11021678520182573	said:0.03345061280311044	and:0.03276388140450603	tho:0.02809780565365283	in:0.023650208183595908	our:0.019425486779173898	The:0.015446826829865886	:0.08463692772392749
it:0.12280673596847544	they:0.10267382507326878	you:0.08800225583449943	and:0.08363487933559798	which:0.07925914843223192	It:0.07433759989655898	he:0.06849647012660331	who:0.059083572994473706	that:0.04682372832900562	:0.2748817840092848
the:0.6046424609328104	and:0.07256246739023446	The:0.07100141539234209	a:0.06242460842381273	his:0.03984628792770925	tho:0.027146058978920605	their:0.022816235035138882	of:0.020031534789617975	its:0.014131023725627417	:0.06539790740378625
of:0.3402090024995174	in:0.1536230478514387	to:0.09540678630388	that:0.06952636636796662	for:0.05335998185904471	with:0.047742817241525744	from:0.04567632093462158	by:0.04517522833005589	In:0.04476644909514485	:0.1045139995168045
three:0.5572833554732323	two:0.10629057388216359	four:0.05765646882864428	five:0.039033763082503815	ten:0.02588469321001654	one:0.02073712080863655	eight:0.013496086554286302	six:0.012875210509232364	week:0.009881243582079072	:0.15686148406920525
and:0.1821858293285109	not:0.15407279972461338	to:0.0995896623501641	the:0.07563067941250913	I:0.061803124949725285	of:0.050029725149086414	that:0.04825283578641967	is:0.045615295742630874	we:0.037642136043171015	:0.24517791151316926
be:0.21269933692488993	am:0.17654400822013613	was:0.155974568689009	is:0.1499294940886922	are:0.09654254748114247	very:0.04429271602460942	been:0.04118413281550064	were:0.0330857894567792	not:0.030813762904903962	:0.05893364339433706
the:0.1637734167839573	in:0.14256658577136005	and:0.11470473308468307	of:0.0925412837820314	for:0.03721487402014775	In:0.034446157417245445	with:0.02843722946139449	to:0.02814775267034113	make:0.02501225639204268	:0.33315571061679666
the:0.08797308219433253	of:0.07658290958390869	and:0.05758463868649705	to:0.03644145354619216	a:0.035463117841031254	by:0.022822249449820097	at:0.0200507544977851	in:0.01918842912634311	<s>:0.01575019398815102	:0.628143171085939
and:0.42735078227815787	was:0.14396286916052742	He:0.0657680492501117	is:0.06274382124729534	were:0.04456865578880386	are:0.04308122537653313	he:0.030932380161383267	be:0.02179781429184027	been:0.014313550182283438	:0.14548085226306376
and:0.2114437733887241	that:0.20758850991775907	as:0.08595733636117167	but:0.044058739373747775	even:0.04139566205914732	But:0.02874639976841452	And:0.02558111804298635	or:0.024320334237152116	and,:0.021458553886436412	:0.30944957296446063
at:0.37844876918070414	to:0.15993554858063713	of:0.14587056977910895	At:0.07190615423297078	in:0.06811617120866122	from:0.03848413257253323	and:0.030069969959657612	for:0.029893712884948923	that:0.029189306679932928	:0.04808566492084511
in:0.5647022851563623	In:0.14809149672653904	of:0.05229905485109053	without:0.04896750214198639	to:0.03643907316546325	and:0.035481195591488	from:0.03466252990364636	with:0.033738029916551164	not:0.016639411462480387	:0.02897942108439259
and:0.2804767870289079	the:0.2194369949085239	a:0.11548509935943084	of:0.08380405328174978	with:0.037572059010369474	most:0.033949078024971685	two:0.031161166689229438	to:0.030005922032855136	The:0.02997467562638848	:0.1381341640375734
the:0.23252743534142922	a:0.06655470291147542	mil-:0.05136165405220943	<s>:0.022196900139453312	The:0.016681295969492752	tho:0.008956246799016729	and:0.008295348653378722	front:0.005930116917965699	of:0.005394831675560726	:0.582101467540018
and:0.20580835512774043	was:0.09613141267213879	the:0.07675614793959884	be:0.0623934118505329	at:0.045688974939536525	years:0.044022373154382455	it:0.04161985719263526	is:0.03809668078259427	to:0.03780253566422557	:0.35168025067661496
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
of:0.22353297567942354	the:0.16601858524697516	and:0.15993266594685765	from:0.06648662168560422	to:0.06642901942882523	in:0.04728617359383617	that:0.04330800849917013	The:0.031865729523660256	for:0.02804103868203229	:0.16709918171361535
the:0.21208825089385505	and:0.08738496348499539	of:0.08351435258565612	to:0.058936976905322916	a:0.05671652550770122	in:0.027564436684479183	on:0.020926087331746675	at:0.019899990387507328	<s>:0.019629477884118646	:0.4133389383346175
the:0.22431662918633613	of:0.12286282453237819	and:0.06675844217411621	a:0.0625079155730322	to:0.06152613787730989	be:0.05508004169213936	in:0.0374100721299284	his:0.03698231507516192	was:0.0363105827980859	:0.29624503896151183
<s>:0.04610788657308216	in:0.0229576095839799	the:0.018325383817139468	it.:0.015555183145995603	and:0.009932097785800151	of:0.009848511543227405	.:0.009655748257086635	them.:0.008189117619467836	1.:0.008100283070002195	:0.8513281786042186
<s>:0.03567689128123262	and:0.02452429667613473	that:0.009807861545007237	:0.008257074328821518	which:0.008138124534293726	.:0.005832557347638217	I:0.004823206343588904	1:0.004521766771307985	he:0.003934071674029116	:0.894484149497946
the:0.3034198148288257	a:0.25501304270808545	this:0.13244086990143142	such:0.054780455290806176	his:0.04816912988544622	same:0.026761028745934418	that:0.024092953897909764	any:0.022739233506144176	The:0.022600117877541924	:0.10998335335787478
the:0.6515379620312547	The:0.09087648320810772	Federal:0.0397936717686764	tho:0.030050675958885407	of:0.02808428889179549	States:0.025235423501983642	our:0.02247917355742888	this:0.019609759583154595	and:0.016202089317076118	:0.07613047218163702
to:0.5137513662208685	and:0.1277465777060096	would:0.10465951055536588	not:0.07486814609129229	will:0.07296751372003	they:0.0161862324047487	who:0.014753261204294973	should:0.014095697645933833	must:0.013955097701740695	:0.047016596749715485
one:0.03484790154661049	two:0.023728587220588612	on:0.01962555546161451	and:0.017693692354913217	three:0.011858661224199442	four:0.011426582606247852	them:0.009856925306833747	ten:0.009537929663504896	person:0.009448180551521175	:0.851975984063966
it:0.15922135025804635	he:0.13595731714622472	It:0.10936087760567813	I:0.08546539480569064	and:0.060356423981544734	He:0.05792427427935359	which:0.04925755313992079	she:0.03742965667901356	there:0.036294610712145445	:0.26873254139238206
up:0.02911035423323302	him:0.014624830328592547	men:0.013163396694937317	down:0.012273988211021715	out:0.011824576806258015	;:0.011616135166452681	back:0.010585754545562744	time:0.009787449391499493	it,:0.009427814840242368	:0.8775856997822001
to:0.07124440600562953	and:0.06677279586859877	west:0.05897276004322648	east:0.05258896039767292	the:0.032714085333655975	of:0.03222949419469391	north:0.03158477731596126	south:0.018648104921442532	about:0.016012856187811973	:0.6192317597313066
be:0.18327589174379533	was:0.1367152632039942	been:0.1131416411424872	and:0.09440078522167325	is:0.07445586931902363	have:0.0421340173031682	not:0.04013589133862458	had:0.03553633281506014	were:0.03398090511173791	:0.24622340280043556
the:0.1331954013331003	of:0.10395761905650669	and:0.09166744382168995	a:0.0674867672110823	to:0.04481959524883369	was:0.033914181021321675	be:0.027669522756191306	is:0.023821375196731925	been:0.01992601692954109	:0.4535420774250011
of:0.11023593251952565	the:0.10943061025191597	and:0.06677107827628141	to:0.06331035896641815	a:0.05459338617388718	in:0.02619607144673807	<s>:0.02373576597296832	by:0.020775934134781803	Mrs.:0.01641589967375548	:0.508534962583728
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
a:0.37918853188767576	the:0.1343393088877803	very:0.1203363910365308	and:0.10715471994787995	most:0.04343102718967714	as:0.03313634597802727	some:0.03229429659500429	his:0.028131493979614557	one:0.027748373863192545	:0.09423951063461738
of:0.5225403279007141	and:0.08149303559402642	the:0.06669987348472452	for:0.03573892491178317	in:0.029093233629409	with:0.023532168314214483	to:0.021047453344373756	by:0.010844600685026818	The:0.010362136916483652	:0.19864824521924404
more:0.028981995579884245	made:0.018230315725764328	highest:0.017427332123303496	it:0.016251024282927812	time:0.01385754408919855	prompt:0.01060918877440819	large:0.010574334947913756	good:0.010279572217237385	men:0.010272246519326232	:0.863516445740036
and:0.09532497196206889	of:0.09028657379826502	to:0.08901485709826312	the:0.06487722943323049	be:0.0540862636967402	was:0.042227191000682486	in:0.03201436358012372	for:0.027234673796871382	or:0.026409517233870743	:0.47852435839988394
and:0.11385123617354412	be:0.09864172963727943	was:0.07620908437317161	to:0.04887641259257306	been:0.047688286220096035	is:0.04482365947015291	of:0.04408866282577962	he:0.03874649575579709	were:0.034891023983512175	:0.45218340896809395
of:0.13077952395256112	in:0.08030976238911179	to:0.04757846085755633	with:0.040341962029992844	on:0.035834372468230145	by:0.033237163218116504	from:0.030054472268327918	and:0.024226936316378032	upon:0.01863316475480328	:0.5590041817449221
that:0.19529459725552145	and:0.1893205846914157	but:0.10676670620972793	as:0.07688705093448475	which:0.058663178485630074	if:0.03975885240158478	when:0.03805535861827694	where:0.02774861381497361	But:0.025105247517370508	:0.24239981007101427
the:0.8283883289241207	The:0.05238861484838014	tho:0.027932255884137086	this:0.01698217674934326	a:0.011165988778192436	and:0.010835424002628312	said:0.010151048970063132	tbe:0.009282570611441816	next:0.004456367117900039	:0.028417224113793094
and:0.12779747032799751	of:0.07742961566634882	that:0.07414324503110799	to:0.04643941348116379	which:0.046041088956125416	when:0.03429402962916093	as:0.027564593426438924	the:0.027250303956397354	but:0.021360033699075614	:0.5176802058261837
due:0.0911622139073137	hundred:0.02397323581927121	more:0.018128057127820927	time:0.017278095575019553	it,:0.0113362836267279	work:0.011069756332809565	dollars:0.010867259917532516	it:0.010684248071705881	them,:0.010637952454482172	:0.7948628971673166
board:0.07877870720100992	number:0.07735147132300524	out:0.05734319340997706	line:0.05172683397815709	matter:0.04715599806534713	amount:0.0429980678191597	system:0.038891312171176404	right:0.033422144146072925	state:0.03306105744645058	:0.539271214439644
the:0.23380600124623047	of:0.14181644275975538	and:0.10456886982599989	a:0.07035219848752694	in:0.04091024416171005	to:0.035398287371630796	with:0.02277439285080154	The:0.022674590908061114	for:0.018123034320152605	:0.3095759380681312
he:0.15833783157006798	who:0.11252166679113242	which:0.10007920750248263	they:0.08307407047038702	it:0.07687172224910013	that:0.06547997363155768	I:0.05314002564963188	there:0.04507481930663967	she:0.04354106747792997	:0.2618796153510706
to:0.16587220090853444	will:0.067090844742293	t:0.06374855643626783	that:0.04891398348951853	would:0.04569880422601861	and:0.04539820974480802	I:0.035176957137119755	may:0.030504623893655644	which:0.024192384170473855	:0.47340343525131034
and:0.1181657968797176	the:0.08937903024448819	of:0.06799964324210095	was:0.05968408413430633	is:0.042629026459622625	be:0.04241449165019433	to:0.03978986112563392	a:0.022561794696183544	he:0.022399179613717797	:0.4949770919540347
the:0.5759940344560877	of:0.07686087398021704	our:0.03694671285300211	American:0.03553623758253224	to:0.02773656681517278	and:0.026959878196731433	his:0.023624572256853944	for:0.02142062167323382	by:0.021353324574674322	:0.15356717761149463
and:0.22931804021194213	is:0.12265657942289337	that:0.09242729406206465	or:0.06927048859704471	as:0.06714514697834655	if:0.049803983029362876	Is:0.04823546503219435	was:0.04128645193108797	but:0.03902945421987027	:0.24082709651519313
one:0.016368888842335127	more:0.015000372690832826	on:0.011189338260333165	day:0.01075934247865153	two:0.010752403191876184	person:0.00789861567222125	in:0.007751399993273645	man:0.007556023970783172	law:0.006531081514130428	:0.9061925333855627
the:0.5400775667439128	and:0.06648155236046717	The:0.05345543300555131	tho:0.04192338386918525	a:0.039769028098722715	of:0.03384899867635714	two:0.02627454498033311	all:0.025202928767866194	or:0.024968660689017087	:0.14799790280858716
the:0.12019147532787254	to:0.11317991295410587	and:0.08792340578929887	of:0.08146353828966597	in:0.040054442139418604	not:0.024451975593149933	I:0.021171806548387326	a:0.020588060079176747	or:0.020427076563194486	:0.47054830671572967
of:0.24405623702030266	to:0.17076181928796058	in:0.14375174776103322	on:0.0645019029347818	and:0.0522352795869811	from:0.05125473983101422	that:0.050982463846364866	at:0.04900360095628074	by:0.0371216354774635	:0.13633057329781734
the:0.23246540279465863	of:0.13269367569403373	and:0.08473053223125046	a:0.06575552782308812	to:0.051145665913285634	at:0.043225061524323566	in:0.03543285480285355	for:0.018630936478920623	or:0.01839290346583427	:0.3175274392717514
I:0.22071095971689755	he:0.20221664124498617	they:0.09659958729985518	it:0.06632038777006803	she:0.057993499629719523	we:0.0481499407485119	and:0.04773528020577294	who:0.03569055197099034	that:0.03435029255598252	:0.19023285885721583
it:0.15467517530377956	that:0.12043680647762427	there:0.1061388378761261	which:0.08972888466219406	they:0.07880598993732991	It:0.062080295432334676	he:0.051866099311008725	and:0.04651998216632048	There:0.0322842212488506	:0.2574637075844316
the:0.15539156127717735	of:0.11917567702263197	and:0.08416148317186078	a:0.06334046627180517	to:0.04547558587853477	be:0.03126076054551573	was:0.02878552919787186	is:0.024581598781821767	in:0.02303036781163895	:0.42479697004114164
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.1491090938408434	to:0.10282291516168232	the:0.09318505026042388	and:0.06246534666274549	a:0.048227360632758474	in:0.04487714111916074	that:0.02593654987229301	by:0.023777252849679943	with:0.02350566845011	:0.42609362115030275
of:0.27185815332049534	the:0.18482888810975234	a:0.09071803830552035	Of:0.08752940444314557	this:0.0855991188184212	The:0.056056901862368905	that:0.046334690979489994	his:0.04453956506513823	This:0.0306955749769724	:0.1018396641186957
they:0.1501246030979688	there:0.1251462080142133	which:0.061510172105724306	who:0.057515559908626834	and:0.05252498053270875	it:0.04448100398267642	that:0.03512029514486429	There:0.0335359807509509	we:0.032090641789458176	:0.4079505546728082
and:0.11582081944112449	was:0.04225261395959518	held:0.03592895762799326	Beginning:0.02926079870317736	is:0.027806631077598554	look:0.026545353863800903	arrived:0.026240397869270526	that:0.0255265603479058	interest:0.024134996272950678	:0.6464828708365833
of:0.3401772009759197	in:0.11511127058281025	to:0.09375272668020339	and:0.08613759930214965	that:0.06259719707805131	with:0.054828676727219465	for:0.05464012006091031	by:0.04647272826748986	from:0.03514751625709624	:0.11113496406814985
the:0.6672677225201066	a:0.07187669396356251	of:0.06651811596410369	The:0.04136634103865643	tho:0.03475391624279233	civil:0.030950254047265632	this:0.028914620702439303	that:0.011577760793663733	for:0.01153989969541057	:0.03523467503199917
and:0.05850633159345087	made:0.05778236604140629	or:0.027947329102333503	that:0.01819347949917324	him:0.01773635421536566	followed:0.017704641720028166	owned:0.0176503613776524	ed:0.016838740781092234	accompanied:0.016553199430885835	:0.7510871962386119
number:0.21595309122705522	couple:0.13410755601631064	millions:0.0583305255808885	amount:0.055113838225831935	bushels:0.05203572332391002	rate:0.05098653638108883	thousands:0.04161106402259919	sum:0.035709296492605284	period:0.03157826656977294	:0.3245741021599374
and:0.11388701016082171	filled:0.04598263277118901	together:0.04128901920825226	covered:0.028583027442173028	but:0.024872078904020063	that:0.02254002474801081	war:0.022227471269514187	charged:0.021290698816952086	do:0.020351062435980376	:0.6589769742430864
and:0.08856103878463627	the:0.0835652593477614	of:0.0829858929374518	in:0.0675964118965685	to:0.0580743886449225	a:0.04292477984598555	on:0.03742423791206846	for:0.025130177841973373	his:0.020850076526852314	:0.49288773626177984
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
is:0.17259142955892112	ought:0.08272961521902446	are:0.08056057458647582	seems:0.07558392967483372	was:0.06572888558670693	not:0.06439114674223405	said:0.05149586598076354	seemed:0.04272828164381891	as:0.041024869025136954	:0.3231654019820845
a:0.2768703891777292	the:0.17484211022575327	is:0.12312767710506356	was:0.08353171144599689	not:0.06947188218187045	are:0.06150518222509303	be:0.042231076272374775	and:0.03154304369513627	been:0.025643653292679515	:0.11123327437830306
for:0.4239777039116525	of:0.17745196862877108	For:0.06704801341966621	at:0.05995545618278069	in:0.05946931478318634	that:0.05931314561700582	to:0.051492601451645366	and:0.03138597110846083	In:0.019217256571950884	:0.050688568324880265
the:0.24185825254190255	and:0.12451445625998742	of:0.09171835522076334	an:0.08157877453310426	with:0.045896202168425035	impurities:0.037757560653591246	by:0.03220103789545596	or:0.030356220587454328	for:0.02917417247976341	:0.28494496765955246
the:0.30101301656637924	not:0.28271464914969213	is:0.06847502516577599	The:0.04990654321892339	was:0.04944363710534573	had:0.043315263464361944	have:0.0413734947050433	and:0.040959326945616124	has:0.036712668311926794	:0.08608637536693536
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.16629689319691937	and:0.11457624355185057	to:0.08827978686582008	the:0.0794036838013036	by:0.07719252873395308	in:0.04170774288352618	that:0.03396105252124599	at:0.03033891430297889	<s>:0.027641667090043273	:0.340601487052359
the:0.19266774184672175	of:0.11248180308173802	and:0.10150281417176216	a:0.05740653305424289	be:0.04442768591843566	is:0.03923872424839277	are:0.03592692389619097	was:0.03065449406948694	to:0.02726890330857742	:0.3584243764044514
according:0.07427545835548732	went:0.07130247132454348	and:0.06045152936869599	sent:0.05722682698835907	as:0.04209440456796992	made:0.03276479377072497	go:0.03218100475344408	up:0.028922053138856298	subject:0.0271532043739195	:0.5736282533579994
the:0.17259713434005025	of:0.10293073232041454	a:0.0849706858676569	and:0.05313687900229971	or:0.042232827593931904	to:0.0405057052805797	in:0.03422281356011614	any:0.024320751750585658	be:0.019453024573303165	:0.42562944571106204
away:0.06925205172028555	and:0.06007808449668492	taken:0.04760906637168378	miles:0.0428166599829834	feet:0.03837562943164214	come:0.026889243450533045	them:0.026073675669967263	out:0.02484981837258804	came:0.02410733092637395	:0.6399484395772579
and:0.037801832806647506	of:0.029413985547304764	<s>:0.027681866619910796	the:0.023696405352157026	-:0.023594558502373436	1:0.018505147591464273	by:0.017868894562735278	I:0.016689620163260328	in:0.015465722862206873	:0.7892819659919397
be:0.3019902536402382	was:0.20384946480743488	been:0.1239347184775965	were:0.07270101731390859	is:0.06377223808371592	are:0.04673561122952612	being:0.04054988339602108	and:0.02750601668085006	have:0.02017405802110583	:0.09878673834960283
it:0.1898936989228213	It:0.08998462207640943	there:0.0790469860324584	they:0.06140208113455	that:0.05582443981464942	which:0.05166683548741283	he:0.0503760176127662	and:0.049222407474872956	I:0.03738029063895694	:0.33520262080510255
to:0.12247983520969578	and:0.11481374178697082	the:0.1086403529599872	of:0.08682124111405838	in:0.027931886291906675	a:0.024142213867424125	not:0.023979975340734237	or:0.02307617446092465	for:0.02093855504019136	:0.4471760239281068
to:0.23444768916706854	and:0.19887381184982464	the:0.0799839495055891	was:0.07952733020114669	be:0.05244505989456077	were:0.038537640346710145	votes:0.031653608092155505	been:0.03088797689071683	I:0.027215802219869144	:0.22642713183235863
;:0.02077262042187888	him,:0.01569134723518056	it,:0.014164934800835045	them,:0.012817644220575653	in:0.012339792863697841	him:0.009472072494775809	up:0.009037150725206404	time,:0.0072734133805955285	time:0.006859730847123165	:0.8915712930101312
and:0.13785108568234555	of:0.09639968718339775	the:0.08339723730612741	to:0.04349623506683133	is:0.0351878488711967	in:0.03478797273886149	was:0.027942141538850176	with:0.02775527893394661	be:0.026710743987210114	:0.4864717686912328
I:0.08412438415606559	who:0.08181488068883551	and:0.08070878344785498	it:0.07497800163006382	we:0.0700581386041832	he:0.06320680695262315	they:0.051113260956332826	which:0.03823761065654651	It:0.03809650401167606	:0.41766162889581837
the:0.35589274708782664	little:0.12594593829404405	a:0.11731902308705515	young:0.06401781968068374	and:0.040067773946361046	his:0.02615984592418491	The:0.02513504247804649	her:0.021828059893024193	old:0.016120948110927104	:0.20751280149784668
of:0.25491410015449306	in:0.18554560111964702	from:0.14420388931924655	at:0.1381860026921151	to:0.061445768141054916	the:0.04954198462536246	In:0.04436468192592638	and:0.0250891121882688	for:0.012287995668981621	:0.08442086416490407
to:0.1372314543028761	and:0.10296039174025212	the:0.0980193011297537	of:0.07362193552282163	in:0.035390626948473516	a:0.020251090807030078	<s>:0.017746817217017118	not:0.01702205167118406	that:0.01610815514958733	:0.4816481755110043
of:0.17737607697844623	the:0.1550324947079231	to:0.0911618955863865	in:0.07153601482633473	and:0.058396775996520635	a:0.05550615138598354	at:0.04617699908504126	on:0.0432062058292741	by:0.04012348069837076	:0.26148390490571916
the:0.27768869736832474	this:0.05335497507622538	a:0.047106278929497813	his:0.03553892687555827	county:0.02205312862922234	one:0.018464274207667594	of:0.01698953503749004	tho:0.01607089778945067	and:0.01588784771817497	:0.4968454383683882
the:0.17259713434005025	of:0.10293073232041454	a:0.0849706858676569	and:0.05313687900229971	or:0.042232827593931904	to:0.0405057052805797	in:0.03422281356011614	any:0.024320751750585658	be:0.019453024573303165	:0.42562944571106204
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
the:0.6077699394057496	of:0.057594156500232536	The:0.05082962303621073	and:0.045599848161497716	this:0.03325611144906724	tho:0.028885227160235845	a:0.02821507894661026	that:0.02385015767228696	other:0.014721840888795678	:0.10927801677931342
of:0.3323221047768298	in:0.16757993870518886	to:0.1153239032184126	that:0.07000705408870828	as:0.050608991041074046	all:0.04096660931175416	and:0.03868458260791762	with:0.033772784565418934	for:0.03223227816974238	:0.11850175351495336
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
and:0.1082798509610735	be:0.09484653891020561	was:0.07302725610406567	is:0.06753124639415749	of:0.05025084178270251	been:0.04112157593505163	to:0.03881676068613716	in:0.03731550123451758	are:0.036834223910146985	:0.4519762040819419
and:0.10968615154899033	that:0.10300191553271104	as:0.06787944444478897	of:0.06784266536627429	to:0.04946776343917317	make:0.04536235238254599	which:0.043134291809455536	but:0.03568964334384511	if:0.0324340118960915	:0.4455017602361241
and:0.17585063722392302	fact:0.10400902578517979	said:0.06844377842999533	so:0.06232472237382234	believe:0.04519952307692614	is:0.039634011181226815	say:0.03675663629906361	know:0.036060715732595706	found:0.03095250753294034	:0.4007684423643269
the:0.32362932968466385	of:0.30741424949372437	and:0.07911433381874526	The:0.04487202298575804	to:0.03699033248810263	a:0.03595267521302639	for:0.02945263257962065	on:0.026767704572557602	tho:0.024234822017698457	:0.09157189714610275
and:0.041689761937720185	the:0.03863220079682179	Mr.:0.030368615859205736	of:0.02851822882393807	Mrs.:0.026604725644999223	.:0.025045264489362597	<s>:0.021064909985061067	said:0.01467835825818941	that:0.013556645265477422	:0.7598412889392245
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
the:0.13190200889624082	in:0.10333208018144008	his:0.08709623621056047	and:0.07258323827061156	their:0.059614498977212105	this:0.04976874037021959	an:0.0471209690922315	other:0.04621342816490165	my:0.04391279163180118	:0.3584560082047811
was:0.19754299315053464	to:0.17477600198944776	and:0.1681071715186468	be:0.1038697028349343	were:0.06768882571017636	been:0.04895784235427986	he:0.04178922021727136	then:0.03757352545716568	had:0.02540105264585833	:0.13429366412168495
both:0.031166602271047467	them:0.019336344896653732	it:0.017680748040294177	the:0.017123847536526772	feet:0.017064793200204858	well:0.016671362250444147	men:0.01656447527215816	and:0.015847840017490285	up:0.014855375046341344	:0.8336886114688391
Mr.:0.2898203401184054	and:0.09661217743859794	the:0.06466972571055785	that:0.0598294254671199	of:0.03330924540168184	The:0.0312804109627591	Mrs.:0.020812411379420314	Miss:0.017428044690480076	Mr:0.01732738098884269	:0.3689108378421349
is:0.08542539666512147	and:0.07114332620996264	ought:0.06516747056111719	as:0.06261777709053429	enough:0.0507121233641489	not:0.048474097514568555	have:0.040879220883224834	able:0.04012991371748548	order:0.03901510973600211	:0.4964355642578346
the:0.5403485922261206	of:0.15377683409653153	our:0.050017090842370805	a:0.03332329478880286	federal:0.0330206656050774	tho:0.024067561384490756	in:0.020268939749192416	to:0.01839271129093325	States:0.017233103052777855	:0.1095512069637025
the:0.39595000263175334	whose:0.14823304299980583	their:0.11710937796859561	his:0.08080439387462532	The:0.06405809424386805	of:0.03055444919584893	my:0.028044986395872037	its:0.0253648320305037	our:0.024152564247763773	:0.0857282564113634
that:0.1533829181764659	and:0.12320559878259389	which:0.0953591844435863	when:0.07140654048984195	as:0.0639067016017661	to:0.061519589588405615	if:0.03221913038749884	will:0.032027518221750144	but:0.030234421324445447	:0.33673839698364577
the:0.12524961158718226	and:0.09100064690048902	of:0.06626144905840879	a:0.039468389773337914	was:0.033802810205070276	to:0.031790981861766605	be:0.03066803983898344	his:0.0276205744431688	Mr.:0.026500330082763993	:0.5276371662488288
the:0.4239861381291708	a:0.283189678958267	of:0.07411074297554447	this:0.047134363563388855	The:0.04327094333689738	with:0.0318972343907784	A:0.027183548391838994	tho:0.02096190869370016	and:0.02010146681185817	:0.028163974748555753
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
forenoon:0.0582490741968471	one:0.049862196816315006	result:0.03987800092652688	out:0.0376061003153729	all:0.036286459703992496	part:0.030758784493381777	some:0.024394642915857804	much:0.023956915270718103	is:0.02381300320797522	:0.6751948221530127
be:0.19214748418863561	was:0.151898751559124	been:0.09181682680679042	and:0.08351160376166884	is:0.060288000498613575	being:0.047664160071320585	were:0.04493494020476518	now:0.0361031085437564	are:0.024211428003674214	:0.2674236963616512
of:0.17002385698587955	in:0.14428899280931373	to:0.11944079493822246	and:0.10635347723009111	with:0.07255523923251615	for:0.05726623466653049	was:0.05200005710383502	by:0.04678092981763175	is:0.04596826166585021	:0.18532215555012949
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
of:0.34120922445500185	to:0.1040885972550642	in:0.10293120130657726	and:0.061209794024558055	on:0.055107805284584685	by:0.053605999453237824	for:0.0528380747026686	with:0.04028888792001937	that:0.03997061633295227	:0.1487497992653359
at-:0.33778525863903025	the:0.18335987210672097	at¬:0.08273278358001247	at­:0.0444401032302501	and:0.019086718086377998	to:0.015723396700321225	The:0.01086203080342782	tho:0.010070725904926274	of:0.009984288737128172	:0.2859548222118047
the:0.6372744818028355	The:0.06538706856281795	a:0.055563510541925196	and:0.04009431666565126	an:0.0391732781478948	tho:0.03875167634008413	in:0.027600045631180826	great:0.019189756771960335	of:0.013890940717899721	:0.06307492481775023
has:0.08244656746319699	and:0.07244938166999627	the:0.06090744620994753	had:0.05812601198416831	have:0.052115630905670556	of:0.04037476529245228	which:0.027355518936260117	to:0.026197114690669238	it:0.02588436778653798	:0.5541431950611008
the:0.07050956495789318	said:0.05412704764240288	Main:0.04000601954294853	Market:0.02763534660732466	High:0.025829700969825103	Third:0.02560902842963477	Wall:0.01979432531898254	Sixth:0.017750275173024556	Seventh:0.01661276957320731	:0.7021259217847565
the:0.11833510730411874	of:0.10826560767671957	to:0.062180528832639866	and:0.05604524810393809	at:0.04579398095158586	for:0.034293381012215185	in:0.03136179131804555	a:0.024270918557850116	from:0.015361783863702303	:0.5040916523791847
the:0.8183987188681041	The:0.0347034164019706	tho:0.03303984389547394	of:0.018437746803407283	their:0.01573400019677597	tbe:0.014485353428824694	his:0.014196961192036506	and:0.012974356597060378	our:0.01283867961375065	:0.025190923002595827
the:0.31657602310222227	of:0.20050446268379302	to:0.09114582998436672	in:0.06792157487886981	a:0.049761427342199585	on:0.03711449072549142	for:0.033519326938219865	his:0.029924245189082068	that:0.028657150692513154	:0.1448754684632421
one:0.016368888842335127	more:0.015000372690832826	on:0.011189338260333165	day:0.01075934247865153	two:0.010752403191876184	person:0.00789861567222125	in:0.007751399993273645	man:0.007556023970783172	law:0.006531081514130428	:0.9061925333855627
and:0.25125791445187945	that:0.17300635371205286	of:0.15724105168287728	to:0.050078183100320764	we:0.03731178929153155	but:0.0366257876948579	when:0.03469506954329437	for:0.03316763819969859	if:0.031457862003820496	:0.19515835031966672
the:0.2927718821182676	of:0.10304401081365484	to:0.05375007541609378	in:0.05153694102950825	and:0.04234711069902532	a:0.030827282893517015	at:0.027101226400904843	by:0.0235926495159881	that:0.018091743805967536	:0.3569370773070727
the:0.30685461873859576	his:0.15582347831418175	of:0.08664664784009228	and:0.06666447862779287	their:0.05647444464762393	a:0.0559425857664856	her:0.05269780987169395	good:0.037332288187263675	our:0.033434935072656935	:0.1481287129336132
of:0.4721939220846858	in:0.11928138671131146	and:0.06973453358135769	as:0.04332197112979086	the:0.02732281998654256	to:0.023577727881144008	for:0.022570156316627996	on:0.01712062253157255	with:0.016959627943906236	:0.18791723183306083
of:0.1641107075196537	is:0.14938737905138352	was:0.1226088509093659	in:0.08769047848606899	with:0.08721678395906414	and:0.07790787163383474	to:0.07636466191124437	for:0.055753848549236935	as:0.05361828260081667	:0.12534113537933103
the:0.24173186644873054	of:0.1264804730623645	and:0.08331959595593887	a:0.07678669948469065	in:0.02227872850197047	to:0.019468778320699653	or:0.017891130897969953	The:0.01759084026465017	tho:0.015524648398075488	:0.3789272386649097
of:0.350593770311935	and:0.1380581311386399	that:0.11518996904418863	all:0.06620633321204844	by:0.05592312569771673	to:0.04094977622372896	for:0.037954075595037606	with:0.03352530282736503	as:0.027308153949963783	:0.13429136199937594
the:0.6313097124006886	a:0.07626782230590726	his:0.06568464965483545	The:0.045304345314887	tho:0.0432375485475092	our:0.020910018360732235	their:0.017686800551265584	tbe:0.014229726808181244	her:0.014158896758713884	:0.0712104792972796
as:0.08745250026574988	according:0.0656980254170692	up:0.06458164371525271	and:0.050936292680026855	went:0.04228727053282009	back:0.0408261884667089	regard:0.03877679314119855	feet:0.03598506737200505	down:0.033283187341528596	:0.5401730310676401
and:0.17585063722392302	fact:0.10400902578517979	said:0.06844377842999533	so:0.06232472237382234	believe:0.04519952307692614	is:0.039634011181226815	say:0.03675663629906361	know:0.036060715732595706	found:0.03095250753294034	:0.4007684423643269
chs.:0.15246806702679347	ft.:0.04786878277833025	and:0.04042552162761822	right:0.026299768229899944	went:0.025241181027991364	as:0.024279179674824482	order:0.02350653870088795	him:0.02199413259438468	made:0.02079129229407302	:0.6171255360451966
together:0.06587034103488555	and:0.052209488961446116	filled:0.03920331832280802	charged:0.03409153826428046	up:0.031084368717625568	covered:0.02522909753194212	it:0.020788082598512326	him:0.016882839683824938	connected:0.016479820809808695	:0.6981611040748662
<s>:0.07085934014371865	.:0.019663219525922516	it.:0.01622130295801661	them.:0.015740880386511183	him.:0.007696224412609772	time.:0.0064731892579825935	her.:0.0061040333240242285	country.:0.005919277374496839	year.:0.005186107930919352	:0.8461364246857983
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
J:0.09573328526636675	and:0.08368072379662535	.:0.044902876672699404	to:0.0381865167841298	the:0.03561577480963964	<s>:0.031924938905331615	W:0.028438373709052438	of:0.027409194060043184	as:0.02379966670927431	:0.5903086492868375
the:0.0930072672300486	of:0.06846494344309874	and:0.06508762759681429	be:0.05721012719057899	to:0.05502551084654882	was:0.04887356091582504	is:0.036450096984708476	a:0.028533290990081422	are:0.02762552804330822	:0.5197220467589874
the:0.34212901392759604	this:0.0786326546757235	that:0.06215407977689304	any:0.05016650466417408	in:0.039032371020212064	and:0.03473059466895226	of:0.03447645820299605	The:0.03154565223322452	tho:0.022677405873194296	:0.3044552649570342
to:0.3064758709368267	will:0.24740023166717792	would:0.08644940566132561	shall:0.07958333747813345	may:0.061325075032771036	should:0.060253944142859825	not:0.04373096506435661	must:0.03961965536578922	can:0.037216765944760435	:0.037944748705999204
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
the:0.4496391738652113	and:0.07122422281646511	of:0.031948577946067244	in:0.03166291577732766	The:0.028754133555787136	tho:0.02760296711664328	a:0.026040495410797133	to:0.019388183448923388	on:0.016152910133739935	:0.29758641992903784
a:0.4636227973865859	the:0.3323216358267525	feet:0.044939075334980136	tho:0.031271016963764664	inches:0.02587393679783399	The:0.023620014547596543	A:0.018800464560074767	of:0.014441882238433491	and:0.012786430744138079	:0.03232274559983995
be:0.1998296413450912	was:0.143033215573479	and:0.112167132278209	are:0.08479686859301773	been:0.08210139447391787	is:0.07798590585131843	were:0.0767245196939321	he:0.030229169371155124	well:0.027818528598144005	:0.16531362422173557
the:0.19832758891026814	of:0.12329738883229349	and:0.08567963075484682	to:0.06390982801288464	a:0.05292418902618554	in:0.03644046679675773	be:0.03343411962297833	was:0.027378263028029096	is:0.02580605123862503	:0.3528024737771312
and:0.08723146146319387	of:0.05615008758688394	the:0.055827304448799	to:0.04532718144735124	be:0.042868796912626767	was:0.039454913011742705	is:0.03217666773192887	in:0.02507785443882515	been:0.02162216235207398	:0.5942635706065745
the:0.47466983940454643	Federal:0.06575101436076647	The:0.04827108257190974	States:0.043412029835797845	and:0.0423771839423905	of:0.03633066747543857	our:0.032669152625756856	that:0.025056705391309626	tho:0.020570199720504296	:0.21089212467157967
of:0.2592108724944036	the:0.22087782802422673	and:0.04536832704975809	in:0.036411182653566326	a:0.0344637028140868	his:0.026184219067638344	to:0.025827301092357452	their:0.023891156435518427	on:0.023881894450860062	:0.30388351591758417
the:0.5300828020109233	a:0.0641294248267201	of:0.05586957406955563	tho:0.0344232501806837	his:0.025397705501892315	our:0.02427011686736967	one:0.018532875346277844	said:0.017628073602122672	in:0.015220916915943723	:0.21444526067851102
a:0.07595182207216816	would:0.06643281608242355	something:0.06171071770866333	and:0.05397962836309366	looked:0.047853039670842784	was:0.047794512281697565	much:0.04084462861747742	is:0.03903986440395172	not:0.03127024708638745	:0.5351227237132944
of:0.17812164892276777	the:0.1012888456194023	and:0.08094513092269891	a:0.07630590518576001	to:0.06780754766753506	in:0.05360743862479921	was:0.029660071061225066	with:0.028416590242039894	is:0.028389348603932645	:0.3554574731498391
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
No.:0.20544815085633278	July:0.12092268344412399	March:0.08622939381737156	block:0.0803217033704502	Block:0.058279253910959	May:0.054189333138318856	lot:0.05124696668485536	January:0.04852111100453034	April:0.0350695744895123	:0.25977182928354564
those:0.18667866807059744	man:0.09807292800079649	men:0.09788069475370914	and:0.06448154433242587	people:0.03647701514511794	one:0.03095764068973394	Those:0.026587107612522795	persons:0.02175382394054135	all:0.02153416416582887	:0.4155764132887262
one:0.12071924630046933	part:0.07000860766983956	out:0.05595656241250833	some:0.03688444680920712	members:0.03611645172623357	side:0.035149300293480096	portion:0.02590197533845993	office:0.024016676382918056	member:0.02315847371603713	:0.572088259350847
turned:0.17689741517297122	went:0.11792329389869219	was:0.06743746290311194	go:0.05780147960762763	all:0.05123278012256286	come:0.049069871089041775	is:0.03970234485750847	came:0.03563951014489083	and:0.034081559016104296	:0.3702142831874888
be:0.2840558749919762	was:0.16452946618687406	been:0.12515198768889146	is:0.10940449417014114	are:0.06330620678766383	were:0.053920274095055995	and:0.03019665822409588	being:0.028584966891336636	Is:0.0179901749438258	:0.122859896020139
of:0.2928952778460272	to:0.14223898646913344	in:0.11915805863762469	for:0.07372442918099541	that:0.0723804009123684	and:0.06367417884526481	by:0.05258160674917758	with:0.04076445866936669	is:0.03852976250097625	:0.10405284018906552
ves-:0.41918314805928797	the:0.10969871249776635	coun-:0.09441265606068727	and:0.08012494659880162	of:0.054305734787980016	a:0.04681761044768911	to:0.02974332167713431	in:0.027255609210216206	for:0.015505553636725575	:0.12295270702371158
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.1313056501793289	made:0.034551030036317	necessary:0.03191530070016697	provide:0.023191256277008975	him:0.021827387004521748	time:0.02091411247587312	but:0.020346196766889778	pay:0.02006785098451588	responsible:0.019399383232926184	:0.6764818323424514
of:0.18681037871196554	in:0.16209164563506884	and:0.11063387232259311	to:0.08329017726085124	that:0.061470853917416954	for:0.058543858465668785	with:0.05254995671830949	by:0.03193290339308103	on:0.03161779308977757	:0.22105856048526745
of:0.15637129115129797	in:0.1552143455889444	to:0.10799085549018428	for:0.08261684531781914	with:0.0731713583685001	by:0.07097512656714926	and:0.05556649080002581	is:0.053381750367400116	such:0.050776726096153274	:0.19393521025252564
the:0.23750647360531613	of:0.13875010467564075	in:0.07025527166399353	to:0.06586393463934308	a:0.04541619945587987	by:0.04234152604801914	and:0.03619988093059612	that:0.029672064534844084	The:0.02483961318176135	:0.30915493126460597
the:0.19137113962933638	of:0.12002627204804645	and:0.058504923975711526	a:0.04715884843105013	to:0.04394839232968213	in:0.02990490315289993	was:0.02223742496960105	his:0.02151982356156124	be:0.019781657154763814	:0.44554661474734736
of:0.546774313668051	in:0.09400787984413835	to:0.07659269547875565	that:0.06286739937775146	all:0.03721802513370281	and:0.035955869339882575	by:0.02757978194233078	for:0.026931988660095132	with:0.025284564864782776	:0.06678748169050948
to:0.11272467325873015	the:0.09570920935957357	of:0.08084508540075111	and:0.07746796351453314	a:0.03161606912023797	in:0.024763881588432984	at:0.024446783401682257	for:0.018599489625864805	is:0.01726400145434898	:0.516562843275845
the:0.6267109684429797	The:0.08305513301904147	tho:0.054798012451577116	his:0.046041970281240206	our:0.025524827908039244	of:0.024666963748986977	tbe:0.02256838367493515	this:0.020272242220136516	my:0.019656126817366892	:0.07670537143569676
it:0.17446210238267795	It:0.16512138039676244	This:0.11580779511931819	which:0.07131888702327785	that:0.06268754379599907	this:0.05652048471821813	and:0.04054529143452458	there:0.036840538093569096	he:0.03013409703322793	:0.24656188000242477
is:0.1333523462658913	of:0.13110940511437827	with:0.1269286217233343	such:0.11334199250803456	in:0.10652554542138694	as:0.07935972135984762	by:0.07541348032173471	to:0.05711001872961382	was:0.0565601152375168	:0.12029875331826169
the:0.8844239874864931	tho:0.04756948702344427	The:0.02033430666769642	tbe:0.014816209185575809	of:0.01068097499444848	and:0.002900692842559579	by:0.0026848525152412873	a:0.002620734900998062	tlie:0.0017922399025080053	:0.012176514481035046
of:0.44346553945655437	to:0.15302986632552434	in:0.09783593634338938	on:0.06143438508388544	by:0.03947291428856495	at:0.034492380909576396	from:0.03167347198909511	for:0.0304489864852439	with:0.026131500107664327	:0.08201501901050179
to:0.25680056434268805	I:0.10610482774310488	and:0.0854708751017408	will:0.05870610795327019	can:0.04751964593150449	they:0.04694114883201273	we:0.04124527565477524	not:0.0369949378638529	would:0.03150812161886735	:0.28870849495818335
they:0.13027974325548752	we:0.12918914736743128	he:0.12108787175059746	I:0.11820943688797049	and:0.09361062552337644	it:0.0721299006900148	who:0.05518906214445553	which:0.043854012500950716	you:0.04337267144896534	:0.1930775284307504
be:0.2695765494410395	was:0.11088449082673413	been:0.09903714859394215	is:0.09879773719369701	and:0.07011326851720125	are:0.059564145912981176	were:0.04689707550666421	have:0.04357519426272011	not:0.03145633284715003	:0.1700980568978705
the:0.13424138997703955	and:0.12966537982538567	his:0.08102244078080456	to:0.0775201530789947	per:0.06292231562625139	a:0.04751526400064427	my:0.04617433693766691	this:0.041795852093865854	be-:0.027571770525247404	:0.3515710971540997
the:0.24173186644873054	of:0.1264804730623645	and:0.08331959595593887	a:0.07678669948469065	in:0.02227872850197047	to:0.019468778320699653	or:0.017891130897969953	The:0.01759084026465017	tho:0.015524648398075488	:0.3789272386649097
there:0.030398521322705267	mortgage,:0.024589634027302278	;:0.024432908464996232	it,:0.01519495322264309	cause,:0.014540507171306267	mortgage:0.010583621003292989	them,:0.010271711206869519	States:0.008597589875224031	you:0.007740314694520186	:0.8536502390111401
and:0.24311438819062775	that:0.10711858844494336	as:0.07117408927161277	but:0.03898665416780675	even:0.023906217180783545	But:0.022158305941674065	And:0.014790905528373111	or:0.014301527721219247	see:0.014251886781312798	:0.4501974367716466
and:0.15965641160850638	the:0.0846282121681208	of:0.05941150360151237	his:0.05631768847873073	her:0.0317277932136325	their:0.027108305496639114	that:0.02551275151208763	our:0.01627645041399674	for:0.01580431033838304	:0.5235565731683907
is:0.17846253129762432	and:0.14888574507603544	was:0.13952883161302299	that:0.08685759268858297	had:0.06465905359603899	have:0.06283163182230879	be:0.047969074712279514	of:0.04630038056297908	with:0.043113732676081415	:0.18139142595504648
they:0.21381486375891348	there:0.11696682972403008	There:0.0867840903201412	who:0.07803859634606834	we:0.07181109554284179	which:0.06640996567069005	They:0.0654513223296331	and:0.03703400185991253	that:0.035357173091833956	:0.22833206135593548
the:0.5808649571651976	of:0.11883418691435768	tho:0.04098057923259666	and:0.030702178673481507	The:0.029031782885648835	surface:0.027655791089258235	on:0.025034720056274724	a:0.02371486636762758	to:0.020119961365040424	:0.10306097625051673
of:0.24334882831101728	the:0.11077613908082705	in:0.0984694947397048	and:0.06226488641954964	to:0.049317341236039085	for:0.027710086153963483	from:0.02524429241272248	In:0.024404348359895047	by:0.022079085693815278	:0.33638549759246583
plat:0.3757104260154536	part:0.11391058636689975	much:0.1124607520082932	copy:0.04266700281580265	amount:0.03526311988761759	survey:0.029398546205726187	payment:0.02237687832730872	holder:0.019989295406648705	conviction:0.018985738842662404	:0.22923765412358713
the:0.4309945821485026	a:0.15123327031215267	town-:0.03736362201824956	wor-:0.035743611720518875	The:0.025052716182525678	tho:0.022243276351033504	of:0.02004714217507914	and:0.0172956747555378	or:0.017246158791502108	:0.24277994554489804
and:0.04440005379124634	as:0.03572535139008519	went:0.027002326805406957	him:0.025212269516833957	them:0.02153360171858815	up:0.020643866738997867	is:0.020539101811950334	go:0.019713515897778196	able:0.019233667677612948	:0.7659962446515001
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
and:0.11466088913790702	that:0.05532000573712739	as:0.04709364811439039	which:0.027921097184170882	the:0.027643100012842033	of:0.025193515050706702	but:0.024181478855027992	<s>:0.02361422624512566	when:0.021289870781935925	:0.633082168880766
the:0.6942191377191893	of:0.08100455475445045	a:0.04766638887962421	tho:0.038676813119358285	and:0.019762435663782336	in:0.01971667232531527	The:0.017089821970026054	tbe:0.011655369151608015	by:0.009317845518355324	:0.06089096089829072
that:0.12961487519939777	and:0.1279433749976404	had:0.07582210766930095	but:0.07120666496746451	is:0.0665797874817165	as:0.06326193408868654	have:0.06319132741985337	Is:0.04997318103144647	make:0.04960486860394165	:0.30280187854055185
and:0.10728643539050407	of:0.09689368708684774	as:0.09430956550132799	the:0.07574070144994628	to:0.05122624749049644	be:0.037028496537601055	such:0.03566920217538001	much:0.030975032286415252	in:0.028365295688714418	:0.44250533639276673
and:0.18651488376313805	be:0.1479612797902723	was:0.11469052174102481	he:0.10573030810609424	I:0.0893662313419176	have:0.06420419752258119	is:0.057013796219559716	had:0.05462638305429979	has:0.04411855680180269	:0.13577384165930964
of:0.1577940433249516	in:0.14711820180502172	the:0.13872355832584568	their:0.06670196481078296	his:0.06330482790998088	for:0.06146093021432275	and:0.049789198353973614	In:0.04801623679539793	a:0.04564012150512609	:0.2214509169545968
and:0.0576143336636606	covered:0.05152870853924029	filled:0.043718130215221446	compared:0.039557290234684316	accordance:0.03774003274284915	connection:0.032823262464525174	together:0.028797594364816454	parallel:0.02704677599205761	charged:0.02571768753644613	:0.6554561842464989
of:0.31936925678403644	the:0.20770290611395695	in:0.14166829490403335	by:0.1351478402895882	to:0.05231416605680245	In:0.02584904204594531	which:0.025182701425375535	on:0.02435861447914525	that:0.019283890993724805	:0.04912328690739176
of:0.17723401960178664	the:0.16962749090756635	to:0.12094676028411222	and:0.0966428359721386	<s>:0.029916886634181433	an:0.029365372301319095	in:0.028950408046359122	or:0.022379354017745212	last:0.020791127954267623	:0.3041457442805237
and:0.13282090995046292	to:0.09683725576500037	of:0.05378435414128199	which:0.035974214964564155	for:0.033457181784138354	that:0.03323546261071065	in:0.030399569055141656	or:0.030057957347889366	the:0.02797598264282952	:0.525457111737981
of:0.40299883777491197	in:0.3245416411852169	In:0.05617052407422887	to:0.0561613771070139	for:0.05497165394878062	by:0.02655777110727571	from:0.01741830440542066	on:0.01694082585657375	with:0.013156572308039259	:0.031082492232538363
;:0.012543126460709373	it,:0.010603509882477598	years,:0.009811287406723577	here:0.007151313312249549	them,:0.007068766025557525	him:0.006979819620470969	it:0.00686234128030254	time,:0.006832856627314442	<s>:0.006767880104258798	:0.9253790992799357
contained:0.14140193921294766	described:0.13624146915636706	stipulated:0.10512638967797121	recorded:0.0587151481274439	and:0.057318062858886173	situated:0.05283714866669371	interest:0.04907797678820585	interested:0.03980529772670137	filed:0.019929824215450236	:0.33954674356933284
costs:0.022291259822196922	time:0.015114764910872557	one:0.015032752954933474	men:0.012218644799701799	in:0.011663105323783224	up:0.010615205748114745	good:0.01014339399462193	large:0.009258773990958721	house:0.009056037196587078	:0.8846060612582296
is:0.17259142955892112	ought:0.08272961521902446	are:0.08056057458647582	seems:0.07558392967483372	was:0.06572888558670693	not:0.06439114674223405	said:0.05149586598076354	seemed:0.04272828164381891	as:0.041024869025136954	:0.3231654019820845
the:0.4297796704900877	a:0.08130740840063004	and:0.05990838653861982	The:0.035393619292665185	tho:0.03250323709987043	of:0.021780277135329193	tbe:0.01614210238262321	in:0.015426861912602594	or:0.01441596948651094	:0.2933424672610609
and:0.13414388468936583	is:0.10059985608232286	fact:0.07587493481188981	know:0.042898991292821084	so:0.04076202303221304	say:0.036314315809565165	said:0.031303094606464306	but:0.030342969249770882	was:0.03012795729091715	:0.4776319731346699
the:0.2798149811264057	and:0.11055273814777376	of:0.10102642151484025	a:0.08904487989487088	in:0.03646421347949763	as:0.02676505672680271	with:0.026392046980497748	be:0.025990743911080257	by:0.025939373966552062	:0.278009544251679
be:0.20142961186665412	is:0.10711291749658944	was:0.10082569721143173	and:0.0934366779672115	are:0.0766673741645629	been:0.0706694345094168	were:0.05711834719613035	coupons:0.03999210654307927	being:0.03383617567145018	:0.2189116573734737
the:0.09402048280898062	Mrs.:0.09255741032231594	and:0.09194153832889776	Mr.:0.0644103868033307	.:0.03483891873260881	Miss:0.03246976388101874	of:0.024805914695674	<s>:0.024671529962553614	Messrs.:0.017623147966335625	:0.5226609064982842
that:0.07334570646031618	<s>:0.06087986305187031	as:0.029144775029566063	and:0.02639624904047602	it.:0.025517388321890745	which:0.019500469247805328	but:0.018010313016368507	of:0.012807106026869422	them.:0.012350655225466725	:0.7220474745793707
of:0.3306858382664441	to:0.1620004607454402	in:0.12291151022208896	on:0.0872506440018065	by:0.059557438892956754	at:0.058747340212937635	from:0.051814741312694985	with:0.03983841064997714	for:0.03467988662550187	:0.05251372907015186
of:0.29101867198091264	to:0.11813174100818619	in:0.1172972311449329	and:0.06830399127118737	with:0.060605934900068804	for:0.05419409192275341	on:0.05219893444697187	by:0.041348689452230795	from:0.039219237042174226	:0.15768147683058184
the:0.5931552337658492	a:0.13897282217825818	The:0.03763997369498126	and:0.033495136068040804	tho:0.027457491663693046	to:0.01927570832793805	this:0.011929700749452527	tbe:0.009672614537372611	his:0.00928168981964824	:0.11911962919476608
carry:0.18281036161031505	through-:0.1659987913497337	with-:0.10472532803897346	carrying:0.05989436857795188	pointed:0.0481862496694261	and:0.04287335829430306	sent:0.03982769731396628	brought:0.03556484937502764	carried:0.03503961230482394	:0.2850793834654789
looked:0.06752392593531226	it:0.06702946336490001	gathered:0.057018718521647874	arms:0.05506786865403334	all:0.053236900759582095	look:0.04261724921366309	and:0.03944872079107835	him:0.035414844100792674	arm:0.02895523861652144	:0.5536870700424689
the:0.33285370840995376	a:0.10500790897797091	of:0.08709195068617617	and:0.05974813431824179	in:0.038495579944603224	to:0.032718436200682086	The:0.03140056012058686	tho:0.02153797199969984	an:0.01964825434793404	:0.2714974949941513
and:0.09364902929500517	was:0.039387332529931186	is:0.03155314252837052	that:0.030963552139079947	it:0.0276383422950528	as:0.025265361664193988	be:0.023781842268242422	them:0.02251835454300416	up:0.022372577800821948	:0.6828704649362979
of:0.2975955312912373	the:0.2408551408610802	and:0.10807451939714682	in:0.06466787514545495	by:0.029756357494357517	a:0.02416116354640676	from:0.022230893424747118	with:0.01865347409907353	&:0.016380937135876114	:0.17762410760461972
and:0.07103360074271038	was:0.034731139634780285	is:0.02253679116826184	be:0.021818923381453966	are:0.01869880827389717	that:0.01788876913009931	it:0.01588955262096709	been:0.015099565880152918	made:0.014788560508716537	:0.7675142886589605
and:0.09135675197490566	connection:0.08829190686038713	together:0.07360634008347929	connected:0.07158834348765417	accordance:0.04921944244548142	comply:0.028909855133695192	up:0.0275936917747945	do:0.027212506257385628	compared:0.02528870743951845	:0.5169324545426985
and:0.13106450109154597	was:0.0420539853274194	Beginning:0.02833653921636127	that:0.025684662921804425	is:0.025643742253009298	look:0.024116136936654434	sold:0.023944290627554193	looked:0.023805489632319453	held:0.02061468964586472	:0.6547359623474668
Mr.:0.01430667475640615	due:0.011331022446498312	;:0.01057564931412305	in:0.00985168224740263	thereof,:0.008286973737573915	,:0.008084882826114356	up:0.0071153618065318835	men:0.006915786141693316	one:0.006300114999221575	:0.9172318517244348
was:0.16961847785500234	is:0.14856066975209428	are:0.11793445945949771	and:0.08417782329262873	been:0.08263890554960071	be:0.06535613010240157	were:0.05649565568161779	not:0.04423972177890394	of:0.023720063680358023	:0.2072580928478949
is:0.11956631297974217	was:0.10804268387944047	be:0.05530946903505861	are:0.05502699617278869	and:0.047538016117098805	go:0.04377687241171524	him:0.04193771159317965	found:0.03547433645255459	were:0.035160526622150974	:0.45816707473627083
of:0.14521617866436812	in:0.11930472917016371	by:0.0935826955512427	and:0.08317398411265554	for:0.08038638358420302	that:0.07364360689563182	to:0.06534842607442784	with:0.05376945527328573	was:0.046813608860631815	:0.2387609318133897
on:0.3628913235503539	at:0.1891160123817034	of:0.033690648646153204	the:0.020425573094746356	Mortgages,:0.019106625835037132	and:0.018753360391626412	mortgages,:0.01404600027962815	from:0.009680863424833378	deeds,:0.008481356619128686	:0.32380823577678935
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
No.:0.07045918961567334	and:0.05712551045145394	the:0.048806571737189025	of:0.04607713813217821	at:0.03236311171617805	.:0.029496589416228184	a:0.029181043151900385	said:0.024286560721970413	to:0.022956728980699722	:0.6392475560765287
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
.:0.0745944029314168	A:0.056140094255638685	J:0.046700290734446544	E:0.04650959699725781	and:0.045480617892949056	A.:0.04321491597650242	&:0.04173264656994547	J.:0.03823970699669159	of:0.03236000992082089	:0.5750277177243307
the:0.5398926974116399	an:0.25514614086122167	The:0.09534394640410938	and:0.025087752702803875	tho:0.023325660645524233	An:0.013431804351770634	fair:0.010640489482037723	a:0.010390369472147028	their:0.010044673667965607	:0.016696465000779922
the:0.2272545600293146	a:0.20347387051376425	and:0.0856396557343859	of:0.07482446895200069	to:0.05112688384229802	with:0.03693088136678945	in:0.031430352586942836	for:0.03142955074674829	The:0.02718860318703793	:0.23070117304071805
the:0.09465852141043161	and:0.07988974624357965	of:0.07668969562173271	to:0.06738788201408927	a:0.05910141492982904	in:0.03531294015657826	at:0.024702761236418673	or:0.019890294953798203	that:0.01479619713910379	:0.5275705462944388
the:0.11497087823566628	and:0.07777844953256008	of:0.06109581545945089	from:0.05879160533279114	a:0.053932693970104875	to:0.04397483397930592	be:0.04234695733598017	was:0.0361977490624909	is:0.0316224313111651	:0.47928858578048467
of:0.29016227530489075	the:0.1662822491398167	a:0.11605400103332403	to:0.10832659567375033	in:0.06384162152904865	and:0.044438253719834196	for:0.037368382728208076	or:0.033665179448577096	with:0.029896242239635645	:0.10996519918291454
of:0.363384546953322	in:0.12398451122701826	to:0.12006445074358783	that:0.05647246657350878	for:0.05346346695234963	and:0.052606303678225094	with:0.04410861421136643	by:0.04123282429951316	In:0.039566429005716205	:0.1051163863553926
be:0.30265418146761297	been:0.18740624108522158	was:0.15273259519573298	is:0.06321434354694452	were:0.05675507551841657	are:0.045615880658946756	has:0.03394700673285882	being:0.033817396020233245	and:0.0331115667492719	:0.09074571302476067
as:0.058301859649369486	and:0.04032542933338236	went:0.035539412230453794	up:0.03314634349467599	go:0.02779572620133585	it:0.02587894943564077	return:0.02560992778323729	back:0.023839220575513523	returned:0.023110778622251867	:0.7064523526741391
the:0.23724671551316706	of:0.10082538978126222	to:0.05529823901616596	and:0.05032481432983167	a:0.04581588232752173	in:0.03493169672460925	for:0.02876333853190044	that:0.01802484979919368	on:0.015886749376415286	:0.4128823245999327
hundred:0.024173689727291232	up:0.0056779925577832265	men:0.005557899537168564	Hundred:0.0049284889476935035	John:0.004575624030095375	William:0.004547287494524766	him:0.004160062976896217	;:0.004139643508979887	due:0.0038538925362626643	:0.9383854186833046
the:0.12408483870515721	to:0.07205738104651305	and:0.06948385167651551	of:0.06883124423961622	a:0.023917680430696857	was:0.022532754957668606	at:0.019009460865045538	on:0.018868558707937893	be:0.017543615282960858	:0.5636706140878882
and:0.09321929712960801	was:0.06435437455684892	the:0.06359866379196998	of:0.06020286968158696	be:0.0596714931441386	to:0.04365096775654996	a:0.0422087921788269	is:0.03177625463221551	been:0.028953091975489727	:0.5123641951527654
of:0.3898234734416741	in:0.09849361017049009	to:0.09358868764596592	for:0.07069150906421624	or:0.06884455397461618	by:0.05261274486108362	than:0.04697962917671983	from:0.0461743711986815	at:0.04372678414633659	:0.08906463632021587
Robert:0.022832214235206927	John:0.01872753246746442	William:0.018280922373156285	Mr.:0.01809298347145238	James:0.016795016965217683	Charles:0.014071657046008136	George:0.011827868949438925	Joseph:0.010657621801508135	Thomas:0.008299633030946964	:0.8604145496596002
sum:0.037688820908951065	number:0.031610837754232145	line:0.022480076056585172	city:0.02188414322868142	out:0.02167072607209978	day:0.01874012176945173	county:0.016720976559838112	amount:0.014901325977918834	Board:0.014079560506115122	:0.8002234111661266
one:0.07243255507598118	more:0.06882114069733446	two:0.029308365367723643	day:0.02385759807478495	piece:0.023751605135315445	law:0.021700222954764346	person:0.020671591802666	action:0.018845918453694	three:0.016140274896100128	:0.7044707275416359
of:0.4115467518894133	in:0.1682710417402464	by:0.053550346268552936	for:0.047230697388283345	the:0.044771297401378175	and:0.04212676833874169	with:0.037812250355894736	on:0.031974454266935834	In:0.031163809054391502	:0.1315525832961621
will:0.11995728045228635	can:0.07070997805760378	and:0.06899955507121316	is:0.06545903227142827	would:0.059527833890524406	appear:0.052694132100004835	w:0.045774286967819044	are:0.045376395127676966	it:0.043181698546231856	:0.42831980751521137
the:0.3002543321633255	of:0.11021875151237132	or:0.0723172985435823	other:0.06005632099204032	their:0.048887064586282954	for:0.041824301511991104	trunk:0.04122628772866341	these:0.03910389503163296	two:0.03484546018638012	:0.25126628774373
of:0.42496534645537515	to:0.12214734718383666	in:0.07455922753680545	that:0.06315908470852154	and:0.05981613509835302	by:0.059755466421850714	with:0.0485365033959618	on:0.03910243046820648	from:0.03891124915190651	:0.06904720957918271
to:0.29382765206242845	will:0.18802561881501803	would:0.15866688056334244	may:0.07624877640249736	should:0.06350559991097475	shall:0.058496855866419846	must:0.03774504239074623	not:0.03770552744535105	can:0.02279149440952125	:0.0629865521337006
for:0.30182116260491193	of:0.23759007955243389	in:0.10223085766644488	and:0.08845352696910372	about:0.03789551416247502	or:0.03769417989954919	the:0.034353499761591945	In:0.026450997524599753	with:0.024518658079510567	:0.10899152377937912
away:0.06866020098629019	and:0.06552223104048611	came:0.06481517994135019	miles:0.04873273184815845	come:0.03855819420614414	taken:0.036046681374160394	up:0.03361391170995841	feet:0.032724006046671326	him:0.028471657699701457	:0.5828552051470793
and:0.15740996062825227	but:0.05372509315886475	of:0.04306367340999546	so:0.04298034075806912	that:0.03340457795032667	as:0.032391327588937625	all:0.029415153875769436	is:0.025146405207467314	fact:0.02424646940579851	:0.5582169980165188
a:0.6110693788878415	the:0.10947027668788659	A:0.0758040072379506	certain:0.024766264688939048	one:0.024725061465329108	described:0.016629250171754793	every:0.015610439006624203	large:0.014731869743673152	this:0.014428810935328315	:0.09276464117467269
the:0.21409270968868716	and:0.14929051804655813	a:0.10976395016426627	all:0.09250451427899674	these:0.061064902740020126	or:0.046351928006748075	These:0.041407872627769175	that:0.04043467732868101	of:0.0382512805385442	:0.20683764657972914
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
ten:0.11289037433441029	10:0.10304691545201694	50:0.09665651771047248	fifty:0.09310618845644318	20:0.07389866846352501	three:0.05823489716333478	five:0.05760143836063263	25:0.05365218306110738	5:0.05246995891832339	:0.2984428580797339
they:0.1541782586066408	who:0.07423270332128717	there:0.06865609592278805	we:0.06743402016614146	which:0.05203541969553862	and:0.049343777402751934	you:0.04504882927149229	There:0.03909780193172581	They:0.036944440497495006	:0.41302865318413884
made:0.11942847096974421	and:0.07979570471363857	caused:0.029091215056480817	shown:0.028426754301022945	up:0.02777670568714523	ed:0.027617079589566704	out:0.026630159435991316	taken:0.02626602987193105	done:0.02542850605479482	:0.6095393743196843
of:0.4451271998656662	to:0.11011699368435983	in:0.08306844147571942	by:0.07309039748769347	and:0.0626622275768648	that:0.05346181313189313	for:0.045231612120027916	with:0.0301174454022878	from:0.02210389111363714	:0.07501997814185031
on:0.19012505910903987	of:0.18737671407679024	and:0.13914697965732462	to:0.09384219626836997	On:0.08507769497548962	all:0.05616768053368813	with:0.05453764246649417	in:0.052268377238133004	that:0.042819262616868345	:0.09863839305780202
the:0.5579567553569938	a:0.21303123794849818	The:0.08033895779009352	tho:0.037620449980530137	of:0.019476473344358536	and:0.016184840838569272	our:0.013989579269004522	that:0.012096606557122103	A:0.011936429317980668	:0.037368669596849244
of:0.30358678632767205	in:0.1023062566801382	to:0.10143036594335615	for:0.09820716255066682	with:0.08105349853145509	and:0.050382461350522066	by:0.044760866141831966	from:0.042448678876519465	at:0.03781272431415907	:0.13801119928367914
hundred:0.01444191217773428	;:0.011834673680375107	him:0.010388473796696067	one:0.00968896846901267	feet:0.009556811899111724	up:0.008880191153313928	mile:0.007973380143655012	feet,:0.007606228831470488	time:0.007287466987906896	:0.9123418928607239
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.05381635790229733	and:0.04765614377069951	filled:0.03421022727322769	up:0.027232639159746153	it:0.017054302397185774	made:0.016938133516936165	together:0.01283499144258129	loaded:0.01262641328043077	trimmed:0.0113956629914957	:0.7662351282653996
and:0.09505092613637062	days:0.05854633307861563	was:0.055780785265604635	or:0.04452345547702442	time:0.044028729300603336	that:0.043330606482033185	never:0.040732562689425815	long:0.04034869323061084	be:0.03779411678888612	:0.5398637915508254
a:0.4904504236523564	the:0.1450731246234284	young:0.06405882310327377	that:0.03236048345628422	of:0.03000688530150202	any:0.027803574719939484	every:0.02406187348414041	old:0.022354088514170336	white:0.01943502067432383	:0.14439570247058112
of:0.18192057336938036	in:0.11858282617010835	for:0.10020394717766833	to:0.0905104519364831	with:0.08219828013827432	and:0.07069431704358467	by:0.06611598933447366	was:0.05889174771229984	is:0.056491616149869056	:0.17439025096785832
of:0.15985453877695838	the:0.09502846416525065	in:0.05845807207715751	and:0.04749673608087739	that:0.03780945476695417	to:0.031324348349176294	The:0.026721992530225346	for:0.023155839315457248	Mr.:0.019973943650508502	:0.5001766102874345
the:0.22224321659480065	and:0.09885377550960192	of:0.0933046813853367	this:0.03582232391701824	or:0.024046190781838138	that:0.02365778536454216	The:0.023527757755076265	an:0.020913223243485473	a:0.020803270017285536	:0.4368277754310149
the:0.44511639364445127	on:0.15369310184563725	a:0.060726385382682414	in:0.057524551677420446	of:0.04667119987047162	said:0.043029170096465404	this:0.030714079248345492	tho:0.028268403727508083	his:0.023423081730461547	:0.1108336327765565
of:0.1088518327329622	.:0.06957019135117998	to:0.06396662357387049	&:0.05339404832298903	<s>:0.03843267347909851	at:0.03453757788780925	and:0.03438115911914715	the:0.024592699282772204	from:0.021547346328038175	:0.550725847922133
to:0.5694584169492605	I:0.09823215137772459	and:0.08974046009017288	not:0.04779276204748028	will:0.036947446282502995	would:0.023884070923313034	you:0.023171012982460493	should:0.020833193808653366	we:0.01943239534394991	:0.07050809019448204
it:0.1827374442590106	they:0.09386170485643093	as:0.09250863465175185	It:0.08553022541709766	which:0.07276020204277348	that:0.060302699010586915	he:0.054118784126044664	and:0.04612410051665192	you:0.04599448957730416	:0.2660617155423478
the:0.37633075034794644	of:0.09348059208590237	a:0.06922094937557927	and:0.05929620210859334	to:0.041303061843612286	in:0.03248951106750678	tho:0.02136766966707156	The:0.0170549695414805	or:0.015021390316491176	:0.2744349036458163
they:0.1637546813294565	there:0.10469191067275256	There:0.07901159543796266	we:0.07078575290757244	who:0.06598482638511304	and:0.06334193849557056	They:0.043870171576557655	which:0.03705517128249535	you:0.03579424887858377	:0.33570970303393544
of:0.10503943808781185	the:0.08479146775648254	and:0.05504314940290321	in:0.048195629402398105	to:0.046548326213919806	a:0.04075509920966334	be:0.02324568001398119	for:0.022772020720793932	was:0.020251979956273664	:0.5533572092357724
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
the:0.36304807063653266	a:0.09384952878456579	of:0.0640455200884997	The:0.05269724899001939	and:0.03705472735818419	tho:0.03394581679115368	his:0.022708209247542462	our:0.022304266204264362	to:0.02039387466895338	:0.28995273723028436
the:0.1963888033341214	his:0.14892730531516576	of:0.13169989352453992	and:0.1027629264363497	their:0.07987485881467063	to:0.05947862406980701	my:0.05289915595074738	with:0.04913688568226666	her:0.042207531636186	:0.13662401523614556
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
is:0.0952086332938432	and:0.06485470206051079	was:0.04861582137402764	simply:0.045918643518629405	not:0.04154667993226221	it:0.0387718806021684	but:0.024772544538330048	that:0.019553489542885834	it,:0.01756175467118068	:0.6031958504661618
and:0.1249590163878478	of:0.10132944700906286	to:0.08464269606101492	the:0.07917494017810507	on:0.030781821684468746	in:0.030775427254350597	<s>:0.027296937937318053	that:0.025864106241287706	from:0.022204562405101973	:0.47297104484144226
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
be:0.2911121983291653	was:0.1390769351280408	been:0.1108454610611129	is:0.07523176050842062	and:0.05529993874811094	were:0.05294084553472021	are:0.051430711099856086	being:0.03267655685615234	he:0.019926433193141444	:0.17145915954127935
the:0.3531755021324238	such:0.08824629902550707	these:0.06070480773621665	best:0.05383563939105486	his:0.05173168016761895	our:0.04854000812216378	other:0.04847733522273064	business:0.04780934784034577	their:0.046711702914069224	:0.20076767744786927
;:0.05418902122739456	it,:0.02132544226860451	him,:0.014282448239279294	and:0.013461322111999062	is:0.012561994906254866	them,:0.010674971250995898	time,:0.010317011803786226	,:0.006870117455022458	nothing:0.006578634194520623	:0.8497390365421426
the:0.19737203503818787	a:0.15933425691090275	of:0.11078491605692653	and:0.06809753964201927	at:0.046961534748461264	to:0.046763316658240524	in:0.036454494759249376	for:0.032843460282801766	an:0.023915433652431217	:0.27747301225077947
to:0.19305317250641824	I:0.16521555490719494	would:0.09757322663786742	we:0.09516384096976814	they:0.09018430848753058	who:0.07852064646638084	could:0.06267515599758222	must:0.05814316791895534	should:0.05128203218226723	:0.10818889392603503
to:0.719791006336938	not:0.05902346058653421	will:0.048994717201977	would:0.041579970363008555	and:0.030291533772023555	can:0.02299021142328676	may:0.021469247487898576	could:0.018515801162938474	To:0.01660943979738774	:0.020734611868007062
a:0.47524675960380375	the:0.29484488049432034	The:0.044564426636170655	of:0.03604413874272208	his:0.027406658747879398	this:0.02585790939018613	any:0.02228409287772844	A:0.019691226071633493	no:0.017594246289943646	:0.03646566114561209
the:0.13208187323245826	of:0.08012168634042893	and:0.06406071718010131	a:0.047669487381373256	to:0.03468962138955572	in:0.02310275767337705	at:0.015812913139426343	.:0.013881137728812965	<s>:0.013755337053032609	:0.5748244688814336
part:0.07268713102532033	one:0.07071065938650846	some:0.043508101530019876	out:0.03575042106872343	members:0.025760665467621124	and:0.022440178638608456	tion:0.02191026583655202	portion:0.021052670553751075	side:0.02092702198887348	:0.6652528845040218
to:0.5119351630414154	will:0.1105273535889225	and:0.08747627310194998	would:0.061656979427197854	not:0.042349883558257174	I:0.02852293903610542	could:0.022851834048647966	they:0.02221562584767905	we:0.0202847875694922	:0.09217916078033246
and:0.10479663189779309	to:0.07974177454958935	of:0.053650509361460576	the:0.04746932779685031	which:0.028882037624533317	that:0.02768632969742771	re-:0.024280175106059468	in:0.024236729627737486	for:0.023624629292751668	:0.5856318550457971
be:0.20037775489565451	was:0.19527985389803085	been:0.12990670001970908	is:0.07423765895623358	were:0.07369619080367386	and:0.061774693708341856	Action:0.057470491167890964	are:0.04968755789535415	being:0.035425795736994524	:0.12214330291811663
of:0.25717168850799177	in:0.12579859333765134	to:0.11694438835862833	for:0.09240234963802367	and:0.0824575802797303	at:0.06378736339164663	with:0.05113889386577991	by:0.04369719630708011	from:0.04180524002897251	:0.1247967062844954
of:0.2930396145853633	to:0.11636253998772615	for:0.10570988633315767	by:0.07928500468504723	and:0.07123226570501578	that:0.06783798008056992	with:0.05829103668481965	in:0.05800580237049337	at:0.03761662594512555	:0.11261924362268136
had:0.3311247816674146	have:0.21287617705380285	has:0.12875030775119525	was:0.08196102878130442	be:0.04144294302242235	been:0.03966264086071291	and:0.03913243399931012	were:0.02501315426299109	he:0.02376980209005908	:0.07626673051078735
a:0.8077781483306005	that:0.03737105557154736	of:0.026732715310394613	A:0.026195728740259678	and:0.02238608961061418	the:0.018772749948493785	as:0.012677393554533997	is:0.010727566438029431	in:0.00988744895325715	:0.02747110354226936
more:0.029817207518464835	due:0.027825799603035665	public:0.025600547763764272	good:0.025594956686470237	in:0.024649600110616888	time:0.020346459387317415	it:0.017453399124434527	risk:0.017327866749668297	large:0.01566935173013818	:0.7957148113260897
the:0.19670387957172328	of:0.12034700726956073	a:0.08438228089640598	to:0.07002755359439007	and:0.06281574081115311	be:0.0453128674171294	in:0.03379866218947241	is:0.03220276533394172	not:0.029189418599409524	:0.3252198243168138
the:0.307612587737178	Supreme:0.13454945922446296	District:0.06692144991661478	said:0.05305002842093336	Circuit:0.04941150159092748	County:0.04197666089388177	this:0.03072926237126224	tho:0.026012891377893768	of:0.0224182925960057	:0.26731786587084
and:0.08993882390965129	recorded:0.03592850439397521	was:0.034406616477799225	made:0.03327934968747612	that:0.032994209209894564	o'clock:0.029817856345727856	up:0.027397770336943364	is:0.024270559851647843	found:0.02383358239775871	:0.6681327273891259
the:0.14049171217036022	of:0.11129721382894606	and:0.08908987543691149	to:0.08312287486148097	a:0.04211477594316105	be:0.02951180015049161	or:0.029425595758187317	his:0.024543990657609	on:0.02261090105281294	:0.4277912601400393
to:0.32146187778697455	will:0.12283919921198497	be-:0.10739691173627343	had:0.0702107019309501	has:0.06594344542269237	have:0.06438202673201848	not:0.045424208970167086	would:0.043147137193373424	I:0.03669646143829862	:0.12249802957726698
a='able:0.08041847285999441	and:0.06501596389430095	order:0.06004630970980249	enough:0.05591913322322703	is:0.0531264962652024	him:0.048322678282867015	right:0.046470580848894764	was:0.04217700213240034	attempt:0.04192635610481366	:0.5065770066784969'
elems = a.split('\t')
elems
['able:0.08041847285999441',
 'and:0.06501596389430095',
 'order:0.06004630970980249',
 'enough:0.05591913322322703',
 'is:0.0531264962652024',
 'him:0.048322678282867015',
 'right:0.046470580848894764',
 'was:0.04217700213240034',
 'attempt:0.04192635610481366',
 ':0.5065770066784969']
print(sum([float(entry.split(':')[1]) for entry in elems]))
1.0
for x in elems:
    a = x.split(':')[1]
    print(a)
0.08041847285999441
0.06501596389430095
0.06004630970980249
0.05591913322322703
0.0531264962652024
0.048322678282867015
0.046470580848894764
0.04217700213240034
0.04192635610481366
0.5065770066784969
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}